text
stringlengths
1
2.56M
id
stringlengths
40
40
metadata
dict
\section{Introduction} Attention is a technique for selecting a focused location and enhancing different representations of objects at that location. Inspired by the major success of transformer architectures in the field of natural language processing, researchers have recently applied attention techniques to computer vision tasks, such as image classification \cite{zhao2020exploring, dosovitskiy2020image}, object detection \cite{carion2020end}, semantic segmentation \cite{xie2021segformer}, video understanding \cite{zeng2020learning}, image generation \cite{parmar2018image}, and pose estimation \cite{lin2021end}. Currently, attention technique is showing it is a potential alternative to CNNs \cite{han2020survey}. This study explores the attention technique in the context of image change detection for robotics applications. Image change detection in 2D perspective views from an on-board front-facing camera is a fundamental task in robotics and has important applications such as novelty detection \cite{contreras2019vision} and map maintenance \cite{dymczyk2015gist}. The problem of image change detection becomes challenging when changes are semantically {\it non-distinctive} and visually {\it small}. In these cases, an image change detection model (e.g., semantic segmentation \cite{sakurada2020weakly}, object detection \cite{ObjDetCD}, anomaly detection \cite{AnoDetCD}, and differencing \cite{alcantarilla2018street}), which is trained in a past domain to discriminate between the foreground and the background, may fail to classify an unseen object into the correct foreground or background class. Intuitively, such a small non-distinctive change may be better handled by the recent paradigm of self-attention mechanism, which is the goal of our study. \figA Incorporating a self-attention mechanism into an image change detection model is not straightforward owing to the unavailability of labeled training data. Existing attention models have primarily been studied in such application domains where rich training data are available \cite{zhao2020exploring}. They are typically pre-trained on big data and further fine-tuned in the target domain. This training process is very expensive for robotics applications, where robots need to adapt on-the-fly to a new test domain and detect change objects. Therefore, a new unsupervised domain-adaptive attention model is required. We propose a new technique called domain-invariant attention mask that can adapt an image change detection model on-the-fly to a new target domain, without modifying the input or output layers, but by introducing an attention mechanism to the intermediate layer (Fig. \ref{fig:tobirae}). A major advantage of our proposed approach, owing to its reliance on high-level contextual attention information rather than low-level visual features, is its potential to operate effectively in test domains with unseen complex backgrounds. In this sense, our approach combines the advantages of two major research directions in the change detection community: pixel-wise differencing \cite{sakurada2020weakly,chen2021dr} and context-based novelty detection \cite{contreras2019vision,pimentel2014review}, by incorporating all available information into the attention mechanism. Our contributions can be summarized as follows: (1) We explore a new approach, called domain-adaptive attention model, to image change detection for robotics applications, with an ability of unsupervised on-the-fly domain adaptation. (2) Instead of considering pixel-wise differencing \cite{sakurada2020weakly,chen2021dr} and context-based novelty detection \cite{contreras2019vision,pimentel2014review}, as two independent approaches, our framework combines the advantages of both approaches by incorporating all available information into the attention mechanism. (3) We present a practical system for image change detection using state-of-the-art techniques such as image registration \cite{Hausler_2021_CVPR}, pixel warping \cite{truong2021learning}, and Siamese ConvNet \cite{sakurada2020weakly}. Experiments, in which an indoor robot aims to detect visually small changes in everyday navigation, demonstrate that our attention technique significantly boosts the state-of-the-art image change detection model. \section{Related Work} \subsection{Image Change Detection} Image change detection is a long standing issue of computer vision and it has various applications such as satellite image \cite{rs11111382,chen2020dasnet}, and autonomous driving \cite{alcantarilla2018street,sakurada2017dense}. Existing studies are divided into 2D or 3D, according to the sensor modality, and we focus on image change detection in 2D perspective views from an on-board front-facing camera in this study. Since the camera is a simple and inexpensive sensor, our 2D approach can be expected to have an extremely wide range of applications. Pixel-wise differencing techniques for image change detection rely on the assumption of precise image registration between live and reference images \cite{SatelliteCD}. This method is effective for classical applications such as satellite imagery \cite{SatelliteCD}, in which precise registration is available in the form of 2D rotation-translation. However, this is not the case for our perspective view applications \cite{PerspectiveCD}, in which precise pixel-wise registration itself is a challenging ill-posed problem. This problem may be alleviated to some extent by introducing an image warping technique, as we will discuss in Section \ref{sec:pixel_warping}. However, such pixel warping is far from perfect, and may yield false alarms in image change detection. Novelty detection is a major alternative approach to image change detection \cite{sofman2011anytime}. In that, novelties are detected as deviations from a nominal image model that is pre-trained from unlabeled images in a past training domain. Unlike pixel-wise differencing, this technique can naturally capture the contextual information of the entire image to determine whether there are any changes in the image. However, on the downside, the change regions cannot be localized within the image even if the existence of the change is correctly predicted. Therefore, existing researches of novelty detection in the literature have focused on applications such as intruder detection \cite{IntruderDet}, in which the presence or absence of change, not the position of the changing object, is the most important outcome information. Several new architectures targeting small object change detection have recently been presented. For example, Klomp et al. proposed to use Siamese CNN to detect markers for improvised explosive devices (IEDs) \cite{klomp2020real}, where they tackled the resolution problem by removing the output-side layer of ResNet-18 \cite{he2016deep} to improve the detection performance of small objects. Our approach differs from these existing approaches in that (1) it does not require to modify the input and output layers of the architecture, and (2) it is able to utilize contextual information. \subsection{Attention} Inspired by the major success of transformer architectures in the field of natural language processing, researchers have recently applied attention techniques to computer vision tasks, such as image classification \cite{zhao2020exploring,dosovitskiy2020image}, object detection \cite{carion2020end}, semantic segmentation \cite{xie2021segformer}, video understanding \cite{zeng2020learning}, image generation \cite{parmar2018image}, and pose estimation \cite{lin2021end}. Because self-attention captures long-range relationships with low computational complexity, it is considered a potential alternative to convolutional neural networks (CNNs) \cite{han2020survey}. Recently, several studies have reported the effectiveness of attention in change detection tasks. HPCFNet \cite{HPCFNet} represents attention as a correlation between feature maps, DR-TA Net \cite{chen2021dr} evaluates temporal attention by computing the similarity and dependency between a feature map pair, to realize attention-based change detection. CSCDNet \cite{sakurada2020weakly} employs a correlation filter to compensate for the uncertainty in the non-linear transformation between live and reference images. From the perspective of robotic applications, one of major limitations of the current self-attention techniques is that they require a large training set to reduce domain dependency. In our contribution, we introduce a novel domain-adaptive attention technique that is specifically tailored for unsupervised on-the-fly domain adaptation. \figB \section{Approach} Our goal is to incorporate an unsupervised attention model into the image change detection model without modifying the input and output layers of the model (Fig. \ref{fig:full}). In this section, we implement this idea on a prototype robotic SLAM system. First, we perform a preprocessing to compensate for the viewpoint error and the resulting uncertainty in non-linear mapping from the 3D real environment to a 2D image plane of the on-board camera. This preprocessing consists of LRF-SLAM based viewpoint estimation (Section \ref{sec:lrfslam}) followed by pixel-wise warping (Section \ref{sec:pixel_warping}). However, even with such a preprocessing, the images are often affected by unpredictable nonlinear mapping errors. To address this, we introduce a novel attention mask to direct the robot's attention to differentiate the foreground from the background (Section \ref{sec:attention_mask_gen}). As an advantage, our approach can insert this attention mask into the intermediate layer, without modifying the input or output layers (Section \ref{sec:attention_layer}). Furthermore, we make use of the pixel-wise confidence to further improve the image change detection performance (Section \ref{sec:post_processing}). The individual modules are detailed as followings. \figC \subsection{Dataset Collection}\label{sec:lrfslam} Figure \ref{fig:mobile_robot} shows the indoor robot experimental platform. We employ LRF-SLAM in \cite{lrfslam} as a method for aligning live images with the reference images. An input live image is paired with a reference image if its angle deviation from the live image is less than the threshold of 1 degree. If no such reference image exists, it is paired with the nearest neighbor viewpoint to the live image's viewpoint, without considering the angle information. \figD \subsection{Pixel Warping} \label{sec:pixel_warping} We further compensate for the viewpoint misalignment in LRF-SLAM by introducing an image warping technique. A warp is a 2D function, $u(x, y)$, which maps a position $(x, y)$ in the reference image to a position $u=(x', y')$ in the live image. Dense image alignment, which is recently proposed in \cite{truong2021learning}, is employed to find an appropriate warp, by minimizing an energy function in the form: \begin{equation} -\log p(Y | \Phi(X;\theta))= \sum_{ij}\log p(y_{ij}|\varphi_{ij}(X;\theta)) \end{equation} where $X$ is input image pair $X = (I^q, I^r)$, $Y$ is ground-truth flow, $\Phi$ and $\varphi$ are predicted parameters. An example of pixel warping is shown in Fig. \ref{fig:pixel_warp}. \figF \subsection{Attention Mask Generation} \label{sec:attention_mask_gen} We here introduce a novel domain-invariant attention mask (Fig. \ref{fig:attention_mask}), inspired by self-attention mechanism \cite{dosovitskiy2020image}. Recall that in standard self-attention \cite{vaswani2017attention}, the interrelationships of the elements in the sequence are obtained by computing a weighted sum over all values ${\bf v}$ in the sequence for each element in an input sequence ${\bf z} \in R^{N \times D}$. The attention weights are based on the pairwise similarity between two elements of the sequence and their respective query ${\bf q}$ and key ${\bf k}$ representations: \begin{equation} [{\bf q}, {\bf k}, {\bf v}] = {\bf zU}_{qkv} \hspace{2cm} {\bf U}_{qkv} \in \mathbb{R}^{D \times 3D_h} \end{equation} \begin{equation} \label{eq:sa} SA({\bf z}) = softmax({\bf qk}^T / \sqrt{D_h}){\bf v} \end{equation} In the proposed method, this {\it SA} term is replaced with: \begin{equation} Proposed({\bf q_{p}},{\bf k_{p}},{\bf m_{cnn}}) = PatchMatch({\bf q_{p}},{\bf k_{p}}) \odot {\bf m_{cnn}}. \end{equation} Here, ${\bf q_{p}} \in \mathbb{R}^{h_{np} \times w_{np} \times D_p}$ and ${\bf k_{p}} \in \mathbb{R}^{h_{np} \times w_{np} \times D_p}$ are patches extracted from live and reference images, respectively. ${\bf m_{cnn}} \in \mathbb{R}^{h_{cnn} \times w_{cnn} \times D_{cnn}}$ is an intermediate feature of the Siamese CNN. The $PatchMatch$ is the function that predicts whether or not a pair of $D_p$-dim vectors of ${\bf q_{p}}$ and ${\bf k_{p}}$ match. We generate a binary attention mask by incorporating the attention mechanism. First, the image is reshaped into a sequence of 2D patches, each of which is described by a local feature vector. We employ the 128-dim deep PatchNetVLAD \cite{Hausler_2021_CVPR} descriptor as the local feature vector. The attention score is then computed for each region of interest. We then evaluate the attention score as the patch-wise dissimilarity (i.e., L2 distance) between live and reference image pairs. Then, RANSAC geometric verification is performed to filter out false alarms that are originated from change patches. Finally, we obtain the attention regions as scattered discrete regions of live patches with positive attention score, which makes a binary attention mask. \algA Algorithm \ref{alg-attention-mask_gen} presents the algorithm for creating the attention mask. It aims to compute a binary attention mask $Mask$ for an array of $W_p\times H_p$ patches at time instance $t$ from a sequence of live images within the time interval $[t-T, t+T]$. The algorithm begins with the initialization of the mask variable $Mask$, and iterates for each live image, the following steps: First, it extracts from an input image a set of PatchNetVLAD feature vectors (``$ExtractPF$''), each of which belongs to one of reference patches. Then, for each live feature, it searches for its mutual nearest neighbor (``$MNN$") reference patch in terms of the L2 norm of their PatchNetVLAD features. Here, the mutual nearest neighbor search is defined as the process of searching for pairs of matching live and reference elements that are closest to each other. Only feature pairs that have passed the mutual nearest neighbor search are sent to the next RANSAC process. Then, it performs geometric verification by RANSAC \cite{ransac} (``$RANSAC$"). Finally, it outputs pixel with values greater than or equal to threshold, in the form of the binary attention mask: \begin{equation} \label{eq:binary_elem} \mathbf{b}[i,j] = \left\{ \begin{array}{ll} 1 & \mbox{If $inliers[i,j]$ passed RANSAC}\\ 0 & \mbox{Otherwise} \end{array} \right. . \end{equation} \subsection{Attention Mask Layer}\label{sec:attention_layer} We now insert the attention mask into the standard image change detection model of the Siamese CNN (Section \ref{sec:attention_mask_gen}). For the Siamese CNN, we use the state-of-the-art architecture of CSCDNet \cite{sakurada2020weakly}. The attention mask layer takes the CNN feature map and attention mask as inputs and outputs the CNN features masked in the channel direction. We inserted the attention mask before correlation operation (i.e., before concatenating decoded feature). We perform the process of masking the CNN Siamese feature map in the channel direction. Let $\mathbf{fmap_{new}} \in \mathbf{R}^{W \times H}$ denote the feature map after attention is applied. Let $\mathbf{fmap_{old}} \in {R}^{W \times H \times C}$ denote the feature map obtained from Siamese CNN. Here, $W$ denote the tensor width, $H$ denote the tensor height, and $C$ denote the tensor channel. Let $\mathbf{mask} \in \mathbf{R}^{W \times H}$ denote the attention mask. Then, the attention mask element at the $i$-th row, $j$-th column and $k$-th channel is: \begin{equation} \label{eq:merge} \mathbf{fmap_{new}}[i,j,k] = \mathbf{fmap_{old}}[i,j,k] \cdot \mathbf{mask}[i,j]. \end{equation} This operation is applied to the both branches of the Siamese CNN. \subsection{Post Processing}\label{sec:post_processing} Post-processing is introduced to eliminate false alarms in the detection results. We evaluate the uncertainty in the output layer of the dense image alignment model and use it to evaluate the confidence of prediction at each pixel. Intuitively, a high probability of pixel warping uncertainty indicates that no corresponding pixel exists; therefore is a high possibility of change. Conversely, low probability indicates that the corresponding pixel exists; therefore is a low possibility of change. This masking process can be simply expressed as an Hadamard product operation, in the following form: \begin{equation} \label{eq:unc_merge} \mathbf{output_{new}}[i,j] = \mathbf{output_{old}}[i,j] \cdot \mathbf{uncertainty}[i,j]. \end{equation} Here, $\mathbf{output_{old}} \in \mathbf{R}^{W \times H}$ represents the change probability value map of the output of the Siamese CNN. $\mathbf{uncertainty} \in \mathbf{R}^{W \times H}$ represents the uncertainty of each pixel warp of a live image. $\mathbf{output_{new}} \in \mathbf{R}^{W \times H}$ represents the probability of change for each pixel after the merging process. \section{Evaluation Experiments} \subsection{Dataset} We collected four datasets, ``convenience store,'' ``flooring,'' ``office room,'' and ``hallway,'' in four distinctive environments. Eight independent image sequences are collected from the four different environments. The number of images are 534, 491, 378, and 395, respectively for ``flooring," ``convenience store," ``office," and ``hallway". Examples of these images are shown in Fig. \ref{fig:dataset}. The image size was $640\times 480$. The ground-truth change object regions in each live image are manually annotated using PaddleSeg \cite{liu2021paddleseg, paddleseg2019} as the annotation tool. \figE \subsection{Settings} The state-of-the-art model, CSCDNet \cite{sakurada2020weakly}, is used as our base architecture, which we aim to boost in this study. It is also used as a comparing method to verify whether the proposed method can actually boost the CSCDNet. The network is initialized with the weight pre-trained on ImageNet \cite{deng2009imagenet}. The pixel-wise binary cross-entropy loss is used as loss function as in the original work of CSCDNet \cite{sakurada2020weakly}. PDCNet \cite{truong2021learning} is used to align reference images. Adam optimizer \cite{kingma2014adam} is used for the network training. Learning rate is 0.0001. The number of iterations is 20,000. The batch size is 32. A nearest neighbor interpolation is used to resize the attention mask to fit into the attention mask layer. The length of reference image sequence is set to $T=10$ in default. A single NVIDIA GeForce RTX 3090 GPU with PyTorch framework is used. Pixel-wise precision, recall, and F1 score are used as performance index. \figG \subsection{Quantitative Results} Figure \ref{fig:Performance} shows performance results. As can be seen, the proposed method outperformed the comparing method for almost all combinations of training and test sets considered here. Notably, the proposed method extremely outperformed the comparing method when it was trained on the ``flooring'' dataset. The ``flooring'' is the simplest background scene. Therefore, the image change detection model trained on that could be generalized to other complex domains as well. However, the proposed method performed almost the same as the comparing method when it was trained on the other complex background scenes. As an example, for the convenience store dataset, the robot navigates through a narrow and messy passage that makes its visual appearance very different from that of the other two datasets. This makes the proposed training algorithm less effective for the training set. It is noteworthy that such an effect of visual appearance might be mitigated by introducing view synthesis technique such as \cite{kupyn2019deblurgan}, which is a direction of future research. \figH \subsection{Qualitative Results} Figure \ref{fig:examples} shows example results in which the proposed attention mechanism was often successful in improving the performance of the CSCDNet. Especially, the proposed method was effective for complex background scenes, owing to the ability of the proposed attention mechanism to make use of contextual information. \figI \subsection{Ablation Study} Table \ref{Table:ablation_warp_unc} presents the results of a series of ablation studies by turning off some of the modules in the proposed framework. For all ablations, the flooring dataset is used as the training data. For the ``convenience store'' dataset, the performance is significantly higher with than without the post-processing technique in Section \ref{sec:post_processing}. Because of the complex background of this dataset, pixel warping often fails, and the proposed method was effective in suppressing such effects that are originated from complex backgrounds. For the ``office'' and ``hallway'' datasets, the performance is almost the same between with and without the technique. Since the background was less complex in these datasets, pixel warp failures were less common, therefore the effect of estimating uncertainty was small. Next, another ablation with different settings of the length of reference image sequences are conducted. As can be seen, the performance is best at $T$=10. As expected, higher performance was obtained with longer reference sequences. From the above results, it could be concluded that both of PDCNet and pixel warping play important roles and can actually improve the performance of image change detection. \section{Conclusions} In this research, we tackled the challenging problem of small object change detection via everyday indoor robot navigation. We proposed a new self-attention technique with unsupervised on-the-fly domain adaptation, by introducing an attention mask into the intermediate layer of an image change detection model, without modifying the input and output layers of the model. Experiments using a novel dataset on small object change detection verified that the proposed method significantly boosted the state-of-the-art model for image change detection.
2e88c5e5ffeaac9883cd5f0fd37ddaf043ae1e74
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Related Work} \label{sec:related_work} \textbf{Hybrid networks.} The idea originated in research presented in \cite{oyallon2017firstHybrid} where E. Oyallon et al. experimented with replacing initial layers of ResNet \cite{he2016resNet} and Wide ResNet \cite{zagoruyko2016wrn} with a scattering transform. This approach allowed deeper analysis and better interpretation of complex deep learning techniques and demonstrated that predefined filters grant theoretical guarantees required for building better networks and more stable representations. Presented results saw a sizeable improvement as compared to previous scattering-based approaches \cite{brunaMallat2013invariant_scatSVM}. Despite that, the performance with respect to fully-trained counterparts was still low. However, the promising properties of hybrid networks encouraged research to continue and alternative approaches were introduced. For example, Dual-Tree Complex Wavelet Transform-based network \cite{singh2017dtcwScat} or a Locally Invariant Convolutional Layer \cite{cotter2019learnableScat} which pioneered learning in the scattering domain. Although novel approaches including those reviewed in \cite{minskiy2021scatReview} saw further performance improvement, the issue of a significant performance gap between hybrid and fully-trained networks remained. \textbf{Hand-crafted features.} A wide variety of predefined filters has been applied to hybrid designs, most of which are wavelet-based. Researchers employed both discrete and continuous wavelets including Haar \cite{fujieda2018waveletCNN}, Gabor \cite{czaja2019gaborHybrid}, and Morlet \cite{mallat2012scatTransform} wavelets. Later, it was demonstrated that wavelets are most efficient when they are used in a layered CNN-like configuration, such as Scattering Transform \cite{brunaMallat2013invariant_scatSVM} and Dual-Tree Complex Wavelet Transform \cite{selesnick2005dtcwt}. Following the approach of E. Oyallon et al. \cite{oyallon2017firstHybrid}, we employ scattering transform, $S$, as the hand-crafted part for our hybrid network. It is formed by cascading wavelet transforms and modulus nonlinearity functions \cite{mallat2012scatTransform}. It guarantees translation invariance and linear response to deformations by separating the information along with multiple scales and orientations. As this work focuses on image classification, the wavelets are calculated from a zero-average complex wavelet $\psi$ as follows \cite{zarka2019scatDictonary}: \begin{equation*} \psi_{j,\theta}(u) = 2^{-2j}\psi(2^{-j}r_{-\theta}u), \end{equation*} \begin{equation*} \psi_{j,\theta,\alpha} = Real(e^{-i\alpha}\psi_{j,\theta}) \end{equation*} where $r_{-\theta}$ defines rotation, $2^j$ defines dilation, and $\alpha$ - phase shift. In the proposed design we employ the first-order scattering coefficients which, for a given image $x$, are calculated by averaging rectified wavelet coefficients with a sub-sampling stride of $2^J$: \begin{equation*} Sx(u,k,\alpha) = |x\star\psi_{j,\theta,\alpha}|\star\phi_J(2^Ju); k=(j, \theta) \end{equation*} where non-linearity is obtained with a complex modulus function and $\phi_J$ is a Gaussian dilated by $2^J$ \cite{brunaMallat2013invariant_scatSVM} that eliminates the variations at scales smaller than $2^J$. Further details on the parameter selection are available in section \ref{sec:taining_details}. \section{Building an Inductive Hybrid Network} \label{sec:building_an_e-hybrid_network} To address the weaknesses of existing hybrids, such as lacking performance and adaptability, we introduce an inductive approach as an alternative to the currently popular stacking paradigm. Conceptually, instead of replacing initial network stages, we enrich the backbone data flow along the entire network path with the output of a scattering transform. By design, this fusion allows scattering features to guide the training process, while the network can adaptively regulate their effect using the deep learning strategy. As a result, our architecture benefits from well-defined and informative hand-crafted features, as well as from an adaptable and flexible deep learning-based approach. The following two sections detail the building blocks of the proposed architecture and explain our design decisions. \subsection{Hybrid Fusion Blocks} \label{sec:hybrid_blocks} Hybrid architecture furnishes a network with two complementary types of representations: fixed, hand-crafted with defined properties and learnt features that are adaptable to the data. The biggest challenge, then, is to fuse those while preserving the necessary information to maximise the classification performance. In our design, Hybrid Fusion Blocks enable that and steer the training procedure more effectively by drawing from the strengths of both types of features. Hybrid Fusion Blocks are designed as encapsulated units and cause no additional disruption to the main network data flow. Figure \ref{fig:hybrid_blocks} illustrates how two streams of coefficients are embedded into a single tensor identical in shape to the output of the previous network layer. First, we perform feature expansion by concatenating scattering activations with an output of the previous layer, both of which are batch normalised. Then, inspired by the highly efficient MBConv block \cite{sandler2018mobilenetv2} we apply depth-wise convolution with a 3x3 kernel, followed by the Squeeze and Excitation (SE) stage. SE procedure allows the network to perform a re-adjustment through which it selectively emphasises informative features and suppresses less descriptive ones \cite{hu2018SEblock} enabling the network to prioritise scattering representations early in the process and regulate their effect as training progresses. Hybrid Fusion Block is concluded with point-wise convolution. The above-described is the default Hybrid Fusion architecture (HF-$E$), we also introduce two alternatives to test the effects of batch normalisation during feature expansion and depth-wise convolution. This way, the HF-$H$ block has batch normalisation disabled in the first stage. While HF-$Z$ omits the depth-wise convolution procedure as shown in Figure \ref{fig:hybrid_blocks}. Additionally, to assess the influence of DropConnect \cite{wan2013dropConnect} and skip connection features when applied to the HF block, we evaluate three sub-variations for each of the three architectures. Option 0: without DropConnect and no skip connection; (1) no DropConnect with a skip connection; (2) with both DropConnect a skip connection enabled. Hence, the total number of block variations is nine, all of which are listed in Table \ref{tab:all_results}. \begin{table}[!b] \newcolumntype{C}[1]{>{\hsize=#1\hsize\centering\arraybackslash}X} \begin{tabularx}{\linewidth}{ l c c } \hline Operator & Output Res & \# Channels \\ \hline 1. Conv3x3 & 112x112 & 32 \\ 2. MBConv1, 3x3 & 56x56 & 16 \\ \textbf{3. HF-1, 3x3} & \textbf{56x56} & \textbf{24} \\ 4. MBConv6, 3x3 & 28x28 & 24 \\ \textbf{5. HF-2, 3x3} & \textbf{28x28} & \textbf{40} \\ 6. MBConv6, 5x5 & 14x14 & 40 \\ 7. MBConv6, 3x3 & 14x14 & 80 \\ 8. MBConv6, 5x5 & 7x7 & 112 \\ 9. MBConv6, 5x5 & 7x7 & 192 \\ 10. MBConv6, 3x3 & 7x7 & 320 \\ 11. Conv1x1, Pooling, FC & 7x7 & 1280 \\ \hline \end{tabularx} \caption{Overview of E-HybridNet-$E$ architecture for an input of resolution 224x224 pixels.} \label{tab:hybryd_dataflow} \end{table} \subsection{Scalable Network Architecture} \label{sec:network_architecture} Our feature embedding approach requires careful spatial feature resolution management, which restricts a selection of compatible backbone networks. The primary challenge is to align the two streams of features, network activations and scattering transform output, with respect to their spatial resolution. One of the networks that meet this requirement is EfficnetNet \cite{tan2019efficientnet}. Scattering networks can be parameterised (as per section \ref{sec:taining_details}) to achieve alignment with respect to the resolution of the corresponding spatial features. Although other architectures previously employed with hybrids such as ResNet \cite{he2016resNet, oyallon2018firdtOrderScat}, Wide-ResNet \cite{zagoruyko2016wrn, oyallon2018scatAnalsysis} and VGG \cite{simonyan2014vgg, cotter2019learnableScat} also fulfill our resolution requirement, EfficientNet seem favorable due to its high performance-complexity trade-off, flexibility and wide recognition in applications related to image classification. Previous research showed \cite{oyallon2018scatAnalsysis, cotter2019learnableScat} that scattering features are most effective when applied to early CNN stages. Hence, to build E-HybridNet we insert one Hybrid Fusion Block (HF-1) before original stage 3 of EfficientNet and another one (HF-2) just after it. Table \ref{tab:hybryd_dataflow} portrays the E-HybridNet-B0-$E$ architecture and demonstrates the integration of two Hybrid Fusion Blocks. We apply a two-step process to enhance the effect and form a flow of scattering features. Importantly, due to the flexibility of the backbone network and adaptable HF block design, E-HybridNet is a highly scalable architecture. Unlike other existing hybrid networks, its complexity can easily be adjusted without re-configuring the predefined part. \begin{table*}[!ht] \centering \begin{tabular}{ l| c c c c } \hline Network Type & Caltech-256, \% & Flowers-102, \% & CoronaHack-2, \% & CoronaHack-3, \%\\ \hline \textbf{EfficientNet-B0} & 54.23 & 94.63 & 92.58 & 85.66 \\ E-HybridNet-B0-$E$0 & \textbf{60.24} & \textbf{97.75} & 95.10 & 87.73 \\ E-HybridNet-B0-$E$1 & 60.08 & 96.52 & \textbf{95.49} & \textbf{87.82} \\ E-HybridNet-B0-$E$3 & 58.92 & 97.63 & 95.21 & 86.27 \\ \hline E-HybridNet-B0-$Z$0 & 59.50 & 97.12 & 94.09 & 84.24 \\ E-HybridNet-B0-$Z$1 & \textbf{60.27} & 96.73 & 93.86 & \textbf{89.44} \\ E-HybridNet-B0-$Z$3 & 57.63 & \textbf{97.63} & \textbf{94.32} & 85.82 \\ \hline E-HybridNet-B0-$H$0 & \textbf{60.09} & 96.52 & \textbf{95.15} & 80.49 \\ E-HybridNet-B0-$H$1 & 58.94 & 96.14 & 94.85 & \textbf{83.52} \\ E-HybridNet-B0-$H$3 & 59.93 & \textbf{97.03} & 92.73 & 81.46 \\ \hline \textbf{EfficientNet-B3} & 49.07 & 96.35 & 92.35 & 80.56 \\ E-HybridNet-B3-$E$0 & 52.40 & 96.55 & \textbf{95.19} & 85.39 \\ E-HybridNet-B3-$E$1 & 54.88 & 96.84 & 93.59 & 86.35 \\ E-HybridNet-B3-$E$3 & \textbf{56.78} & \textbf{97.17} & 94.38 & \textbf{87.44} \\ \hline E-HybridNet-B3-$Z$0 & \textbf{56.23} & \textbf{96.75} & \textbf{94.86} & 85.00 \\ E-HybridNet-B3-$Z$1 & 52.53 & 96.96 & 93.22 & \textbf{86.68} \\ E-HybridNet-B3-$Z$3 & 54.99 & 96.42 & 94.21 & 85.58 \\ \hline E-HybridNet-B3-$H$0 & \textbf{55.83} & 96.95 & \textbf{93.31} & 83.93 \\ E-HybridNet-B3-$H$1 & 54.75 & \textbf{97.53} & 92.63 & \textbf{85.07} \\ E-HybridNet-B3-$H$3 & 53.75 & 96.91 & 92.38 & 84.87 \\ \hline \end{tabular} \caption{Results for EfficientNet B0, B3 and hybrid networks based on those.} \label{tab:all_results} \end{table*} \section{Experimental Setup} This section reviews key elements of the experimental setup and justifies the reasons behind certain decisions. \subsection{Datasets} \label{sec:datasets} Datasets were selected based on the following principles: (i) data is representative of a real-world problem; (ii) to form a variety of tasks with generic and specific data; (iii) data is of relatively high image resolution ; (iv) the size of the dataset is not too large due to a considerable number of required experiments. Following is a brief introduction to each of the datasets employed. Flowers-102 \cite{nilsback2008flowers}: a topic-specific and structure intensive dataset. It consists of 6,652 training and 819 test images non-uniformly split across 102 classes. CoronaHack \cite{cohen2020coronaHack} is a medical dataset that consists of a mixture of CT scans and X-ray images. It features 5,309 training and 624 test images that can be split either into 2 (disease, no disease) or 3 (virus, bacteria and healthy) categories. We test our networks on both variations. Caltech-256 \cite{griffin2006caltech256} presents 256 imbalanced categories of real-life objects, it has a training set of 23,824 images and a testing set of 5,956. \textbf{Evaluation metric.} As all datasets are imbalanced, the often-used accuracy metric would not be representative as it is highly sensitive to that. Hence, mean Average Precision (mAP) is employed as the main evaluation metric and all results presented in the following discussions will refer to mAP. \subsection{Training Details} \label{sec:taining_details} \textbf{Training procedure.} The primary challenge was to create an environment to fairly compare a wide variety of networks. For this, we followed an approach suggested in \cite{minskiy2021scatReview} and employed a standard training procedure across all experiments. To remove the optimisation bias, we trained all networks from scratch and kept most parameters constant. These include cross-entropy loss function, cosine-annealing scheduler with a step size equal to the number of epochs and SGD optimisation strategy. A minority of parameters varied depending on the dataset, such as the number of epochs, batch size and initial learning rate. More details are available in the project's GitHub directory: https://github.com/dminskiy/EHybridNet-icpr2022. \textbf{Scattering features.} To ensure the scattering coefficients align with the EfficientNet backbone in terms of the feature spatial size as per section \ref{sec:network_architecture} the following scattering configurations were employed. For the first Hybrid Fusion Block, HF-1, $J$ was set to 2, whereas for the second, HF-2, $J=3$. The common parameters for both layers are the scattering order of 1, 8 angles $\theta$ and 4 phases $\alpha$. Scattering coefficients are computed with a modified to allow multi-GPU support Kymatio \cite{andreux2020kymatio} package, please see the project's directory for details. \begin{figure}[!b] \centerline{\includegraphics[width=\linewidth]{media/comparison_of_HF_blocks.png}} \caption{Performance comparison of Hybrid Fusion Block architectures.} \label{fig:nets_outperformed_hybrids_B0&3} \end{figure} \begin{table*}[!ht] \centering \begin{tabular}{ l| c c| c c| c c } \toprule \multirow{2}{*}{Dataset} & \multicolumn{2}{c|}{All of training data} & \multicolumn{2}{c|}{50\% of training data} & \multicolumn{2}{c}{25\% of training data} \\ & {Hybrid, \%} & {EfficientNet, \%} & {Hybrid, \%} & {EfficientNet, \%} & {Hybrid, \%} & {EfficientNet, \%} \\ \midrule Caltech-256 & \textbf{60.24} & 54.23 & \textbf{54.60} & 46.68 & \textbf{45.81} & 38.03 \\ Flowers-102 & \textbf{97.75} & 94.63 & \textbf{95.81} & 91.88 & \textbf{92.14} & 85.52 \\ CoronaHack-2 & \textbf{95.10} & 92.58 & \textbf{94.93} & 90.85 & \textbf{92.70} & 88.92 \\ CoronaHack-3 & \textbf{87.73} & 85.66 & \textbf{85.79} & 85.26 & \textbf{79.32} & 78.42 \\ \bottomrule \end{tabular} \caption{Results with limited training data for E-HybridNet-B0-$E$0 and EfficientNet-B0.} \label{tab:limited_data_results} \end{table*} \section{Evaluation and Analysis} In this section, we first explore the properties of the E-HybridNet, then evaluate its performance against the baseline EfficientNet. Finally, we assess the effect of scattering features on the network's efficiency in normal and data-limited conditions. \subsection{E-HybridNet Performance} \label{sec:hybrid_performance} \textbf{Hybrid Fusion Block architecture}. First, we evaluate the effects of different design choices on the overall network performance, concentrating on the comparison of three primary design groups (HF-$E$, HF-$Z$ and HF-$H$) as per section \ref{sec:hybrid_blocks}. The impact of skip connections and DropConnect is considered later in the section. To select the best architecture, we count the number of networks each of the candidate hybrid designs has outperformed and accumulate it across our four evaluation datasets and two network complexity configurations (B0 and B3), results are shown in figure \ref{fig:nets_outperformed_hybrids_B0&3}. To select the best performing design, we group the obtained results based on Hybrid Fusion Block variations ($E$, $Z$ or $H$). Thereby, we observe that HF-$E$ based networks outperformed 44.1\% of other hybrids, followed by HF-$Z$ design (better in 32.99\% cases) and HF-$H$ (22.92\%). These findings indicate the importance of batch normalisation before the features are concatenated, as this is the only difference between the leading HF-$E$ and the least effective HF-$H$ designs. Similarly, the depth-wise convolution stage proved effective as it allowed HF-$E$ architecture to be over 10\% more efficient than the HF-$Z$ design that does not have this feature. \textbf{Hybrid Fusion Block variations.} DropConnect and skip connection modules are present within the original EfficientNet architecture and play an important role in its success. Here, we analyse their effect on the E-HybrdNet, for this we apply the same method as before and count the number of peer-hybrids each individual architecture outperforms. Figure \ref{fig:nets_outperformed_hybrids_B0&3} presents the aggregate result between B0 and B3-based networks and shows that the effect of these features depends on the fusion block architecture. The skip connection module, on average, did not change the performance of Hf-$E$ networks, for both HF-$E$0 and HF-$E$1 the number of outperformed networks remained the same, at 13.54\%. HF-$Z$ hybrids, on the other hand, benefited from the addition of the skip connection - the success rate improved by 1.74\%. Whereas, HF-$H$ architecture saw a drop in performance with the addition of this feature (-1.39\%). As for the DropConnect, the presence of this module took HF-$E$3 design to 17.01\%, the highest amongst all networks. However, its effect on other architectures was negative, reducing the performance by 2.78\% and 2.43\% for HF-$Z$ and HF-$H$ respectively. In summary, we observe that DropConnect and skip connection modules can improve the adaptability of the network and they are most effective with the base E-hybridNet architecture - HF-$E$. \textbf{Comparison with EfficientNet.} The major drawback of previous hybrid architectures is their relatively low classification performance as compared to their conventional counterparts. Hence, in this experiment, we compare the performance of the base hybrid architecture (HF-$E$0) against the vanilla EfficientNet in B0 and B3 configurations applied to four diverse datasets. Results presented in Table \ref{tab:all_results} evidence the dominance of the hybrid that is on average 3.43\% more accurate than the reference network with a maximum gap of over 6\% in B0 setup. When the backbone complexity is increased to B3, the average hybrid's advantage is 2.8\% with a maximum of 4.83\% To the best of our knowledge, it is the first time a hybrid network could consistently outperform the baseline network on a variety of tasks when entire training data is available. \begin{figure}[!b] \centerline{\includegraphics[width=\linewidth]{media/ablation_study.png}} \caption{Results of the ablation study.} \label{fig:deactivation} \end{figure} \subsection{Ablation Study} \label{sec:Effect_of_Scattering_Features} Here, we evaluate the contribution of scattering features to the performance of our hybrid design. As our HF block fuses scattering coefficients with an output of the corresponding network layer (network features, in short), an idea of the ablation study, therefore, is in disabling parts of the Hybrid Fusion Block. In one case, the scattering features are omitted from the merging stage while, in the other, the network features fed into the block will be ignored. As before, we use HF-$E$0 hybrid configuration for evaluation. Figure \ref{fig:deactivation} summarises the results of this experiment across four datasets and following networks: EfficientNet-B0 (Reference), E-HybridNet-B0-$E$0 (Hybrid), E-HybridNet-B0-$E$0 with scattering features omitted (Hybrid Scat Disabled) and E-HybridNet-B0-$E$0 with network features ignored (Hybrid Net Disabled). Across the four datasets, the average loss in performance due to the lack of scattering features is 5.08\%, while the average performance drop due to the network features not being present is 1.48\% as compared to the baseline hybrid result. This indicates the significance of scattering features in hybrid architecture and shows that they are, indeed, the driving factor for its success. Additionally, we note that the average performance loss caused by disabling both hybrid and networks features (3.64\%) is approximately equal to the average gain of the hybrid versus the EfficientNet-B0 (3.76\%) architecture. This can be interpreted as "disabling" both parts of the Hybrid Fusion Block (or effectively removing the hybrid part of the network) is the same as running the standard EfficientNet-B0. Importantly, most of the loss when moving from hybrid to standard design is due to a lack of scattering features. \subsection{Generalisation} \label{sec:generalsiation} Historically, hybrids' ability to generalise from small amounts of data have been their strongest advantage over their fully-trained counterparts. To validate that our design preserves this strength, we compare the base hybrid network (HF-$E$0) and its baseline EffcientNet-B0 in data-limited scenarios. We use our four evaluation datasets with 50\% and 75\% of the training samples removed randomly. From results presented in Table \ref{tab:limited_data_results}, we observe that the hybrid network was constantly ahead of EfficientNet-B0. On average, E-HybridNet was 3.43\%, 4.11\% and 4.77\% more accurate than the reference architecture with full, half and quarter of the training set available. It corresponds to approximately 0.7\% of relative gain for the hybrid as the amount of data is halved. Hence, we conclude that our fusion procedure embeds scattering features effectively, aids CNN generalisation and improves overall performance in data-limited scenarios. \section{Conclusions} In this work, we introduced the E-Hybrid network, the first scattering based hybrid network that consistently outperformed its conventional counterparts. The evaluation showed that our design improves mAP by up to 6\% with an average gain of 3.11\% across tested datasets. We also presented Hybrid Fusion Blocks, the integral part of the novel design. They allow a network to benefit from the adaptability of CNNs while being guided by powerful hand-crafted representations. Our analysis showed that scattering features were indeed the driving force behind the success of the proposed hybrid design and constituted a major part of the performance gain. They also allowed E-HybridNets to be superior in data-limited scenarios, considerably improving the network's generalisation. \textbf{Current limitations and further work.} Despite the advantages of the novel architecture, certain aspects of it provide further research opportunities. For instance, currently, each Hybrid Fusion Block requires recalculation of scattering features which slows inference and training speeds by around 60\%. Another important area that has not been fully addressed yet is training optimisation for E-Hybrid networks, so far they have been tested mostly under a common setup strategy to facilitate the concept verification and enable a fair comparison. There is also a number of scattering and backbone architectures that could be explored within the proposed architectural paradigm. Therefore, we believe that this work is only a promising start in exploring a wide range of research opportunities in hybrid networks. \bibliographystyle{latex12}
6ed41790e1be832edd17fa0c866d14dfe52cfa2a
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{INTRODUCTION} Shipping containers revolutionized the transportation of goods across the globe. Before its introduction, the process of loading and unloading a ship was extremely slow and they had to stay for weeks in the port at a time. Thanks to containerization, the productivity and efficiency of ports have been remarkably enhanced. Moreover, an important performance indicator of a port is the speed at which a ship is unloaded and loaded again \cite{Kreuzer2014,Sakawa1982}. With this in mind, the efficiency of port operations deeply depends on the performance of the ship-to-shore (STS) cranes. They are responsible for the critical task of loading and safely unloading the ship \cite{Kreuzer2014,Sakawa1982,Arena2015}. See \autoref{fig:sts}. Thus making their operations faster is crucial for the performance indicators of the port. Because of this, various approaches have been proposed to address the faster loading and unloading of containers. Some authors have focused on minimizing the swing and other oscillations to minimize the time of the loading and unloading process. For instance, in the works done by Kreuzer \textit{et. al.,} \cite{Kreuzer2014} and Kim \textit{et. al.,} \cite{kim2004anti}, where the main idea is that a good estimation of the sway angle will make it easier to be mitigated and thus lead to faster operations. In the former, an unscented Kalman filter is designed to provide an accurate estimation of the payload swing. Then, it is validated by applying it in different control techniques. In the latter, an anti-sway controller is designed without the use of a vision system, thus making its implementation cheaper. Following this, optimal control has also been used in crane operations as a combination of both anti-sway and trolley motion control. Sakawa and Shindo \cite{Sakawa1982} divide the payload motion into five sections and derive an optimal speed reference trajectory, and the swing of the payload is then minimized. Furthermore, Maghsoudi \textit{et al.,} \cite{Maghsoudi2016} have used a three-dimensional model of the crane and tuned a PID controller by using a cost function with the aim of fast payload positioning and minimum sway. Moreover, time-optimal control has been used as a natural approach when one aims to make the loading and unloading as fast as possible. In such approaches, the objective is to minimize the final time $t_f$. That is, the total time for the payload to go from an initial position at rest to a desired final position at rest again. With this in mind, Auernig and Troger \cite{Auernig1987} use the Pontryagin maximum principle and obtain the minimum-time solution for moving the payload. Also, based on differential flatness Chen \textit{et al.,} \cite{Chen2016} propose a time-optimal offline trajectory planning method and a tracking controller. Furthermore, time-optimal control has also been combined with anti-sway. Al-Garni \textit{et al.,} \cite{AlGarni1995} use a nonlinear dynamic model and constructs a cost function according to a performance index. This performance index is measured under the condition of making the process of loading or unloading in a minimum time as well as reducing the payload sway. Da Cruz and Leonardi \cite{DaCruz2012} use linear programming to solve the minimum-time anti-sway motion problem. The solution is obtained by solving a sequence of fixed-time maximum-range problems. Those all are, without doubt, valuable contributions to the field of control of overhead cranes. However, a problem with much of the literature is that they do not address the different heights that the container stacks can have along the path from the shore to a specific position on the ship. As mentioned before, some works focus on estimating the sway in order to reduce it and consequently the transferring time e.g., \cite{Kreuzer2014} and \cite{kim2004anti}. Thus, hoisting movements are naturally not addressed. Furthermore, some works that explicitly deal with minimum time do not address hoisting at all. A constant length of the rope is used in \cite{Maghsoudi2016} and \cite{Chen2016}, and it is considered given in \cite{DaCruz2012}. Moreover, works dealing with hoisting do not take stack heights into account e.g., \cite{Sakawa1982}, \cite{Auernig1987} and \cite{AlGarni1995}. In this paper, we propose a time-optimal control approach to address the problem of loading and unloading a ship in the minimum time. Additionally, the different and arbitrary heights that the container stacks can have are taken into account here. Moreover, the novelty of this work is an easy and intuitive way to represent the stack heights into the optimization problem. This is made possible through a change of variable and reformulation of the optimal control problem. After the variable change, time $t$ becomes a state variable and the payload coordinate along the horizontal axis $x_p$ becomes the free variable. Now with the payload position as the free variable instead of time, the container avoidance constraints will turn into bound constraints when the problem is discretized for the numerical solver. This means that no functional representation of the stack heights is required. This paper is organized as follows: \autoref{sec:modelling_and_original} presents the nonlinear model used to describe the crane movements and the original problem formulation, with time as the free variable. Which has been the standard way to solve this problem. \autoref{sec:reformulation} brings the variable change and the optimal control problem reformulation. \autoref{sec:geometric-constraints} shows how the stack heights are now represented along the horizontal axis, leading to a form that is suitable for numerical optimization. \autoref{sec:results} depicts an example to illustrate the proposed idea and subsequently discuss it. Lastly, \autoref{sec:conclusion} brings the conclusion of the work. \begin{figure}[h] \centering \includegraphics[scale=0.17]{images/sts-draw.png} \caption{A ship-to-shore crane schematic.} \label{fig:sts} \end{figure} \section{MODELLING AND ORIGINAL PROBLEM FORMULATION}\label{sec:modelling_and_original} In order to control an STS-crane and make the process of loading and unloading the ship as fast as possible, a model description of its dynamics is obtained and a time-optimal control problem solved. In this section, we first present a lumped mass model, following the single-rope hoisting mechanism. Subsequently, the standard formulation for time-optimal control of this system is presented. \subsection{Modelling}\label{sec:modelling} A simplified representation of the dynamics of overhead cranes can be made by considering the problem as cart-pendulum with hoisting. To this end, consider the position of the trolley $x(t)$, the sway $\theta(t)$, the length of the hoisting rope $l(t)$ and, the payload coordinates $x_p(t)$ and $y_p(t)$ as generalized coordinates. The forces $F_t(t)$ and $F_h(t)$ are the control inputs applied to the trolley and for hoisting the payload, respectively. A two-dimensional schematic of this representation showing the general coordinates and the forces involved in the problem is depicted in \autoref{fig:schematic}. \begin{figure}[h] \centering \includegraphics[scale=0.6]{images/schematic.png} \caption{Two-dimensional schematic representing the trolley and payload motions.} \label{fig:schematic} \end{figure} Similarly to the model obtained in \cite{kim2004anti} and \cite{Hong2019}, and additionally including the position of the payload in general coordinates, the following equations of motion are obtained \begin{multline} \label{eq:dynamics-bridge} (m_1+m_2)\ddot{x}(t) + m_2l(t)(\ddot{\theta}(t)\cos(\theta(t))-\dot{\theta}^2(t)\sin(\theta(t))) +\\ m_2\ddot{l}(t)\sin(\theta(t))+2m_2\dot{l}(t)\dot{\theta}(t)\cos(\theta(t)) = F_t(t) \end{multline} \begin{multline} \label{eq:dynamics-hoist} m_2\ddot{l}(t) - m_2l(t)\dot{\theta}^2(t) - m_2g\cos(\theta(t)) +\\ m_2\ddot{x}(t)\sin(\theta(t)) = -F_h(t) \end{multline} \begin{equation} \label{eq:dynamics-sway} l(t)\ddot{\theta}(t) + 2\dot{l}(t)\dot{\theta}(t)+g\sin(\theta(t)) + \ddot{x}(t)\cos(\theta(t)) = 0 \end{equation} \begin{equation} \label{eq:dynamics-xp} x_p(t) = \sin(\theta(t))l(t) + x(t) \end{equation} \begin{equation} \label{eq:dynamics-yp} y_p(t) = \cos(\theta(t))l(t). \end{equation} Here $g$ is the acceleration of gravity, and $m_1$ and $m_2$ are the trolley and payload masses, respectively. The dynamics of the bridge along the $i\text{-axis}$ is represented in (\ref{eq:dynamics-bridge}), the hoist motion of the payload in (\ref{eq:dynamics-hoist}), the sway motion of the payload in (\ref{eq:dynamics-sway}), and finally the payload position along $i\text{ and }j\text{-axis}$ are represented in (\ref{eq:dynamics-xp}) and (\ref{eq:dynamics-yp}), respectively. Note that the dynamics of the actuators themselves are not considered, and this model is formulated considering the dynamics of an overhead crane with a single hoisting rope mechanism. Moreover, the payload is treated as a point mass. Now, choosing the state variables as $x_1 = x_p$, $x_2 = \dot{x}_p$, $x_3 = y_p$, $x_4 = \dot{y}_p$, $x_5 = l$, $x_6 = \dot{l}$, $x_7 = \theta$ and $x_8 = \dot{\theta}$, the nonlinear state-space representation is derived and can be written as: \begin{equation} \label{eq:original-state-eq} \begin{aligned} \dot{x}_{1} &= x_{2}\\ \dot{x}_{2} &= -(u_{2}\sin(x_{7}))/m_{2} \\ \dot{x}_{3} &= x_{4}\\ \dot{x}_{4} &= -(u_{2}\cos(x_{7}))/m_{2}+g\\ \dot{x}_{5} &= x_{6}\\ \dot{x}_{6} &= x_{5}x_{8}^{2}+g\cos(x_{7})-u_{2}/m_{2}-\sin(x_{7})(u_{1}+u_{2}\sin(x_{7}))/m_{1}\\ \dot{x}_{7} &= x_{8}\\ \dot{x}_{8} &= -(2x_{6}x_{8}+g\sin(x_{7})+\cos(x_{7})(u_{1}+u_{2}\sin(x_{7}))/m_{1})/x_{5}\\ \end{aligned} \end{equation} with the control inputs $u_{1} = F_{t}$ and $u_{2}=F_{h}$. With the equations of the motion of the crane written in the state-space form, the time-optimal control problem can be formulated. \subsection{Original problem formulation}\label{sec:orignal_prob} The problem of moving the payload from the initial to the final position in the minimum time can be expressed as a time-optimal control problem. This way, we need to minimize a cost function that accounts for the total time spent transporting the payload. This is done by obtaining a control law that satisfies the lower and upper bounds of the decision variables and control inputs. \begin{equation} \label{eq:original-formulation} \begin{aligned} & \underset{}{\text{minimize}} & & T = \int_{0}^{t_f} \, dt \\ & \text{subject to} & & \dot{x}(t) = f(t,x(t),u(t))\\ &&& x(0) = x_{0}\\ &&& x(t_f) = x_{t_f}\\ &&& g(x(t)) \le x(t) \le f(x(t))\\ &&& u_{min}(t) \le u(t) \le u_{max}(t). \end{aligned} \end{equation} However, as mentioned before, STS-crane operations are usually subject to geometric constraints, corresponding to the height of the container stacks. Such constraints are usually nonlinear and non-smooth functions of space. Because of this, issues arise in formulating and solving the numerical optimization problem starting from (\ref{eq:original-formulation}). The most immediate comes from our necessity of constructing the constraints on the container heights. This means that the geometric constraints in the numerical model need to be constructed from a function $g(x_p(t))$. Due to the discretization of the problem, the required height that the payload needs to be at a certain time instance $t^{k}$ is a function $g(x_p(t^{k}))$. Please note that in this paper we use superscript $k$ to indicate discretization. In this way, the function $g(x_p(t))$ needs to be defined from the current configuration using either continuous approximation or exact integer programming representation. Moreover, any nontrivial configuration of container heights will lead to non-convex constraints. Furthermore, though the objective function looks simple, it cannot be directly used in a numerical optimization scheme. Once again, the problem here comes due to the discretization. Since the free variable is also the one being optimized, the solution will be influenced by the fixed time sampling rate, or fixed number of control intervals. Thus, it requires a strategy to be used, for instance, time-elastic bands, presented in \cite{Rosmann2015}. In order to circumvent these problems, we reformulate the optimization problem through a change of variable. \section{PROBLEM REFORMULATION}\label{sec:reformulation} As mentioned in the previous section, container avoidance constraints are problematic when the independent variable is time $t$. That is, the stack heights are difficult to be represented when using time as the variable to be discretized. However, they can be easily described in the position along the $i\text{-axis}$. With this in mind, the optimization problem is reformulated in an attempt to alleviate the above-mentioned issues. This is done by reparametrizing it in a spatial coordinate. Thus, we redefine the optimization problem with the position of the payload along the $i\text{-axis}$ $x_{p}$ as the variable that we discretize the dynamics along with. In other words, this means that we perform a change of variable and now the system's dynamics are described using $dx/dx_{p}$. \subsection{The variable change}\label{sec:variable-change} A change of the integration variable is now performed and the time-optimal problem is reformulated in the same fashion as in \cite{Verscheure2009} and \cite{KangShin1985}. First, consider the total time $T$ that the payload takes to go from the initial to the final position i.e., the cost function in (\ref{eq:original-formulation}) is \begin{equation} T = \int_{0}^{t_f} dt. \end{equation} Now, note that the first dynamic equation, used to describe the payload position along the $i\text{-axis}$, in (\ref{eq:original-state-eq}) is \begin{equation} \label{eq:change_state} \dot{x}_1=\frac{dx_1}{dt} = x_2 \implies \frac{dt}{dx_1} = \frac{1}{x_2}. \end{equation} In this way, the cost function to be minimized is rewritten as \begin{equation} \label{eq:obj-reformulation} T = \int_{0}^{t_f} dt = \int_{x_{1_0}}^{x_{1_f}} \frac{dx_1}{x_2} = \int_{x_{p_0}}^{x_{p_f}} \frac{dx_p}{x_2}. \end{equation} The variable change implies that the optimization problem is now parametrized in the payload position along the $i\text{-axis}$ ($x_{1}=x_{p}$) and consists of minimizing the integral on the right-hand side of (\ref{eq:obj-reformulation}). The main benefit of this will be discussed in the next section. Nevertheless, an immediate consequence of (\ref{eq:obj-reformulation}) is that a new state vector $x=[t,\dot{x}_p,y_p,\dot{y}_p,l,\dot{l},\theta, \dot{\theta}]^T$ is defined for the problem. \textit{Remark:} With the variable change, time $t$ is no longer the free variable. Now, all the derivatives will be with respect to $x_p$ and thus, with different notation, $x^\prime=dx/dx_p$. Additionally, since time $t$ is now a state variable, we make the following identification \begin{equation} \label{eq:identifications} \setlength{\arraycolsep}{1pt} x_{1}\leftarrow{t},~x^\prime_{j}\leftarrow{\frac{dx_{j}}{dx_{p}}},~ j = 1, \ldots, n, \end{equation} and the state equations in (\ref{eq:original-state-eq}) become a system of differential algebraic equations \begin{equation} \label{eq:reformulated-state-eq} \begin{aligned} x_{2}x^\prime_{1} &= 1\\ x_{2}x^\prime_{2} &= -(u_{2}\sin(x_{7}))/m_{2}\\ x_{2}x^\prime_{3} &= x_{4}\\ x_{2}x^\prime_{4} &= -(u_{2}\cos(x_{7}))/m_{2}+g\\ x_{2}x^\prime_{5} &= x_{6}\\ x_{2}x^\prime_{6} &= \resizebox{0.85\hsize}{!}{$x_{5}x_{8}^{2}+g\cos(x_{7})-u_{2}/m_{2}-\sin(x_{7})(u_{1}+u_{2}\sin(x_{7}))/m_{1}$}\\ x_{2}x^\prime_{7} &= x_{8}\\ x_{2}x^\prime_{8} &= \resizebox{0.85\hsize}{!}{$ -(2x_{6}x_{8}+g\sin(x_{7})+\cos(x_{7})(u_{1}+u_{2}\sin(x_{7}))/m_{1})/x_{5},$} \end{aligned} \end{equation} where $j$ indices the state variables in the new state vector and $n$ is the system's dimension. It is worth noting that in performing the coordinate change, we implicitly make an assumption that the payload is moving monotonically, in one direction along $i\text{-axis}$. This is a natural limitation that implicitly implies a no-sway condition in the solution. Subsequently to the change of variable made in (\ref{eq:obj-reformulation}), a natural choice of the cost function $J$ would be \begin{equation} J = \int_{x_{p_{0}}}^{x_{p_{f}}} \frac{1}{x_2(x_p)} dx_p, \end{equation} which leads to convergence issues since $x_{2}(x_{p})=0$ at $x_{2}(0)$ and $x_{2}(x_{2_f})$. However, an interesting property of the reformulation is that the variable $x_1$ in (\ref{eq:reformulated-state-eq}) corresponds to time $x_{1}(x_{p})=t$. Thus, the optimization problem can now be written as \begin{equation} \label{eq:opt-reformulated} \begin{aligned} & \underset{}{\text{minimize}} & & J = t(x_{p_{f}}) \\ & \text{subject to} & & x_{2}x^\prime(x_p) = f(x_p,x(x_p),u(x_p))\\ &&& x(0) = x_{0}\\ &&& x(x_{p_{f}}) = x_{f}\\ &&& 0 \le t(x_p)\\ &&& 0 \le x_2(x_p)\\ &&& g(x_p) \le x(x_p) \le f(x_p)\\ &&& u_{min}(x_p) \le u(x_p) \le u_{max}(x_p). \end{aligned} \end{equation} As mentioned before and more evident now, the positions, velocities and accelerations are related to one another through the parametrization of path. This is an interesting feature for representing the geometric constraints as we will see in the next section. Furthermore, though the general dynamics remain nonlinear and non-convex, the cost function is nevertheless still convex, which is an additional outcome of the reformulation. \section{GEOMETRIC CONSTRAINTS}\label{sec:geometric-constraints} When dealing with the constraints that the different heights of the stacks impose on the payload height $y_p(x_p)$, a function $s(x_p)$ that represents the stack profile along the loading site is implicitly required. This way, the constraints on $y_p(x_p)$ are \begin{equation} 0 \le y_{p}(x_{p}) \le h-s(x_{p}), \label{eq:height_constraint_general} \end{equation} where $h$ is the maximum height, e.g., the distance from the ground to the trolley. With the optimization problem in the original formulation as in (\ref{eq:original-formulation}), after the time discretization, the constraints imposed on $y_p(x_p)$ in (\ref{eq:height_constraint_general}) would be \begin{equation} 0 \le y_{p}(x_{p}(t^k)) \le h-s(x_{p}(t^k)). \label{eq:height_constraint_time} \end{equation} Moreover, the required explicit function representation $s(x_{p}(t^k))$ will generally be discontinuous, nonlinear and non-convex. However, with the optimization problem (\ref{eq:opt-reformulated}) now parametrized in $x_{p}$, the geometric constraints can be easily represented. The height of the stacks and their positions along the trajectory are represented by the function $s(x_{p})$, which now addresses the stack height at each position $x_{p}$. This way, when discretizing $x_{p}$, the function $s(x_{p})$ determines the upper bound constraints for $y_{p}(x_{p})$ in (\ref{eq:opt-reformulated}) as \begin{equation} 0 \le y_{p}(x_{p}^{k}) \le h-s(x_{p}^{k}). \label{eq:height_constraint_space} \end{equation} Note that we no longer need an explicit function $s(x_p)$, but simply function values that can be computed when setting up the numerical model. See \autoref{fig:schematic-constraint}. \begin{figure}[h] \centering \includegraphics[scale=0.39]{images/schematic_constraint.png} \caption{Two-dimensional schematic representing the trolley and payload motions and the geometric constraints (stacks).} \label{fig:schematic-constraint} \end{figure} This way of representing the stack heights and their positions is attractive since it is easier and more intuitive to be constructed and manipulated, after the discretization. This is the main benefit of the variable change in (\ref{eq:change_state})-(\ref{eq:obj-reformulation}) and constitutes the main contribution of this paper. \section{RESULTS AND DISCUSSION}\label{sec:results} In order to illustrate and validate the idea, a scenario of stack configuration was simulated. For simplicity, a small-scale example was used, where the integration goes from position $x_{p_{0}} = 0$ to $x_{p_{f}} = 1$. In this scenario, the container stacks are particularly high at the end of the loading site. The software used to obtain the results was MATLAB. Additionally, CasADi software tool \cite{Andersson2019} and Yop toolbox \cite{leek2016optimal} were used for modeling the optimization problem, and IPOPT \cite{Wchter2005} was used to solve it. Now, it is important to note that all the distances and lengths used in the results are in \textit{meters} and the angles in \textit{radian}. With (\ref{eq:opt-reformulated}) in mind, the initial and final conditions were set to \begin{equation} \label{eq:initial-final} \begin{aligned} &t(0) = 0,~ &&\\ &x_{p}(0) = 0, &&x_{p}(x_{p_{f}}) = 1,\\ &\dot{x}_p(0) = 0,~ &&\dot{x}_p(x_{p_f}) = 0,\\ &y_p(0) = 3,~ &&y_p(x_{p_f}) = 3,\\ &\dot{y}_p(0) = 0,~ &&\dot{y}_p(x_{p_f}) = 0,\\ &l(0) = 3,~ &&l(x_{p_f}) = 3,\\ &\dot{l}(0) = 0,~ &&\dot{l}(x_{p_f}) = 0,\\ &\theta(0) = 0,~ &&\theta(x_{p_f}) = 0,\\ &\dot{\theta}(0) = 0,~ &&\dot{\theta}(x_{p_f}) = 0, \end{aligned} \end{equation} the constraints regarding the minimum and maximum height that the payload can be, given its position $x_p$ along the $i\text{-axis}$, were defined as \begin{equation} 0.15 \le y_p(x_p) \le h-s(x_p), \end{equation} and the other box constraints were \begin{equation} \begin{aligned} 0 \le &t(x_p) \\ 0 \le &\dot{x}_p(x_p)\\ 0 \le &l(x_p) \le 4.5\\ -0.1 \le &\theta(x_p) \le 0.1\\ -1 \le &F_t(x_p) \le 1\\ 0 \le &F_h(x_p) \le 8. \end{aligned} \end{equation} Additionally, a first-order polynomial degree was used for the collocation method in the solver, the problem was solved in $100$ control intervals, and the trolley and payload masses were respectively set to $m_1=1.2kg$ and $m_2=0.6kg$. Finally, the position of each stack was assigned as in (\ref{eq:position}), where $c \in \mathbb{R}^{m}$ represents the positions where the stacks are along the $i\text{-axis}$. In this example, $9$ stack positions were assigned, separated by $10cm$ from each other. \begin{equation} \label{eq:position} c = \begin{bmatrix} 0.1 & 0.2 & 0.3 & 0.4 & 0.5 & 0.6 & 0.7 & 0.8 & 0.9 \end{bmatrix}. \end{equation} Moreover, the height of each stack was represented as in (\ref{eq:height}) \begin{equation} \label{eq:height} \begin{aligned} \rho = \begin{bmatrix} 0.5 & 1.0 & 1.0 & 1.0 & 2.0 & 2.0 & 2.4 & 2.5 & 1.0 \end{bmatrix}, \end{aligned} \end{equation} where $\rho \in \mathbb{R}^{m}$ represents the height of each of the stacks, corresponding to the assigned position in (\ref{eq:position}). Also, the width of the stacks was considered, here $0.08m$. From these, the function values in the bound constraints (\ref{eq:height_constraint_space}) can be constructed. \subsection{Results} \autoref{fig:ex1-trajectory} shows the path followed by the payload, given the stack heights (\ref{eq:height}) at the positions (\ref{eq:position}). \begin{figure}[h] \centering \includegraphics[scale=0.18]{images/plots/ex1-trajectory-eps-converted-to.pdf} \caption{The path followed by the payload subject to stack constraints.} \label{fig:ex1-trajectory} \end{figure} Figures \ref{fig:ex1-states1} and \ref{fig:ex1-states2} show how the payload positions, hoisting and sway evolve with time. Note that though they correspond to the decision variables in (\ref{eq:original-state-eq}), they are the result of problem solved as in (\ref{eq:opt-reformulated}). \begin{figure}[h] \centering \includegraphics[scale=0.24]{images/plots/ex1-states1-eps-converted-to.pdf} \caption{The payload spatial-coordinates trajectories.} \label{fig:ex1-states1} \end{figure} \begin{figure}[h] \centering \includegraphics[scale=0.24]{images/plots/ex1-states2-eps-converted-to.pdf} \caption{The payload hoisting and sway trajectories.} \label{fig:ex1-states2} \end{figure} Lastly, \autoref{fig:ex1-extra} shows the velocity $\dot{x}_p$, time (which now is a decision variable), and control inputs $F_{t}$ and $F_{h}$ evolving along $x_{p}$. \begin{figure}[h] \centering \includegraphics[scale=0.24]{images/plots/ex1-extra-eps-converted-to.pdf} \caption{How $\dot{x}_{p}$, time and control inputs evolve with the spatial coordinate.} \label{fig:ex1-extra} \end{figure} \subsection{Discussion} \label{sec:discussion} The presented numerical example shows the simulation results for the optimization control problem, solved off-line after a change of variable. The aim was to illustrate that with the variable change, the description of the stack heights becomes trivial and easier to represent numerically. This is done by defining their positions and corresponding heights in $c$ and $\rho$, respectively. These are then implicitly defining a function $s(x_p)$, which addresses the stacks' height in each discretization interval. Moreover, Figs. \ref{fig:ex1-trajectory} to \ref{fig:ex1-extra} show that the payload was transferred from the initial to the final position avoiding the stacks and not violating the predefined constraints. Hence, we believe that the results have further strengthened our idea that this problem becomes trivial with the discretization of $x_p$. We are aware that our work still has some limitations. As mentioned before, a natural one is that the solution enforces no sway condition since the payload is moving monotonically in one direction. Furthermore, the distance traveled by the payload in each discretization interval varies along the loading and unloading process. For instance, as seen in \autoref{fig:ex1-trajectory}, they were particularly long in the end, after a tall stack. Thus, since the problem is uniformly discretized, most of the dynamics that are not captured might be in those parts. This can be easily addressed by non-uniform discretization. Notice that these regions, where more time is spent, are strongly influenced by the stacks' disposition. Perhaps the biggest limitation of this work is that, though the objective function and the constraints on the container heights are now convex, the dynamics of the system remain non-convex. This might lead to a solution at a local minimum. However, it is important to note that circumventing these limitations is not in the scope of this work. Moreover, non-convexity is simply a consequence of the high-fidelity model of the system. Additionally, the problem may be extended to 3D, however, we believe that this is not necessary, given the nature of ship-to-shore crane operations. \section{CONCLUSIONS AND FUTURE WORK} \label{sec:conclusion} We have proposed a new approach to deal with the different heights that the container stacks can assume during the process of loading and unloading container ships. With this in mind, a variable change has been performed and the representation of the stack heights became trivial in the optimization problem. Subsequently, a small-scale example has led us to confirm it. Thus, this approach has the potential to be successfully applied to real crane operations and enhance their automation. Future work will focus on going beyond the point-mass assumption and incorporate more physical and geometric constraints to the setup. Moreover, we will investigate how to deal with it when the initial or final position is in between stacks. Additionally, different densities of discretization will be addressed. \addtolength{\textheight}{-3cm} \bibliographystyle{IEEEtran}
1c2db71ce5316e0e05acfdb6e380f005010050f3
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The Potts model is a statistical model, originally invented to study ferromagnetism~\cite{potts}; it also plays a central role in probability theory, combinatorics and computer science, see e.g.~\cite{Sokaltutte} for background. Let $G = (V,E)$ be a finite graph. The anti-ferromagnetic Potts model on the graph $G$ has two parameters, a number of \emph{states, or colors,} $q\in \mathbb{Z}_{\geq 2}$ and an edge interaction parameter $w=e^{kJ/T}$, with $J<0$ being a coupling constant, $k$ the Boltzmann constant and $T$ the temperature. The case $q=2$ is also known as the zero-field Ising model. A \emph{configuration} is a map $\sigma:V \to [q]:=\{1,\dots,q\}$. Associated with such a configuration is the \emph{weight} $w^{m(\sigma)}$, where $m(\sigma)$ is the number of edges $e=\{u,v\}\in E$ for which $\sigma(u)=\sigma(v)$. There is a natural probability measure, the \emph{Gibbs measure} $\text{Pr}_{G;q,w}[\cdot]$, on the collection of configurations $\Omega=\{\sigma:V \to [q]\}$ in which a configuration is sampled proportionally to its weight. Formally, for a given configuration $\phi:V\to [q]$ the probability that a random configuration ${\bf \Phi}$\footnote{ We use the convention to denote random variables with capitals in boldface.} is equal to $\phi$, is given by \begin{equation}\label{eq:gibbs finite} \text{Pr}_{G;q,w}[{\mathbf \Phi}=\phi] = \frac{w^{m(\phi)}}{ \sum_{ \sigma:V \rightarrow [q]} w^{m(\sigma)}}, \end{equation} here the denominator is called \emph{partition function} of the model and we denote it by $Z(G;q,w)$ (or just $Z(G)$ if $q$ and $w$ are clear form the context). In statistical physics the Potts model is most frequently studied on infinite lattices, such as $\mathbb{Z}^2$. At the cost of introducing some measure theory, the notion of a Gibbs measure can be extended to such infinite graphs, see e.g. \cite{brigt99, bright02,friedli2017}. While at any temperature the Gibbs measure on a finite graph is unique, this is no longer the case for all infinite lattices. The transition from having a unique Gibbs measure to multiple Gibbs measures in terms of the temperature is referred to as a \emph{phase transition} in statistical physics~\cite{Georgii,friedli2017} and it is an important problem to determine the exact temperature, the \emph{critical temperature, $P_c$}, at which this happens. There exist predictions for the critical temperature on several lattices in the physics literature by Baxter~\cite{BaxterZd,Baxterq} (see also~\cite{SalasSokal} for more details and further references), but it turns out to be hard to prove these rigorously cf.~\cite{SalasSokal}. In the present paper we consider the anti-ferromagnetic Potts model on the infinite $\Delta$-regular tree, $\mathbb{T}_\Delta=(V,E)$, also known as the \emph{Bethe lattice}, or \emph{Cayley tree}. We briefly recall the formal definition of a Gibbs measure in this situation. See~\cite{Roz21} for a survey on this topic in general. The sigma algebra is generated by sets of the form $U_{\sigma}:=\{\phi:V\to [q]\mid \phi\!\restriction_U=\sigma\}$, where $U\subset V$ is a finite set and $\sigma:U\to [q]$. Let $w\in (0,1)$. A probability measure $\mu$ on this sigma algebra is then called a Gibbs measure for the $q$-state anti-ferromagnetic Potts model on $\mathbb{T}_\Delta$ at $w$, if for all finite $U\subset V$ and all $\phi:V\to [q]$ the following holds \[ \text{Pr}_\mu[\mathbf{\Phi}\!\restriction_U=\phi\!\restriction_U\mid \mathbf{\Phi}\!\restriction_{V\setminus U^\circ}=\phi\!\restriction_{V\setminus U^\circ}] =\text{Pr}_{G[U];q,w}[\mathbf{\Phi}\!\restriction_U=\phi|_U\mid \mathbf{\Phi}\!\restriction_{\partial U}=\phi|_{\partial U}], \] where $\partial U$ denotes the collection of vertices in $U$ that have a neighbor in $V\setminus U$ and $U^\circ:=U\setminus \partial U$. Note that for any $w\in (0,1)$ there is at least one such Gibbs measure. For a number of states $q\geq 3$ define $w_c:=\max\{0,1-\frac{q}{\Delta}\}$. It is a longstanding folklore conjecture (cf.\cite[page 746]{blanca2020}) that the Gibbs measure is unique if and only if $w\geq w_c$ (where the inequality should be read as strict if $q=\Delta$.) This was confirmed by Jonasson for the case $w=0$~\cite{jon02}, by Srivastava, Sinclair and Thurley ~\cite{sst14} for $q=2$ (see also~\cite{Georgii}), by Galanis, Goldberg and Yang for $q=3$~\cite{PottsLeslie3} and by three of the authors of the present paper for $q=4$ and $\Delta\geq 5$~\cite{deboer2020uniqueness}. Our main result is a confirmation of this conjecture for all $q\geq 5$ provided the degree of the tree is large enough. \begin{main} For each integer $q\geq 5$ there exists $\Delta_0 \in \mathbb{N}$ such that for each $\Delta \geq \Delta_0$ and each $w\in [w_c,1)$ the $q$-state anti-ferromagnetic Potts model with edge interaction parameter $w$ has a unique Gibbs measure on the infinite $\Delta$-regular tree $\mathbb{T}_{\Delta}$. \end{main} It has long been known that there are multiple Gibbs measures when $w<w_c$~\cite{Peruggietalgeneral,Peruggietaldiagrams}, see also~\cite{gal15}) and~\cite{Roz1,Roz2,Roz3,Roz4}. So our main results pinpoints the critical temperature for the anti-ferromagnetic Potts model on the infinite regular tree for large enough degree. For later reference we will refer to $w_c$ as the \emph{uniqueness threshold}. In Theorem~\ref{thm:main} below, we will reformulate our main theorem in terms of the conditional distribution of the color of the root vertex of $\mathbb{T}_{\Delta}$ conditioned on a fixed coloring of the vertices at a certain distance from the root, showing that this distribution converges to the uniform distribution as the distance tends to infinity. We in fact show that this convergence is exponentially fast for subcritical $w$ (i.e. $w>w_c$). \subsection{Motivation from computer science} There is a surprising connection between phase transitions on the infinite regular tree and transitions in the computational complexity of approximately computing partition function of $2$-state models (not necessarily the Potts model) on bounded degree graphs. For parameters inside the uniqueness region there is an efficient algorithm for this task~\cite{weitz06,licor,sst14}, while for parameters for which there are multiple Gibbs measures on the infinite regular tree, the problem is NP-hard~\cite{Slysun,gal16}. It is conjectured that a similar phenomenon holds for a larger number of states. While the picture for $q$-state models for $q\geq 3$ is far from clear, some progress has been made on this problem for the anti-ferromagnetic Potts model. On the hardness side, Galanis, \v{S}tefankvovi\v{c} and Vigoda~\cite{gal15} showed that for even numbers $\Delta\geq 4$ and any integer $q\geq 3$, approximating the partition function of the Potts model $Z(G;q,w)$ is NP-hard on the family of graphs of maximum degree $\Delta$ for any $0\leq w< q/\Delta=w_c$, which we now know to be the uniqueness threshold (for $\Delta$ large enough). On the other side, much less is known about the existence of efficient algorithms for approximating $Z(G;q,w)$ or sampling from the measure $\text{Pr}_{G;q,w}$ for the class of bounded degree graphs when $w>w_c$. Implicit in~\cite{bencs} there is an efficient algorithm for this problem whenever $1\geq w>1- \alpha q/\Delta$, with $\alpha=1/e$, which has been improved to $\alpha=1/2$ in~\cite{liu2019correlation}. For random regular graphs of large enough degree, our main result implies an efficient randomized algorithm to approximately sample from the Gibbs measure $\text{Pr}_{G;q,w}$ for any $w_c<w\leq 1$ by a result of Blanca, Galanis, Goldberg, \v{S}tefankovi\v{c}, Vigoda and Yang~\cite[Theorem 2.7]{blanca2020}. In~\cite{eft2020}, Efthymiou proved a similar result for Erd\H{o}s-R\'enyi random graphs without the assumption that $w_c$ is equal to the uniqueness threshold on the tree. At the very least this indicates that the uniqueness threshold on the infinite regular tree plays an important role in the study of the complexity of approximating the partition function of and sampling from the Potts model on bounded degree graphs. \subsection{Approach} Our approach to prove the main theorem is based on the approach from~\cite{deboer2020uniqueness} for the cases $q=3,4$. As is well known, to prove uniqueness it suffices to show that for a given root vertex, say $v$, the probability that $v$ receives a color $i\in [q]$, conditioned on the event that the vertices at distance $n$ from $v$ receive a fixed coloring, converges to $1/q$ as $n\to \infty$ regardless of the fixed coloring of the vertices at distance $n$. Instead of looking at these probabilities, we look at ratios of these probabilities. It then suffices to show that these converge to $1$. The ratios at the root vertex $v$ can be expressed as a rational function of the ratios at the neighbors of $v$. See Lemma~\ref{lem:treerecursion} below. This function is rather difficult to analyze directly and as in~\cite{deboer2020uniqueness} we analyze a simpler function coupled with a geometric approach. A key new ingredient of our approach is to take the limit of $\Delta$, the degree of the tree, to infinity and analyze the resulting function. This function turns out be even simpler and behaves much better in a geometric sense. With some work we translate the results for the limit case back to the finite case and therefore obtain results for $\Delta$ large enough. This is inspired by a recent paper~\cite{bencs2021limit} in which this idea was used to give a precise description of the location of the zeros of the independence polynomial for bounded degree graphs of large degree. \subsection*{Organization} In the next section we give a more technical overview of our approach. In particular we recall some results from~\cite{deboer2020uniqueness} that we will use and set up some terminology. We also gather two results that will be used to prove our main theorem, leaving the proofs of these results to Section~\ref{sec:convex} and Section~\ref{sec:forward} respectively. Assuming these results, the main theorem will be proved in Subsection~\ref{ssec:proof}. \section{Preliminaries, setup and proof outline}\label{sec:technial outline} \subsection{Reformulation of the main result} We will reformulate our main theorem here in terms of the conditional distribution of the color of the root vertex of $\mathbb{T}_{\Delta}$ conditioned on a fixed coloring of the vertices at a certain distance from the root. Let $\Delta\geq 2$ be an integer. In what follows it will be convenient to write $d=\Delta-1$. For a positive integer $n$ we denote by $\mathbb{T}^n_{d+1}$ the finite tree obtained from $\mathbb{T}_{d+1}$ by fixing a root vertex $r$, deleting all vertices at distance more than $n$ from the root, deleting one of the neighbors of $r$ and keeping the connected component containing $r$. We denote the set of leaves of $\mathbb{T}^n_{d+1}$ by $\Lambda_{n}$, except when $n=0$, in which case we let $\Lambda_{0}=\{r\}$. For a positive integer $q$ we call a map $\tau:\Lambda_{n}\to [q]$ a \emph{boundary condition at level $n$}. The following theorem may be seen as a more precise form of our main result. \begin{theorem}\label{thm:main} Let $q\geq 3$ be a positive integer. There exist constants $C>0$ and $d_0>0$ such that for all integers $d\geq d_0$ and all $\alpha\in (0,1)$ the following holds for any $i\in \{1,\ldots,q\}$: \begin{equation}\label{equation:uniqueness critical} \lim_{n \to \infty} \max_{\tau: \Lambda_{n} \to [q]} \bigg\vert \text{Pr}_{\mathbb{T}^n_{d+1},q,w_c} [ {\bf \Phi}(r) = i \ \vert\ {\bf\Phi}\!\restriction_{ \Lambda_{n}} = \tau] - \frac{1}{q}\bigg\vert = 0, \end{equation} for any boundary condition at level $n$, $\tau$, and edge interaction $w(\alpha)=1-\tfrac{\alpha q}{d+1}$, \begin{equation}\label{equation:uniqueness subcritical} \bigg\vert \text{Pr}_{\mathbb{T}^n_{d+1},q,w(\alpha)} [ {\bf \Phi}(r) = i \ \vert\ {\bf\Phi}\!\restriction_{ \Lambda_{n}} = \tau]-\frac{1}{q}\bigg\vert \leq C\alpha^{n/2}. \end{equation} \end{theorem} \begin{remark}\label{rem:strengthen} We can in fact strengthen \eqref{equation:uniqueness subcritical} in two ways. First of all, for any $\alpha<\hat{\alpha}<1$ there exists a constant $C_{\hat{\alpha}}>0$ such that the right-hand side of~\eqref{equation:uniqueness subcritical} can be replaced by $C_{\hat{\alpha}}\hat{\alpha}^n$. Secondly, for any fixed $d\geq d_0$ there exist a constant $C_d>0$ such that the right-hand side of~\eqref{equation:uniqueness subcritical} can be replaced by $C_{d}\alpha^n$. \end{remark} As is well known (see e.g.~\cite[Lemma 1.3]{deboer2020uniqueness}\footnote{The proof of that lemma in the published version of that paper contains an error; this is corrected in a more recent arXiv version: \texttt{arXiv:2011.05638 v3}.}) Theorem~\ref{thm:main} directly implies our main theorem. Therefore the remainder of the paper is devoted to proving Theorem~\ref{thm:main}. In the next subsections we outline how we do this. \subsection{Log-ratios of probabilities} Theorem~\ref{thm:main} is formulated in terms of certain conditional probabilities. For our purposes it turns out to be convenient to reformulate this into \emph{log-ratios} of these probabilities. To introduce these, we recall some relevant definitions from~\cite{deboer2020uniqueness}. Throughout we fix an integer $q\geq 3$. Given a (finite) graph $G=(V,E)$ and a subset $U \subseteq V$ of vertices, we call $\tau:U \to [q]$ a \emph{boundary condition} on $G$. We say vertices in $U$ are \emph{fixed} and vertices in $V\setminus U$ are \emph{free}. The \emph{partition function restricted to} $\tau$ is defined as \[ Z_{U,\tau}(G;q,w) = \sum_{\substack{ \sigma:V \rightarrow [q]\\ \sigma\restriction_{\!U} = \tau}} w^{m(\sigma)}. \] We just write $Z(G)$ if $U,\tau$ and $q,w$ are clear from the context. Given a boundary condition $\tau:U \to [q]$, a free vertex $v \in V \setminus U$ and a state $i \in [q]$ we define $\tau_{v,i}$ as the unique boundary condition on $U\cup\{v\}$ that extends $\tau$ and associates $i$ to $v$. When $U$ and $\tau$ are clear from the context, we will denote $Z_{U \cup \{v\},\tau_{v,i}}(G)$ as $Z^{v}_{i}(G)$. Let $\tau:U\to [q]$ be a boundary condition and $v \in V$ be a free vertex. For any $i \in [q]$ we define the \emph{log-ratio} $\tilde{R}_{G,v,i}$ as \[ \tilde{R}_{G,v,i}: = \log(Z^{v}_{i}(G))-\log(Z^{v}_{q}(G)), \] where $\log$ denotes the natural logarithm. Note that $\tilde{R}_{G,v,q}=0$. We moreover remark that $\tilde{R}_{G,v,i}$ can be interpreted as the logarithm of the ratio of the probabilities that the root gets color $i$ (resp. $q$) conditioned on the event that $U$ is colored according to $\tau$. For trees the log-ratios at the root vertex can be recursively computed from the log-ratios of its neighbors. To describe this compactly we introduce some notation that will be used extensively throughout the paper. Fix $d \in \mathbb{R}_{>1}$ and let $\avar\in (0,1]$. Define the maps $G_{d,\avar;i},F_{d,\avar;i}:\mathbb{R}^{q-1} \rightarrow \mathbb{R}$ for $i \in \{1,\ldots,q-1\}$ as \begin{equation}\label{eq:define Gd coordinate} G_{d,\avar;i}(x_1,\ldots,x_{q-1}) = \frac{1-x_i}{\sum_{j=1}^{q-1}x_j + 1- \frac{\avar \cdot q}{d+1}} \end{equation} and \begin{equation}\label{eq:define Fd coordinate} F_{d,\avar;i}(x_1,\ldots,x_q) = d \log\left(1+\frac{\avar \cdot q}{d+1} \cdot G_{d,\avar;i}(\exp(x_1),\ldots,\exp(x_{q-1}))\right). \end{equation} Define the map $F_{d,\avar}: \mathbb{R}^{q-1} \rightarrow \mathbb{R}^{q-1}$ whose $i$th coordinate function is given by $F_{d,\avar;i}(x_1,\ldots,x_{q-1})$ and define $G_{d,\avar}$ similarly. To suppress notation we write $F_d=F_{d,1}$ and $G_d = G_{d,1}$. We also define $\exp(x_1, \ldots, x_{q-1}) = (\exp(x_1), \ldots, \exp(x_{q-1}))$ and $\log(x_1, \ldots, x_{q-1}) = (\log(x_1), \ldots, \log(x_{q-1}))$. We note that $G_{d,\alpha}$ and $F_{d,\alpha}$ are analytic in $1/d$ when viewing $d$ as a variable. We will now use the map $F_{d,\alpha}$ to give a compact description of the tree recurrence for log-ratios. \begin{lemma}\label{lem:treerecursion} Let $T = (V,E)$ be a tree, $\tau:U \to [q]$ a boundary condition on $U \subsetneq V$. Let $v$ be a free vertex of degree $d\geq 1$ with neighbors $v_1, \dots, v_d$. Denote $T_i$ for the tree that is the connected component of $T - v$ containing $v_i$. Restrict $\tau$ to each $T_i$ in the natural way. Write $x_{i,j}$ for the log-ratio $\tilde{R}_{T_i,v_i,j}$. Then for $\avar$ such that $w=1-\tfrac{\avar\cdot q}{d+1}$, \begin{equation}\label{eq:logtreeformula} (\tilde{R}_{T,v,1},\ldots, \tilde{R}_{T,v,q-1}) = \sum_{i=1}^{d} \frac{1}{d} F_{d,\avar}(x_{i,1},\ldots,x_{i,q-1}), \end{equation} a convex combination of the images of the map $F_{d,\alpha}$. \end{lemma} \begin{proof} By focusing on the $j$th entry of the left-hand side and substituting $ R_{T,v,j}:=\exp(\tilde{R}_{T,v,j}) $, we see that \eqref{eq:logtreeformula} follows from the well known recursion for ratios \begin{equation}\label{eq:treeformula} R_{T,v,i} = \prod_{s=1}^{d} \frac{\sum_{l \in [q-1] \setminus \{i\}} R_{T_s,u_s,l} + w R_{T_s,u_s,i} + 1}{\sum_{l \in [q-1] } R_{T_s,u_s,l} + w}. \end{equation} See e.g.~\cite{deboer2020uniqueness} for a proof of this. \end{proof} Denote $\mathbf{0}$ for the zero vector in $\mathbb{R}^{q-1}$. (Throughout we will denote vectors in boldface.) We define for any $n \geq 1$ the set of possible log-ratio vectors \[ \mathcal{R}_n := \{(\tilde{R}_{\mathbb{T}_{d+1}^n,r_n,1}, \ldots, \tilde{R}_{\mathbb{T}_{d+1}^n,r_n,q-1}) \in \mathbb{R}^{q-1}| \tau:\Lambda_n \rightarrow [q] \}. \] The following lemma shows how the recursion from Lemma \ref{lem:treerecursion} will be used. \begin{lemma} \label{lem: Tab sequence} Let $q\geq 3$ and $d\geq 2$ be integers. If there exists a sequence $\{\mathcal{T}_n\}_{n\geq 1}$ of convex subsets of $\mathbb{R}^{q-1}$ with the following properties: \begin{enumerate} \item \label{it:basecase} $\mathcal{R}_1 \subseteq \mathcal{T}_1$, \item \label{it:inductionstep} for every $m \geq 1$, $F_d(\mathcal{T}_m) \subseteq \mathcal{T}_{m+1}$, \item \label{it:laststep} for every $\epsilon > 0$ there is an $M \geq 1$ such that for all $m\geq M$ every element of $\mathcal{T}_m$ has at most distance $\epsilon$ to the zero vector $\mathbf{0}$, \end{enumerate} then \begin{equation} \lim_{n \to \infty} \max_{\tau: \Lambda_{n,d+1} \to [q]} \bigg\vert \text{Pr}_{\mathbb{T}^n_{d},q,w_c} [ {\bf \Phi}(r) = i \ \vert\ {\bf\Phi}\!\restriction_{ \Lambda_{n,d}} = \tau] - \frac{1}{q}\bigg\vert = 0. \end{equation} \end{lemma} \begin{proof} The proof is analogous to the proof of Lemma 2.3 in \cite{deboer2020uniqueness} and we therefore omit it. \end{proof} In the next section we construct a family of convex sets that allows us to form a sequence $\{\mathcal{T}_n\}_{n\geq 1}$ with the properties required by the lemma. \subsection{Construction of suitable convex sets} We need the standard $q-2$-simplex, which we denote as \[ \Delta=\left\{(t_1,\ldots,t_{q-2},1-\sum_{i=1}^{q-2}t_i)\mid t_i\geq 0 \text{ for all $i$, }\sum_{i=1}^{q-2}t_i\leq 1\right\}. \] The symmetric group $S_q$ acts on $\mathbb{R}^q$ by permuting entries of vectors. Consider $\mathbb{R}^{q-1}\subset \mathbb{R}^q$ as the subspace spanned by $\{\mathbf{e}_1 - \mathbf{e}_q, \ldots, \mathbf{e}_{q-1} - \mathbf{e}_q$\}, where $\mathbf{e}_i$ denotes the $i$th standard base vector in $\mathbb{R}^q$. This induces a linear action of $S_q$ on $\mathbb{R}^{q-1}$, also known as the the standard representation of $S_q$ and denoted by $\mathbf{x}\mapsto \pi\cdot \mathbf{x}$ for $\mathbf{x}\in \mathbb{R}^{q-1}$ and $\pi\in S_q$. The following lemma shows that the map $F_{d,\avar}$ is $S_q$-equivariant for any $\avar \in (0,1]$, essentially because the action permutes the $q$ colors of the Potts model and no color plays a special role. \begin{lemma}\label{lem:symmetry} For any $\pi \in S_q$, any $\avar \in (0,1]$, any $\mathbf{x} \in \mathbb{R}^{q-1}$ and any $d$ we have \[\pi \cdot F_{d,\avar}(\mathbf{x}) = F_{d,\avar}(\pi \cdot \mathbf{x}).\] \end{lemma} \begin{proof} This follows as in Section 3.1 in \cite{deboer2020uniqueness}. \end{proof} Define for $\cvar\geq 0$ the half space \[ H_{\geq -\cvar}:=\left\{\mathbf{x}\in \mathbb{R}^{q-1}\mid \sum_{i=1}^{q-1} x_i\geq-\cvar\right\}. \] Define the set \begin{equation}\label{eq:def P_c} P_\cvar = \bigcap_{\pi \in S_q} \pi \cdot H_{\geq -\cvar}. \end{equation} Note that for each $\cvar \geq 0$ the set $P_\cvar$ equals the convex polytope \[ \text{conv} \big(\{(-\cvar,0,\ldots, 0), \ldots (0,\ldots,0,-\cvar),(\cvar,\ldots,\cvar)\} \big) . \] Denote $D_\cvar:= \text{conv} \big(\{(-\cvar,0,\ldots, 0), \ldots (0,\ldots,0,-\cvar),(0,\ldots,0)\} \big)$. Then we have \begin{equation}\label{eq:fund domain} P_\cvar = \bigcup_{\pi \in S_q}\pi \cdot D_\cvar. \end{equation} We refer to $D_\cvar$ as the fundamental domain of the action of $S_q$ on $\mathbb{R}^{q-1}$. The following two propositions capture the image of $P_c$ under applications of the map $F_d$. \begin{prop}\label{prop:convex} Let $q\geq 3$ be an integer. Then there exists $d_1>0$ such that for all $d\geq d_1$ and $c\in [0,q+1]$, $F_d(P_c)$ is convex. \end{prop} \begin{prop}\label{prop:2stepforward} Let $q\geq 3$ be an integer. There exists $d_2>0$ such that for all $d\geq d_2$ the following holds: for any $c\in(0,q+1]$ there exists $0<c'<c$ such that \[ F_d^{\circ 2}(P_c)\subseteq P_{c'}. \] \end{prop} We postpone the proofs of the two results above to the subsequent sections. A crucial ingredient in both proofs will be to analyze the limit $\lim_{d\to \infty} F_d$. We first utilize the two propositions to give a proof of Theorem~\ref{thm:main}. \subsection{A proof of Theorem~\ref{thm:main}}\label{ssec:proof} Fix an integer $q\geq 3$. Let $d_1,d_2$ be the constants from Proposition~\ref{prop:convex} and~\ref{prop:2stepforward} respectively. Let $d_0\geq \max\{d_1,d_2\}$ large enough to be determined below. Note that the log-ratios at depth $0$ are of the form $\infty \cdot \mathbf{e}_i$ and $-\infty\cdot\mathbf{1}$, where $\mathbf{1}$ denotes the all ones vector. This comes from the fact that the probabilities at level $0$ are either $1$ or $0$ and so the ratios are of the form $\mathbf{1}+\infty\mathbf{e}_i$ or $\mathbf{0}$. This implies that the log-ratios at depth $1$ are convex combinations of $F_d(\infty\cdot \mathbf{e}_i)=d\log(1+\tfrac{-q}{d+1})\mathbf{e}_i$ and $F_d(-\infty\cdot \mathbf{1})=d\log(1+\tfrac{q}{d+1-q})\mathbf{1}.$ So for $d\geq d_0$ and $d_0$ large enough they are certainly contained in $P_{q+1}$. We start with the proof of~\eqref{equation:uniqueness critical}. We construct a decreasing sequence $\{c_n\}_{n\in \mathbb N}$ and let $\mathcal{T}_{2n-1}=P_{c_n}$. For even $n>0$ we set $\mathcal{T}_n=F_d(P_{c_{n-1}})$, which is convex by Proposition~\ref{prop:convex}. We set $c_1=q+1$ and for $n\geq 1$, given $c_n$, we can choose, by Proposition~\ref{prop:2stepforward}, $c_{n+1}<c_n$ so that $F_d^{\circ 2}(P_{c_n})\subseteq P_{c_{n+1}}$. Choose such a $c_{n+1}$ as small as possible. We claim that the sequence $\{c_n\}_{n\in \mathbb{N}}$ converges to $0$. Suppose not then it must have a limit $c>0$. Choose $c'<c$ such that $F^{\circ 2}_d(P_c)\subseteq P_{c'}.$ Then for $n$ large enough we must have $F^{\circ 2}_{d}(P_{c_n})\subseteq P_{c/2+c'/2}$, contradicting the choice of $c_{n+1}$. Since $\{c_n\}_{n\in \mathbb{N}}$ converges to $0$, it follows that the sequence $\mathcal{T}_n$ converges to $\{0\}$. With Lemma~\ref{lem: Tab sequence} this implies \eqref{equation:uniqueness critical}. To prove the second part let $\avar\in (0,1)$. Consider the decreasing sequence $\{\cvar_n\}_{n\in \mathbb N}$ with $\cvar_n=(q+1)\alpha^{n-1}$. Set $\mathcal{T}_{2n-1}=P_{\cvar_n}$ and $\mathcal{T}_{2n}=F_{d,\avar}(P_{\cvar_{n-1}})$. We use the following observation. \begin{lemma}\label{lem:increasingd and alpha} For any $\avar \in (0,1]$, any $\mathbf{x} \in \mathbb{R}^{q-1}$ and any integer $d$ there is $d' \geq d$ such that $F_{d,\avar}(\mathbf{x}) = \frac{d}{d'} \cdot F_{d'}(\mathbf{x})$. Moreover, $\frac{d}{d'}\leq \alpha$. \end{lemma} \begin{proof} When viewing $\avar$ and $d$ as variables, $\tfrac{1}{d}F_{d,\avar;i}$ only depends on the ratio $\tfrac{\avar}{d+1}$. Therefore the first statement of the lemma holds with $d'$ defined by $\tfrac{\avar}{d+1}=\tfrac{1}{d'+1}.$ Since $\tfrac{d}{d'}=\tfrac{\avar d}{d+1-\avar}$, the second statement also holds. \end{proof} The lemma above implies that $F_{d,\alpha}(P_{\cvar_n})=\tfrac{d}{d'}\cdot F_{d'}(P_{\cvar_n})$ and hence is convex for each $c_n.$ It moreover implies that \[F^{\circ 2}_{d,\alpha}(P_{\cvar_n})\subset \alpha F_{d'}(\alpha F_{d'}( P_{\cvar_n})))\subset\alpha P_{\cvar_{n}}=P_{\cvar_{n+1}}.\] By basic properties of the logarithm, \eqref{equation:uniqueness subcritical} now quickly follows. This finishes the proof of Theorem~\ref{thm:main}. The strengthening mentioned in Remark~\ref{rem:strengthen} can be derived from the fact that the derivative of $F_{d,\alpha}$ at $\mathbf{0}$ is equal to $\frac{-\alpha d}{d+1-\alpha}\text{Id}$. Note that $\frac{\alpha d}{d+1-\alpha}<\alpha$ for all $\alpha\in (0,1)$ and $d$. Therefore on a small enough open ball $B$ around $\mathbf{0}$ the operator norm of the derivative of $F_{d,\alpha}$ can be bounded by $\hat{\alpha}$ for all $d\geq d_0$ (and by $\alpha$ for fixed $d\geq d_0$). Then for any integer $n\geq 0$, $F^{\circ n}_{d,\alpha}(B)\subset \hat{\alpha}^n B$ ($\alpha^n B$ respectively). For $n_0$ large enough $P_{\cvar_{n_0}}$ is contained in this ball $B$. For $n>2n_0$ we then set $\mathcal{T}_n=\hat{\alpha}^{n-2n_0} B$ ($\alpha^{n-2n_0} B$ respectively). The statements in the remark now follow quickly. \subsection{The \texorpdfstring{$d\rightarrow \infty$ limit map}{The d → ∞ limit map}} As mentioned above, an important tool in our approach is to analyze the maps $F_d$ as $d\to \infty.$ Since $F_d(\mathbb{R}^{q-1})$ is bounded, it follows that as $d\to \infty$, $F_{d}(x_1,\ldots,x_{q-1})$ converges uniformly to the limit map \begin{equation}\label{eq:define F infty} F_{\infty}(x_1,\ldots,x_{q-1}), \end{equation} with coordinate functions \begin{equation}\label{eq:def F infty coordinate} F_{\infty;i}(x_1,\ldots,x_{q-1}):=q\frac{1-e^{x_i}}{\sum_{j=1}^{q-1}e^{x_i}+1}. \end{equation} We write $G_{\infty;i}(x_1,\ldots,x_{q-1}) = q\frac{1-x_i}{\sum_{j=1}^{q-1}x_j+1}$ for the $i$th coordinate function of the fractional linear map $G_{\infty}$. Note that $F_{\infty} = G_{\infty} \circ \exp$. By Lemma \ref{lem:symmetry} for any $\pi \in S_q$, any $\mathbf{x} \in \mathbb{R}^{q-1}$ and any $d$ we have $\pi \cdot F_{d}(\mathbf{x}) = F_{d}(\pi \cdot \mathbf{x})$. As the action of $\pi$ on $\mathbb{R}^{q-1}$ does not depend on $d$, we immediately see $\pi \cdot F_{\infty}(\mathbf{x}) = F_{\infty}(\pi \cdot \mathbf{x})$ follows. In the next two sections we will prove Propositions~\ref{prop:convex} and~\ref{prop:2stepforward}. The idea is to first prove a variant of these propositions for the map $F_\infty$ and then use that $F_d\to F_\infty$ uniformly to finally prove the actual statements. We use the description of $P_\cvar$ as intersection of half spaces $\pi\cdot H_{\geq -\cvar}$ in Section~\ref{sec:convex} and the description as the union of the $\pi \cdot D_\cvar$ in Section~\ref{sec:forward}. \section{Convexity of the forward image of \texorpdfstring{$P_c$}{Convexity of the forward image of Pc}}\label{sec:convex} This section is dedicated to proving Proposition \ref{prop:convex}. Fix an integer $q\geq 3$. Recall for $\mu\in \mathbb{R}$ the definition of the half space \[ H_{\geq \mu}=\left\{\mathbf{x}\in \mathbb{R}^{q-1}\mid \sum_{i=1}^{q-1} x_i\geq\mu\right\}. \] The half space $H_{\leq \mu}$ is defined similarly. We denote by $H_{\mu}$ the affine space which is the boundary of $H_{\leq \mu}$. In what follows we will often use that the map $G_\infty$ is a fractional linear transformation and thus preserves lines and hence maps convex sets to convex sets, see e.g.~\cite[Section 2.3]{boyd2004convex}. \begin{lemma}\label{lem:forward convex infinity} For all $\cvar>0$, the set $\exp(H_{\ge -\cvar}):=\{\exp(\mathbf{x})\mid \mathbf{x}\in H_{\geq -c}\}$ is strictly convex, consequently \[ G_\infty(\exp(H_{\ge -\cvar})) \] is strictly convex. \end{lemma} \begin{proof} Since $G_\infty$ is a fractional linear transformation, it preserves convex sets. It therefore suffices to show that $\exp(H_{\geq -\cvar})$ is strictly convex. To this end take any $\mathbf{x},\mathbf{y}\in \exp(H_{\geq -\cvar})$ and let $\lambda\in (0,1)$. We need to show that $\lambda \mathbf{x} +(1-\lambda)\mathbf{y}\in \exp(H_{\geq -\cvar})$. By strict concavity of the logarithm we have \[ \sum_{i=1}^{q-1}\log(\lambda x_i+(1-\lambda)y_i)\geq \sum_{i=1}^{q-1} \lambda \log(x_i)+(1-\lambda)\log(y_i)>-\cvar, \] we conclude that $\exp(H_{\geq -\cvar})$ is strictly convex. \end{proof} In what follows we need the \emph{angle} between the tangent space of $G_\infty(\exp(H_{-c}))$ for $c>0$ at $G_\infty(\mathbf{x})$ for any $\mathbf{x}\in \exp(H_{-\cvar})$ and the space $H_0$. This angle is defined as the angle of a normal vector of the tangent space pointing towards the interior of $G_\infty(\exp(H_{\geq -c}))$ and the vector $-\mathbf{1}$ (which is a normal vector of $H_0$). \begin{lemma}\label{lem: forward infinite try 2} For any $\cvar\in[0,q+1]$ and any $\mathbf{x}\in \exp(H_{-\cvar})$ the angle between the tangent space of $G_\infty(\exp(H_{-c}))$ at $G_\infty(\mathbf{x})$ and $H_0$ is strictly less than $\pi/2$. \end{lemma} \begin{proof} We will first show that the tangent space cannot be orthogonal to $H_0$. The map $G_\infty$ is invertible (when restricted to $\mathbb{R}_{>0}^{q-1}$) with inverse $G^{-1}_\infty$ whose coordinate functions are given by \[ G^{-1}_{\infty,i}(y_1,\ldots,y_{q-1})= \frac{-qy_i}{\sum_{i=1}^{q-1}y_i+q}+1. \] Define $g:\mathbb{R}^{q-1}\setminus H_{-q}\to \mathbb{R}$ by $g(\mathbf{y})=\prod_{i=1}^{q-1}G^{-1}_{\infty,i}(\mathbf{y})$. Then the image of $\exp(H_{-c})$ under $G_\infty$ is contained in the hypersurface $\{\mathbf{y}\in \mathbb{R}^{q-1}\mid g(\mathbf{y})=\exp(-c)\}.$ Therefore a normal vector of the tangent space of $G_\infty(\exp(H_{-c}))$ at $\mathbf{y}=G_\infty(\mathbf{x})$ is given by the gradient of the function $g$. Thus to show that this tangent space is not orthogonal to $H_0$, we need to show that \begin{equation}\label{eq:not orthogonal} \sum_{i=1}^{q-1} \tfrac{\partial}{\partial y_i}g(\mathbf{y})\neq 0. \end{equation} We have \begin{align*} \sum_{i=1}^{q-1} \tfrac{\partial}{\partial y_i}g(\mathbf{y})&=\sum_{i=1}^{q-1}\sum_{j=1}^{q-1} \frac{\prod_{k=1}^{q-1}G^{-1}_{\infty,k}(\mathbf{y})}{G^{-1}_{\infty,j}(\mathbf{y})}\tfrac{\partial}{\partial y_i}G^{-1}_{\infty,j}(\mathbf{y}) \\ &=\sum_{j=1}^{q-1}\frac{\prod_{k=1}^{q-1}G^{-1}_{\infty,k}(\mathbf{y})}{G^{-1}_{\infty,j}(\mathbf{y})}\sum_{i=1}^{q-1}\tfrac{\partial}{\partial y_i}G^{-1}_{\infty,j}(\mathbf{y}) \\ &=\sum_{j=1}^{q-1}\frac{\prod_{k=1}^{q-1}G^{-1}_{\infty,k}(\mathbf{y})}{G^{-1}_{\infty,j}(\mathbf{y})} \cdot \frac{-q(\sum_{i=1}^{q-1}y_i+q)+q(q-1)y_j}{(\sum_{i=1}^{q-1}y_i+q)^2} \\ &=\sum_{j=1}^{q-1}\frac{\prod_{k=1}^{q-1}G^{-1}_{\infty,k}(\mathbf{y})}{G^{-1}_{\infty,j}(\mathbf{y})}\cdot\frac{-(q-1)G_{\infty,j}^{-1}(\mathbf{y})-1}{\sum_{i=1}^{q-1}y_i+q}. \end{align*} Since $G^{-1}_{\infty,k}(\mathbf{y})>0$ for each $k$, all terms in the final sum are nonzero and have the same sign. This proves~\eqref{eq:not orthogonal}. Since the angle between the tangent space of $G_\infty(\exp(H_{-c}))$ at $G_\infty(\mathbf{x})$ and $H_0$ depends continuously on $\mathbf{x}$ this angle should either be always less than $\pi/2$ or always be bigger. Since by the previous lemma the set $G_\infty(\exp(H_{\geq -c}))$ is convex, it is the former. \end{proof} We next continue with the finite case. We will need the following definition. The \emph{hypograph} of a function $f:D\to \mathbb{R}$ is the region $\{(x,y)\mid x\in D, y\leq f(x)\}$. Below we will consider a hypersurface contained in $\mathbb{R}^{q-1}$ that we view as the graph of a function with domain contained in $H_0$. In this context the hypograph of such a function is again contained in $\mathbb{R}^{q-1}$, but the `positive $y$-axis' points in the direction of $\mathbf{1}$ as seen from $\mathbf{0} \in H_0$. \begin{figure} \centering \begin{tikzpicture} \centering \filldraw[lightBlue](0.0,1.20298)--(0.0854683,1.22135)--(0.169623,1.23746)--(0.252203,1.25111)--(0.332949,1.26209)--(0.411607,1.27023)--(0.487928,1.27532)--(0.561674,1.27719)--(0.632616,1.27568)--(0.700539,1.27064)--(0.765244,1.26192)--(0.826546,1.2494)--(0.88428,1.23299)--(0.938302,1.21258)--(0.988486,1.18813)--(1.03473,1.15958)--(1.07696,1.12691)--(1.1151,1.09013)--(1.14914,1.04926)--(1.17907,1.00434)--(1.20488,0.955462)--(1.22663,0.902707)--(1.24437,0.846195)--(1.25817,0.786064)--(1.26815,0.722475)--(1.2744,0.655603)--(1.27707,0.585644)--(1.27631,0.512808)--(1.27227,0.437319)--(1.26513,0.359413)--(1.25508,0.279335)--(1.2423,0.197338)--(1.22699,0.113679)--(1.20935,0.0286192)--(-1.21547,-1.15836)--(-1.23236,-1.09062)--(-1.24685,-1.02198)--(-1.25874,-0.952488)--(-1.26784,-0.882209)--(-1.27397,-0.811205)--(-1.27693,-0.73954)--(-1.27657,-0.667276)--(-1.27272,-0.594473)--(-1.26524,-0.521195)--(-1.254,-0.447503)--(-1.2389,-0.373456)--(-1.21983,-0.299116)--(-1.19673,-0.224541)--(-1.16955,-0.149791)--(-1.13826,-0.0749248)--(-1.10284,0.0)--(-1.06333,0.0749248)--(-1.01976,0.149791)--(-0.972191,0.224541)--(-0.920715,0.299116)--(-0.865441,0.373456)--(-0.8065,0.447503)--(-0.744045,0.521195)--(-0.678246,0.594473)--(-0.609294,0.667276)--(-0.537392,0.73954)--(-0.462762,0.811205)--(-0.385635,0.882209)--(-0.306253,0.952488)--(-0.224868,1.02198)--(-0.141734,1.09062)--(-0.0571119,1.15836)--(1.18073,-0.0286192)--(1.11331,-0.113679)--(1.04496,-0.197338)--(0.975742,-0.279335)--(0.905718,-0.359413)--(0.83495,-0.437319)--(0.763498,-0.512808)--(0.691427,-0.585644)--(0.618797,-0.655603)--(0.545671,-0.722475)--(0.472109,-0.786064)--(0.398174,-0.846195)--(0.323925,-0.902707)--(0.249422,-0.955462)--(0.174724,-1.00434)--(0.0998897,-1.04926)--(0.0249778,-1.09013)--(-0.0499535,-1.12691)--(-0.124846,-1.15958)--(-0.199641,-1.18813)--(-0.274281,-1.21258)--(-0.348706,-1.23299)--(-0.422857,-1.2494)--(-0.496674,-1.26192)--(-0.570097,-1.27064)--(-0.643065,-1.27568)--(-0.715516,-1.27719)--(-0.787388,-1.27532)--(-0.858618,-1.27023)--(-0.929146,-1.26209)--(-0.998907,-1.25111)--(-1.06784,-1.23746)--(-1.13589,-1.22135)--(-1.20298,-1.20298)--(0.0,1.20298); \draw[-] (-3.8, 0) -- (2, 0) node[below] {$x_1$}; \draw[-] (0, -2.5) -- (0, 2) node[left] {$x_2$}; \draw[scale=1, domain=0:1, smooth, variable=\x, gR] plot ({20*ln(1 + (1 - exp(2*(1 - \x) - 4*\x))/( 7*(6/7 + exp(2*(1 - \x) - 4*\x) + exp(-4 *(1 - \x) + 2*\x))))},{20*ln(1 + (1 - exp(-4*(1 - \x)+2*\x))/( 7*(6/7 + exp(2*(1 - \x) - 4*\x) + exp(-4 *(1 - \x) + 2*\x))))}); \draw[-,dY] (-3, 3) -- (3,-3) node[left, dY] {$H_0$}; \draw[-,gG] (1.7,-1.7) -- (-1.7, 1.7) node[right, gG] {$\text{Dom}_\cvar$}; \node [gB] at (-0.6,-0.5) {$F_\yvar(P_\cvar)$}; \node [gR] at (1.8,1.8) {$F_\yvar(H_{-\cvar})$}; \end{tikzpicture} \caption{Depicting the situation in Lemma \ref{lem:forward finite}, for $q=3,\cvar = 2$ and $\yvar = \frac{1}{20}$. The domain $\text{Dom}_\cvar$ of the function $h_{\yvar,\cvar}$ which we define in the proof of Lemma \ref{lem:forward finite} is made by choosing $a' = -3$.} \label{fig:ConexityPicture} \end{figure} \begin{lemma}\label{lem:forward finite} There exists $y_1>0$ such that for all $y\in[0,y_1)$ and $\cvar\in[0,q+1]$ the set $F_y(P_c)$ is contained in the hypograph of a concave function, $h_{\yvar,\cvar}$, with a convex compact domain in $H_0$. \end{lemma} \begin{proof} We first prove that for any $\mathbf{x}\in H_{0}$ and $\cvar\in [0,q+1]$ there exists an open neighborhood $W_{\cvar,\mathbf{x}}=Y_{\cvar,\mathbf{x}}\times C_{\cvar,\mathbf{x}}\times X_{\cvar,\mathbf{x}}$ of $(0,\cvar,\mathbf{x})\in [0,1]\times[0,q+1] \times \mathbb{R}^{q-1}$ such that the following holds for any $(y',\cvar',\mathbf{x}')\in W_{\cvar,\mathbf{x}}$: \begin{align} &\text{the angle between the tangent space of $F_{1/y'}(H_{-\cvar'})$ at $F_{1/y'}(\mathbf{x}'_{\cvar'})$ and $H_0$}\nonumber \\&\text{is strictly less than $\pi/2$,}\label{eq:90degrees} \end{align} where we denote $\mathbf{x}_\cvar:=\mathbf{x}-\frac{\cvar}{q-1}\mathbf{1}\in H_{-\cvar}$. To see this note that by the previous lemma we have that the tangent space of $F_{\infty}(H_{-\cvar})$ at $F_{\infty}(\mathbf{x}_\cvar)$ is not orthogonal to $H_0$ and in fact makes an angle of less than $\pi/2$ with $H_0$. Say it has angle $\pi/2-\gamma$. Since $(y,\cvar,\mathbf{x})\mapsto F_{1/y}(\mathbf{x}_\cvar)$ is analytic, there exists an open neighborhood $W_0$ of $(0,\cvar,\mathbf{x})$ such that for any $(y',\mathbf{x'},\cvar')\in W_0$ the angle between the tangent space of $F_{1/y'}(H_{-\cvar'})$ at $F_{1/y'}(\mathbf{x'}_{\cvar'})$ and $H_0$ is at most $\pi/2-\gamma/2$. Clearly, $W_0$ contains an open neighborhood of $(0,\cvar,\mathbf{x})$ of the form $Y\times C\times X$ proving~\eqref{eq:90degrees}. Next fix $\cvar\in [0,q+1]$ and $\mathbf{x}\in H_0$ and write $W_{\cvar,\mathbf{x}}=Y\times C\times X.$ Together with the implicit function theorem,~\eqref{eq:90degrees} now implies that for each $y'\in Y$ and any $\cvar'\in C$, that locally at $\mathbf{x}_{\cvar'}$, $F_{1/y'}( H_{-\cvar})$ is the graph of an analytic function $f_{y',\cvar',\mathbf{x}}$ on an open domain contained in $H_0$. Here we use that $F_{1/y}$ is invertible with analytic inverse. By choosing $Y$ and $C$ small enough, we may by continuity assume that we have a common open domain, $D_{\cvar,\mathbf{x}}$, for these functions for all $\cvar'\in C$ and $y'\in Y$, where we may moreover assume that these functions are all defined on the closure of $D_{\cvar,\mathbf{x}}$. We next claim, provided the neighbourhood $W=Y_{\cvar,\mathbf{x}}\times C_{\cvar,\mathbf{x}}$ is chosen small enough, that for each $y'\in Y$ and $\cvar'\in C$, \begin{equation}\label{eq:hessian} \text{the largest eigenvalue of the Hessian $f_{y',\cvar',\mathbf{x}}$ on $D_{\cvar, \mathbf{x}}$ is strictly less than $0$.} \end{equation} To see this we note that by the previous lemma we know that $F_{\infty}(H_{\ge -\cvar})$ is strictly convex. Therefore the Hessian\footnote{Recall that the \emph{Hessian} of a function $f:U\to \mathbb{R}$ for an open set $U\subseteq\mathbb{R}^n$ at a point $u\in U$ is defined as the $n\times n$ matrix $H_f(u)$ with $(H_f(u))_{i,j}=\tfrac{\partial^2 f}{\partial x_i\partial x_j}(u)$. When these partial derivatives are continuous and the domain $U$ is convex, $f$ is concave if and only if its Hessian is negative definite at each point of the domain $U$~\cite{boyd2004convex}.} of $f_{0,\cvar,\mathbf{x}}$ on $D_{\cvar,\mathbf{x}}$ is negative definite, say its largest eigenvalue is $\delta<0$. Similarly as before, there exists an open neighborhood $W'\subseteq W$ of $(0,\cvar)$ of the form $W'=Y'\times C'$ such that for each $y'\in Y'$ and $\cvar'\in C'$, the function $f_{y',\cvar',\mathbf{x}}$ has a negative definite Hessian with largest eigenvalue at most $\delta/2<0$ for each $\mathbf{z}\in D_{\cvar,\mathbf{x}}$ (by compactness of the closure of $D_{\cvar,\mathbf{x}}$). We now want to patch all these function to form a global function on a compact and convex domain. We first collect some properties of $F_{1/y}$ that will allow us to define the domain. First of all note that by compactness there exists $a>0$ such that for each $c\in [0,q+1]$, $\exp(P_c)\subset H_{\leq a}$ (where the inclusion is strict). We now fix such a value of $a$. Since $G_\infty$ is $S_q$-equivariant, we know that $G_\infty(H_{\leq a})=H_{\geq a'}$ for some $a'\in \mathbb{R}$. We now choose $y^*>0$ small enough such that the following two inclusions hold for all $y\in [0,y^*]$ and $c\in [0,q+1]$ \begin{align} F_{1/y}(P_c)&\subset H_{\geq a'},\label{eq:image finite in Ha'} \\ \text{proj}_{H_0}(F_\infty(H_{-c})\cap H_{\geq a'})&\subset \text{proj}_{H_0}(F_{1/y}(H_{-c})), \label{eq:contained in image finite} \end{align} where $\text{proj}_{H_0}$ denotes the orthogonal projection onto the space $H_0$. The first inclusion holds since $F_{1/y}$ converges uniformly to $F_\infty$ as $y\to 0.$ For the second inclusion note that \[ F_\infty(H_{-c})\cap H_{\geq a'}=G_\infty(\exp(H_{-c})\cap H_{\leq a})\subset F_{\infty}(H_{-c}). \] Because $\exp(H_{-c})\cap H_{\leq a}$ is compact, the desired conclusion follows since $F_{1/y}\to F_{\infty}$ uniformly as $y\to 0$. Let us now consider for $\cvar\in [0,q+1]$ the projection \[ \text{Dom}_c:=\text{proj}_{H_0}(F_\infty(H_{-c})\cap H_{\geq a'}), \] see Figure \ref{fig:ConexityPicture}. Since $F_\infty(H_{-\cvar})\cap H_{\geq a'}$ is convex by Lemma~\ref{lem:forward convex infinity} and compact, it follows that $\text{Dom}_\cvar$ is compact and convex for each $\cvar\in [0,q+1]$. Moreover, we claim that \begin{equation}\label{eq:compact} \bigcup_{\cvar\in [0,q+1]} \left(\{\cvar\}\times \text{Dom}_\cvar\right) \subseteq [0,q+1]\times H_0 \text{ is compact.} \end{equation} Indeed, it is the continuous image of the compact set $\exp(H_{\geq -q-1})\cap H_{\leq a}$ under the map \[ \exp(H_{\geq -q-1})\cap H_{\leq a}\to [0,q+1]\times H_0 \] defined by \[ \mathbf{x}\mapsto \left(\sum_{i=1}^{q-1}x_i,\text{proj}_{H_0}(G_\infty(\mathbf{x}))\right). \] By \eqref{eq:contained in image finite} $\text{Dom}_c$ is contained in $\text{proj}_{H_0}(F_{1/y}(H_{-c}))$ for all $y\in [0,y^*]$ and $\cvar\in [0,q+1]$. It follows that the sets $Y_{\cvar,\mathbf{x}}\times C_{\cvar,\mathbf{x}}\times D_{\cvar,\mathbf{x}}$, where $\mathbf{x}$ ranges over $H_{0}$ and $\cvar$ over $[0,q+1]$, form an open cover of $\{0\}\times \cup_{\cvar\in [0,q+1]}\left(\{\cvar\}\times \text{Dom}_c\right)$. Since the latter set is compact by~\eqref{eq:compact}, we can take a finite sub cover. Therefore there exists $y_1>0$ such that for each $y\in [0,y_1)$ and each $\cvar\in[0,q+1]$ we obtain a unique global function $h_{y,\cvar}$ on the union of these finitely many domains, which by \eqref{eq:hessian} has a strictly negative definite Hessian. By construction the union of these domains contains $\text{Dom}_\cvar$ for each $\cvar\in [0,q+1]$. Consequently, restricted to $\text{Dom}_c$, $h_{y,\cvar}$ is a concave function for each $y\in [0,y_1)$ and $\cvar\in [0,q+1]$. By~\eqref{eq:image finite in Ha'}, it follows that $F_{1/y}(P_c)$ is contained in the hypograph of $h_{y,\cvar}$, as desired. \end{proof} We can now finally prove Proposition~\ref{prop:convex}, which we restate here for convenience. \begin{repprop}{prop:convex} Let $q\geq 3$ be an integer. Then there exists $d_1>0$ such that for all $d\geq d_1$ and $c\in [0,q+1]$, $F_d(P_c)$ is convex. \end{repprop} \begin{proof} By the previous lemma we conclude that for $d$ larger than $1/\yvar_1$, $F_d(P_\cvar)$ is contained in the hypograph of the function $h_{1/d,\cvar}$, denoted by $\text{hypo}(h_{\cvar,1/d})$ and moreover that this hypograph is convex, as the function $h_{1/d,\cvar}$ is concave on a convex domain. Since $P_\cvar$ is invariant under the $S_q$-action, it follows that \[ \exp(P_\cvar)=\bigcap_{\pi\in S_q} \pi \cdot (\exp(H_{\geq -\cvar })\cap H_{\leq a}) \] and therefore by Lemma~\ref{lem:symmetry}, \begin{equation}\label{eq:intersection image} F_d(P_c)=\bigcap_{\pi\in S_q}\pi \cdot (F_d(P_c))\subseteq \bigcap_{\pi\in S_q}\pi \cdot \text{hypo}(h_{1/d,\cvar}). \end{equation} We now claim that the final inclusion in~\eqref{eq:intersection image} is in fact an equality. To see the other inclusion, take some $\mathbf{z}\in \cap_{\pi\in S_q}\pi \cdot \text{hypo}(h_{1/d,\cvar})$. By symmetry, we may assume that $\mathbf{z}$ is contained in $\mathbb{R}^{q-1}_{\geq 0}$. Then $\mathbf{z}$ is equal to $F_d(\mathbf{x})$ for some $\mathbf{x}\in H_{\geq -c}\cap \mathbb{R}^{q-1}_{\leq 0}$, implying that $\mathbf{z}$ is indeed contained in $F_d(P_\cvar)$. This then implies that $F_d(P_\cvar)$ is indeed convex being equal to the intersection of the convex sets $\pi \cdot \text{hypo}(h_{1/d,\cvar}).$ \end{proof} \section{Forward invariance of \texorpdfstring{$P_c$ in two iterations}{Forward invariance of Pc in two iterations}}\label{sec:forward} This section is dedicated to proving Proposition \ref{prop:2stepforward}. We start with a version of the proposition for $d=\infty$ and after that consider finite $d$. \subsection{Two iterations of \texorpdfstring{$F_\infty$}{Two iterations of F∞}} Let $\Phi:\mathbb{R}^{q-1}\to \mathbb{R}^{q-1}$ be defined by \[ \Phi(x_1,\dots,x_{q-1})=F_\infty^{\circ 2}(x_1,\dots,x_{q-1}) \] and its `restriction' to the half line $\mathbb{R}_{\leq/0}\cdot \mathbf{1}$, $\phi:\mathbb{R}_{\geq 0}\to\mathbb{R}_{\geq 0}$, by \[ \phi(t)=-\langle\Phi(-t/(q-1)\cdot \mathbf{1}),\mathbf{1}\rangle, \] where we use $\langle \cdot,\cdot\rangle$ to denote the standard inner product on $\mathbb{R}^{q-1}.$ This subsection is devoted to proving the following result. \begin{prop}\label{prop:2step-forward infinity} For any $\cvar\ge 0$ we have \[ \Phi(P_{\cvar})\subseteq P_{\phi(\cvar)}\subsetneq P_\cvar. \] \end{prop} By the definition of $P_c$ in terms of $D_c$, \eqref{eq:fund domain}, and the $S_q$-equivariance of the map $F_\infty$ and hence of the map $\Phi$, it suffices to prove this for $P_c$ replaced by $D_c$. This can be derived from the following two statements: \begin{enumerate} \item[(i)] For any $\cvar\ge 0$ the minimum of $\langle\Phi(\mathbf{x}),\mathbf{1}\rangle$ on $-\cvar\Delta$ is attained at $-\cvar/(q-1)\cdot \mathbf{1}$. \item[(ii)] For any $\cvar> 0$ we have $\phi(\cvar)<\cvar$. \end{enumerate} Indeed, these statements imply that for any $\cvar> 0$ we have that $\Phi(-\cvar\Delta)\subseteq D_{\phi(\cvar)}\subsetneq D_\cvar$. Clearly this is sufficient, since $D_\cvar=\cup_{0\le \cvar'\le \cvar} -\cvar'\Delta$ and therefore \[ \Phi(D_\cvar)=\cup_{0\le \cvar'\le \cvar}\Phi(-\cvar'\Delta)\subseteq \cup_{0\le \cvar'\le \cvar}D_{\phi(\cvar')}\subseteq D_{\phi(\cvar)}\subsetneq D_{\cvar}. \] We next prove both statements, starting with the first one. \subsubsection{Statement (i)} \begin{prop}\label{prop:infinite2iteration} Let $\cvar\geq 0$. Then for any $\mathbf{x}\in -\cvar \Delta$ we have that \[ \langle\Phi(\mathbf{x}),\mathbf{1}\rangle \ge \left\langle\Phi\left(\frac{-\cvar}{q-1}\mathbf{1}\right),\mathbf{1}\right\rangle. \] Moreover, equality happens only at $\mathbf{x}=\frac{-\cvar}{q-1}\mathbf{1}$. \end{prop} Before giving a proof, let us fix some further notation. By definition we have \[ \langle \Phi(\mathbf{x}),\mathbf{1}\rangle =\sum_{i=1}^{q-1}q\frac{1-e^{F_{\infty;i}(\mathbf{x})}}{\sum_{j=1}^{q-1}e^{F_{\infty;j}(\mathbf{x})}+1}=\frac{q^2}{{\sum_{j=1}^{q-1}e^{F_{\infty;j}(\mathbf{x})}+1}}-q, \] where we recall that $F_{\infty;j}$ denotes the $j$th coordinate function of $F_\infty$. Thus the $i$th coordinate of the gradient of $\langle \Phi(\mathbf{x}),\mathbf{1}\rangle$ is given by \begin{align*} \psi_i(\mathbf{x})&:=\frac{-q^2}{\left({\sum_{j=1}^{q-1}e^{F_{\infty;j}(\mathbf{x})}+1}\right)^2}\left(\sum_{j=1}^{q-1}e^{F_{\infty;j}(\mathbf{x})}\cdot \frac{\partial F_{\infty;j}}{\partial x_i}(\mathbf{x})\right)\\ &=\frac{q^3e^{x_i}\left(e^{F_{\infty;i}(\mathbf{x})}(1+\sum_{j=1}^{q-1}e^{x_j})+\sum_{j=1}^{q-1}e^{F_{\infty;j}(\mathbf{x})}(1-e^{x_j})\right)}{\left({\sum_{j=1}^{q-1}e^{F_{\infty;j}(\mathbf{x})}+1}\right)^2\left(\sum_{j=1}^{q-1}e^{x_j}+1\right)^2} \end{align*} Let us define the following functions $v_i:\mathbb{R}^{q-1}\to\mathbb{R}$ for $i=1,\dots,q-1$ as \[ v_i(\mathbf{x}):=x_i \left(e^{G_{i}} (1+ \sum_{\substack{j=1}}^{q-1} x_j) + \sum_{\substack{j=1}}^{q-1} e^{G_{j}} (1 - x_j) \right), \] where we write \[ G_i:=G_{\infty;i}(\mathbf{x}) = \frac{q (1-x_i)}{1 + x_1 + \cdots + x_{q-1}}. \] Then we see that \[ \psi_i(\mathbf{x})=\frac{q^3}{\left({\sum_{j=1}^{q-1}e^{F_{\infty;j}(\mathbf{x})}+1}\right)^2\left(\sum_{j=1}^{q-1}e^{x_j}+1\right)^2}\cdot v_i(e^{x_1},\dots,e^{x_{q-1}}), \] and $\psi_1(\mathbf{x})=\dots =\psi_{q-1}(\mathbf{x})$ if and only if $v_1(\exp(\mathbf{x}))=\dots=v_{q-1}(\exp(\mathbf{x}))$. \begin{proof}[Proof of Proposition~\ref{prop:infinite2iteration}] First of all observe that the function $\langle\Phi(\mathbf{x}),\mathbf{1}\rangle$ is invariant under the permutation of the coordinates of $\mathbf{x}$. Thus we can assume that \[ \mathbf{x}\in U:=\{\mathbf{y}\in\mathbb{R}^{q-1}~|~0\ge y_1 \dots\ge y_{q-1} \} \] and not all the coordinates of $\mathbf{x}$ are equal. Now it is enough to show that there exists a vector $\mathbf{0}\neq \mathbf{w}\in\mathbb{R}^{q-1}$ such that in the direction of $\mathbf{w}$ the function is (strictly) decreasing, $\langle\mathbf{w},\mathbf{1}\rangle=0$ and $\mathbf{x}+t_0\mathbf{w}\in U$ for some small $t_0>0$. Let \[\ell=\min\{1\le i\le q-2 ~|~x_i>x_{i+1}\},\] which is finite, since not all of the coordinates of $\mathbf{x}$ are equal. We claim that $\mathbf{w}=-\frac{\mathbf{e}_1+\dots+\mathbf{e}_{\ell}}{\ell}+\mathbf{e}_{\ell+1}$ satisfies the desired conditions. Clearly, $\mathbf{w}$ is perpendicular to $\mathbf{1}$ and $\mathbf{x}+t\mathbf{w}\in U$ for $t$ small enough. Now let us calculate the derivative of \[ g(t):=\langle\Phi(\mathbf{x}+t\mathbf{w}),\mathbf{1}\rangle. \] Using the notation defined above, we obtain \begin{align*} g'(0)=&-\frac{\psi_1(\mathbf{x})+\dots+\psi_{\ell}(\mathbf{x})}{\ell}+\psi_{\ell+1}(\mathbf{x})\\ &= -\psi_{\ell}(\mathbf{x})+\psi_{\ell+1}(\mathbf{x})\\ &=-C\cdot (v_{\ell}(\exp(\mathbf{x}))-v_{\ell+1}(\exp(\mathbf{x}))) \\ &=-C\cdot (v_{\ell}(\mathbf{y})-v_{\ell+1}(\mathbf{y})), \end{align*} where $C>0$ and $\mathbf{y}=\exp(\mathbf{x})$. In particular, \[1\ge y_1=y_2=\ldots=y_\ell>y_{\ell+1}\ge \ldots \ge y_{q-1}\ge 0.\] So to conclude that $g'(0)<0$ and finish the proof, we need to show that \begin{equation}\label{eq:condition on y} v_\ell(\mathbf{y})-v_{\ell+1}(\mathbf{y})>0. \end{equation} Lemma~\ref{lemma:balancing} shows that we may assume $\mathbf{y}$ satisfies $1\ge y_1=y_2=\ldots=y_\ell>y_{\ell+1}\ge y_{\ell+2}=\ldots =y_{q-1}\ge 0$. Lemma~\ref{lemma:3variable} below shows that for those vectors $\mathbf{y}$ \eqref{eq:condition on y} is indeed true. So by combining Lemma~\ref{lemma:balancing} and Lemma~\ref{lemma:3variable} below we obtain~\eqref{eq:condition on y} and finish the proof. \end{proof} \begin{lemma}\label{lemma:balancing} If $1\ge y_1=y_2\ldots=y_\ell>y_{\ell+1}\ge \ldots\ge y_{q-1}\ge 0$ for some $1\le \ell \le q-2$, then \[ v_\ell(\mathbf{y})-v_{\ell+1}(\mathbf{y})\ge v_\ell(\mathbf{x})-v_{\ell+1}(\mathbf{x}), \] where $\mathbf{x}\in\mathbb{R}^{q-1}$ is defined as \[ x_j=\left\{\begin{array}{cc}y_j&\textrm{ if $j\le \ell+1$}\\ \frac{y_{\ell+2}+\dots+y_{q-1}}{q-\ell-2}&\textrm{ if $j>\ell+1$}\end{array}\right. \] for $1\le j\le q-1$. \end{lemma} \begin{proof} By continuity, it suffices to show \begin{equation}\label{eq:condition yprime} v_\ell(\mathbf{y})-v_{\ell+1}(\mathbf{y})\ge v_\ell(\mathbf{x})-v_{\ell+1}(\mathbf{x}), \end{equation} where $\mathbf{x}\in\mathbb{R}^{q-1}$ is defined as \[ x_j=\left\{\begin{array}{cc}y_j&\textrm{ if $j\neq i,i+1$}\\ \frac{y_i+y_{i+1}}{2}&\textrm{ if $j=i$ or $j=i+1$}\end{array}\right. \] for $1\le j\le q-1$ and any $i\geq \ell+2.$ For $t\in \mathbb{R}$ we define $\mathbf{y}(t)$ by \[ y_j(t):=\left\{\begin{array}{cc} y_{j} & \textrm{if $j\neq i,i+1$}\\ y_i-t & \textrm{if $j=i$}\\ y_{i+1}+t & \textrm{if $j=i+1$} \end{array}\right. \] for $j=1,\ldots,q-1$. Note that $\mathbf{y}(0)=\mathbf{y}$ and $\mathbf{y}(y_i/2-y_{i+1}/2)=\mathbf{x}$. We further define \begin{align*} \Delta(t):=&v_\ell(\mathbf{y}(t))-v_{\ell+1}(\mathbf{y}(t)). \end{align*} After a straightforward calculation we can express $\Delta(t)$ as \begin{align*} \Delta(t)&=y_\ell e^{G_\ell}(1+\sum_{j\ge 1}^{q-1} y_j)-y_{\ell+1}e^{G_{\ell+1}}(1+\sum_{j\ge 1}^{q-1} y_j)\\ &+y_\ell\sum_{j\neq i,i+1}e^{G_j}(1-y_j)-y_{\ell+1}\sum_{j\neq i,i+1}e^{G_j}(1-y_j)\\ &+ (y_\ell-y_{\ell+1})\left(e^{G_i(t)}(1-y_i+t)+e^{G_{i+1}(t)}(1-y_{i+1}-t)\right), \end{align*} where we write $ G_\ell:=G_{\infty;\ell}(\mathbf{y}(t)) = \frac{q (1-y_\ell)}{1 + y_1 + \cdots + y_{q-1}}, $ for $\ell\not \in \{ i,i+1\}$ and we write $G_\ell(t) = G_{\infty;\ell}(\mathbf{y}(t))$ when $\ell \in \{i,i+1\}$. This notation indicates that $G_\ell$ is a constant function of $t$ when $\ell\not \in \{ i,i+1\}$. Now observe that the function appearing in the last row, \[ g(t):=e^{G_i(t)}(1-y_i+t)+e^{G_{i+1}(t)}(1-y_{i+1}-t), \] is convex on $t\in[0,y_i-y_{i+1}]$, since its second derivative is given by \begin{align*} g''(t)&=e^{G_i(t)}\frac{(1-y_i+t)q^2}{(1+y_1+\dots+y_{q-1})^2}+2e^{G_i(t)}\frac{q}{1+y_1+\dots+y_{q-1}}\\ &+e^{G_{i+1}(t)}\frac{(1-y_{i+1}-t)q^2}{(1+y_1+\dots+y_{q-1})^2}+2e^{G_{i+1}(t)}\frac{q}{1+y_1+\dots+y_{q-1}}>0. \end{align*} As $g(t)=g(y_{i}-y_{i+1}-t)$, we obtain that $g(t)$ has a unique minimizer in $[0,y_{i}-y_{i+1}]$ exactly at $t$ such that $=y_{i}-y_{i+1}-t$. In other words, \[ t=\frac{y_{i}-x_{i+1}}{2} \] is the unique minimizer of $g(t)$ on this interval and thus for $\Delta(t)$. This implies \eqref{eq:condition yprime} and hence the lemma. \end{proof} \begin{lemma}\label{lemma:3variable} Let $1 \geq x_1 > x_2 \geq x_3 \geq 0$ and $q-2 \geq l \geq 1$. Then \[ v_{l}(\underbrace{x_1, \cdots, x_1}_{l}, x_2, \underbrace{x_3, \cdots, x_3}_{q-l-2}) > v_{l+1}(\underbrace{x_1, \cdots, x_1}_{l}, x_2, \underbrace{x_3, \cdots, x_3}_{q-l-2}). \] \end{lemma} \begin{proof} The algebraic manipulations that are done in this proof, while elementary, involve quite large expressions. Therefore we have supplied additional Mathematica code in Appendix~\ref{sec: Mathematica code} that can be used to verify the computations. We define \begin{align*} \Delta(y_1,y_2,y_3;t):= &\left(y_1 y_3 (t-l-1)+(l+1) y_1+(l+1) y_1 y_2-l y_2\right) e^{A_{1}(y_1,y_2,y_3;t)}+\\ &\left(-y_2 y_3 (t-l-1)-(l+1) y_1 y_2+y_1-2 y_2\right) e^{A_{2}(y_1,y_2,y_3;t)} +\\ &\left(y_1-y_2\right) \left(1-y_3\right) (t-l-1) e^{A_{3}(y_1,y_2,y_3;t)}, \end{align*} where \[ A_{i}(y_1,y_2,y_3;t): = \frac{(t+1)(1-y_i)}{1+ly_1 + y_2 + (t-(l+1))y_3} \] for $i = 1,2,3$ (see Listing~\ref{code: Ai Delta}). One can check that \[ \Delta(x_1,x_2,x_3;q-1) = v_{l}(x_1, \cdots, x_1, x_2, x_3, \cdots, x_3) - v_{l+1}(x_1, \cdots, x_1, x_2, x_3, \cdots, x_3). \] We will treat $t$ as a variable and vary it while keeping the values that appear in the exponents constant. To that effect let $C_i = A_i(x_1,x_2,x_3;q-1)$ and define \begin{align*} y_1(t) &= \frac{C_1 (l-t-1)+C_3 (t-l-1)+C_2+t+1}{C_3 (t-l-1)+C_1 l+C_2+t+1},\\ y_2(t) &= \frac{C_3 (t-l-1)+C_1 l-C_2 t+t+1}{C_3 (t-l-1)+C_1 l+C_2+t+1}, \\ y_3(t) &= \frac{C_1 l-C_3 (l+2)+C_2+t+1}{C_3 (t-l-1)+C_1 l+C_2+t+1}. \end{align*} These values are chosen such that for $t_0=q-1$ we have $y_i(t_0) = x_i$ and $A_i(y_1(t),y_2(t),y_3(t);t) = C_i$ independently of $t$ for $i = 1,2,3$ (see Listings~\ref{code: yi}~and~\ref{code: yi2}). Therefore $\Delta(y_1(t),y_2(t),y_3(t);t)$ is a rational function of $t$ and we want to show that it is positive at $t = q-1$. We can explicitly calculate that \[ \Delta(y_1(t),y_2(t),y_3(t);t) = \left(\frac{1+t}{C_3 (t-l-1)+C_1 l+C_2+t+1}\right)^2 \cdot r(t), \] where $r$ is a linear function (see Listing~\ref{code: r}). It is thus enough to show that $r(q-1) > 0$. We will do this by showing that $r(l+1) > 0$ and that the slope of $r$ is positive. We find that $r(l+1)$ is equal to \[ r(l+1)=u_1\cdot e^{C_1}+u_2\cdot e^{C_2}, \] where \begin{align*} u_1&=2+l+C_2-2C_1+lC_1C_2-lC_1^2\\ u_2&=-\left(2+l+lC_1-(l+1)C_2+C_1C_2-C_2^2\right). \end{align*} This is part of the output of Listing~\ref{code: r slope}. Note that by construction, since $1\geq x_1>x_2\geq x_3$, we have $0\leq C_1<C_2\leq C_3.$ Therefore the sum of the coefficients of $e^{C_1}$ and $e^{C_2}$ satisfies \begin{align*} u_1+u_2&=(l+2)(C_2-C_1)+(l-1)C_1C_2-lC_1^2+C_2^2\\ &=(l+2+C_2+lC_1)(C_2-C_1)>0. \end{align*} Now we will separate two cases depending on the sign of the coefficient of $u_2$. If $u_2$ is non-negative, then \begin{align*} r(l+1)&=u_1e^{C_1}+u_2e^{C_2}\ge u_1e^{C_1}+u_2e^{C_1}=(u_1+u_2)e^{C_1}>0. \end{align*} If $u_2$ is negative, then \[ 2+(1+C_1-C_2)l>C_2-C_1C_2+C_2^2=(1+C_2-C_1)C_2. \] In particular $2+(1+C_1-C_2)l>0$. Thus \begin{align*} r(l+1)&=e^{C_2}(u_1e^{C_1-C_2}-u_2)\\ &\ge (1+C_1-C_2)u_1-u_2= C_1(C_2-C_1)(2+(1+C_1-C_2)l)>0. \end{align*} The slope of $r$ is given by \[ s:=\left(1+ C_3 - C_1\right)e^{C_1} - (1 + C_3 - C_2) e^{C_2} + (C_2-C_1) C_3 e^{C_3}. \] This is part of the output of Listing~\ref{code: r slope}. To show that this is positive we show that $s \cdot e^{-C_2}$ is positive. Because both $1+ C_3 - C_1$ and $C_2 - C_1$ are positive we find \begin{align*} s \cdot e^{-C_2} &= \left(1+ C_3 - C_1\right)e^{C_1-C_2} - (1 + C_3 - C_2)+ (C_2-C_1) C_3 e^{C_3-C_2} \\ &\geq \left(1+ C_3 - C_1\right)(1+C_1-C_2) - (1 + C_3 - C_2)+ (C_2-C_1) C_3 (1+C_3-C_2)\\ &= (C_2-C_1)(C_1 + C_3 (C_3 - C_2)), \end{align*} which is positive because $0\leq C_1 < C_2 \leq C_3$. This concludes the proof. \end{proof} We now continue with the second statement. \subsubsection{Statement (ii)} \begin{prop} For any $x>0$ we have that \[ \left\langle\Phi\left(\frac{-x}{q-1}\mathbf{1}\right),\mathbf{1}\right\rangle > -x. \] \end{prop} \begin{proof} The statement is equivalent to \[ \phi(x)<x. \] for $x>0$. By definition we know that \[ \phi(x)=(q-1)\frac{q(e^{f(x)}-1)}{(q-1)e^{f(x)}+1}, \] where \[ f(x)=-q\frac{e^{-x/(q-1)}-1}{(q-1)e^{-x/(q-1)}+1}. \] First note that $\phi(\mathbb{R}_{>0})\subseteq (0,q)$. This means that if $x\ge q$, the statement holds. Thus we can assume that $0<x<q$. Now, the inequality $\phi(x)<x$ can be written as \[ e^{f(x)}<\frac{x+q(q-1)}{(q-1)(q-x)}, \] because $q-x>0$. By taking logarithm of both sides, we see that $\phi(x)<x$ is equivalent to \[ -q\frac{e^{-x/(q-1)}-1}{(q-1)e^{-x/(q-1)}+1}<\log\left(\frac{x+q(q-1)}{(q-1)(q-x)}\right). \] Since $\frac{x+q(q-1)}{(q-1)(q-x)}> \frac{0+q(q-1)}{(q-1)q}\ge 1 $, we can use the inequality $\log(b)>2\frac{b-1}{b+1}$ for $b=\frac{x+q(q-1)}{(q-1)(q-x)}$. Therefore, to show $\phi(x)<x$, it is sufficient to prove that \[ -q\frac{e^{-x/(q-1)}-1}{(q-1)e^{-x/(q-1)}+1}\le \frac{-2qx}{(q-2)x-2q(q-1)}, \] or, equivalently \[ (2q-2-x)\le (x+2q-2)e^{-x/(q-1)}. \] This follows from the fact that $g(t)=(t+2q-2)e^{-t/(q-1)}-(2q-2-t)$ is a convex function on $\mathbb{R}_{\ge 0}$, its derivative satisfies $g'(0)=0$ and $g(0)=0$. This concludes the proof. \end{proof} \subsection{Two iterations of \texorpdfstring{$F_d$}{Two iterations of Fd}} As before, we view $\yvar=1/d$ as a continuous variable. Let us define $\Phi: \mathbb{R}^{q-1} \times [0,\frac{1}{2}] \rightarrow \mathbb{R}^{q-1}$ by \[ \Phi(x_1,\ldots,x_{q-1},\yvar) = F_{1/\yvar}^{\circ 2} (x_1,\ldots,x_{q-1}). \] Note that this map is analytic in all its variables. For simplicity, if $\yvar^*$ is fixed, then we use the notation $\Phi_{\yvar^*}(x_1,\ldots,x_{q-1})$ for $\Phi(x_1,\ldots,x_{q-1},\yvar)|_{\yvar=\yvar^*}$, and if $\yvar=0$, then $\Phi(x_1,\ldots,x_{q-1}):=\Phi_0(x_1,\ldots,x_{q-1})$. \begin{lemma} There exist positive constants $A>0$ and $\cvar_0>0$, such that for any $0<\cvar\leq\cvar_0$ we have \[ \cvar-\phi(\cvar) \ge A\cvar^3. \] \end{lemma} \begin{proof} By definition we know that \[ \phi(x)=(g\circ f)(x)=(q-1)\frac{q(e^{f(x)}-1)}{(q-1)e^{f(x)}+1}, \] where \begin{align*} f(x)&=-q\frac{e^{-x/(q-1)}-1}{(q-1)e^{-x/(q-1)}+1},\\ g(x)&=(q-1)q\frac{e^x-1}{(q-1)e^x+1}. \end{align*} Let us calculate the Taylor expansion of $f(x)$ and $g(x)$ around 0: \begin{align*} f(x)&=\frac{1}{q-1}x+\frac{q-2}{2(q-1)^2q}x^2+\frac{(q^2-6q+6)}{6(q-1)^3q^2}x^3+O(x^4),\\ g(x)&=(q-1)x-\frac{(q-1)(q-2)}{2q}x^2+\frac{(q-1)(q^2-6q+6)}{6q^2}x^3+O(x^4). \end{align*} Thus their composition has the following Taylor expansion around $0$: \begin{align*} (g\circ f)(x)&=x-\frac{1}{6(q-1)^2}x^3+O(x^4). \end{align*} This implies that there exists $\cvar_0>0$ and $A>0$, such that for any $\cvar_0\ge x\ge 0$ we have \[ x-\phi(x)\ge Ax^3, \] as desired. \end{proof} The next proposition implies forward invariance of $P_c$ under $F_d^{\circ 2}$ for $c$ small enough and $d$ large enough. \begin{prop}\label{prop:forwardunder2iterates q=3 w=w_c} There exists $\cvar_0>0$ and $d_0>0$. Such that for all $\cvar\in (0,\cvar_0]$ and integers $d\geq d_0$ there exists $0<\cvar'<\cvar$ such that \[F_d^{\circ 2}(\Dvar_\cvar) \subset \Dvar_{\cvar'}. \] \end{prop} \begin{proof} By the previous lemma we know that there is a $\cvar'_0>0$ and an $A>0$, such that for any $\cvar\le \cvar'_0$ we have \[ \|\Phi(-\cvar/(q-1)\cdot \mathbf{1})+\cvar/(q-1)\cdot \mathbf{1}\|\ge A\cvar^3. \] Here we denote by $\|\mathbf{x} \|=\left(\sum_{i=1}^{q-1}x_i^2\right)^{1/2}$, the standard $2$-norm on $\mathbb{R}^{q-1}.$ By Proposition~\ref{prop:infinite2iteration}, we have that for any $\mathbf{x}\in \Dvar_\cvar$, $\Phi(\mathbf{x})$ is contained in $D_{\phi(\cvar)}$. Therefore, denoting by $B_r(y)$ the ball of radius $r$ around $y$, \begin{equation}\label{eq:strict inequality 2-forward} B_{A\cvar^{3}/2}(\Phi(\mathbf{x}))\cap (-\infty,0]^{q-1}\subseteq \Dvar_{\phi(\cvar)+A\cvar^3/2} \subsetneq \Dvar_\cvar. \end{equation} Now let us consider the Taylor approximation of $\Phi_{\yvar}(x_1,\ldots,x_{q-1})$ at $\mathbf{0} = (0,\ldots,0)$. Since for any $\yvar^*\in[0,1]$ the map $F_{1/y^*}(x_1,\ldots,x_{q-1})$ has $\mathbf{0}$ as a fixed point of derivative $-\textrm{Id}$, there exists constants $\cvar_1,C_1\ge 0$ such that for any $\yvar \in[0,1]$ and $\mathbf{x} = (x_1,\ldots,x_{q-1})\in [-\cvar_1,0]^{q-1}$ we have \[ \|\Phi_{\yvar}(\mathbf{x}) - \textrm{Id}(\mathbf{x})-T_{3,\yvar}(\mathbf{x})\|\le C_1\cdot \|\mathbf{x}\|^4, \] where $\textrm{Id}(\mathbf{x})+T_{3,\yvar}(\mathbf{x})$ is the 3rd order Taylor approximation of $\Phi_{\yvar}(\mathbf{x})$ at $\mathbf{0}$. Note that the second order term is equal to $0$ because the derivative of $F_{1/y^*}(x_1,\ldots,x_{q-1})$ at $\mathbf{0}$ equals $-\textrm{Id}$. In particular, $T_{3,\yvar}(\mathbf{x})=T_\yvar((\mathbf{x}),(\mathbf{x}),(\mathbf{x}))$ for some multi-linear map $T_\yvar \in\textrm{Mult}((\mathbb{R}^{q-1})^3,\mathbb{R}^{q-1})$, and as $\yvar \to 0$ the map $T_{3,\yvar}$ converges uniformly on $[-q,0]^{q-1}$ to $T_{3,0}$. Specifically, for any $\mathbf{x} = (x_1,\ldots,x_{q-1})\in[-\cvar_1,0]^{q-1}$ \[ \|T_{3,\yvar}(\mathbf{x})-T_{3,0}(\mathbf{x})\|\le A_3(\yvar)\|\mathbf{x}\|^3 \] for some function $A_3$ that satisfies $\lim_{\yvar \to 0} A_3(\yvar)=0$. Putting this together and making use of the triangle inequality, we obtain that for any $0<\cvar\leq \min\{\cvar_1,\cvar'_0\}$ and any $\mathbf{x} = (x_1,\ldots,x_{q-1})\in\Dvar_\cvar$ \begin{align*} \|\Phi_{\yvar}(\mathbf{x})-\Phi(\mathbf{x})\|&\le\|\Phi_{\yvar}(\mathbf{x})-\textrm{Id}(\mathbf{x})-T_{3,\yvar}(\mathbf{x})\|\\ &+\|\textrm{Id}(\mathbf{x})+T_{3,\yvar}(\mathbf{x})-\textrm{Id}(\mathbf{x})-T_{3,0}(\mathbf{x})\|\\ &+\|\textrm{Id}(\mathbf{x})+T_{3,0}(\mathbf{x})- \Phi(\mathbf{x})\| \\ &\le 2C_1\|x\|^4+A_3(y))\|x\|^3\leq K(2C_1c+A_3(y))c^3, \end{align*} for some constant $K>0$ (using that the $2$-norm and the $1$-norm are equivalent on $\mathbb{R}^{q-1}$.) Now let us fix $0<\cvar_0\leq \min \{\cvar_1,\cvar_0'\}$ small enough such that $K2C_1\cvar_0<A/4$ and fix a $\yvar_0>0$ such that for any any $0\le \yvar\le \yvar_0$ we have $K A_3(\yvar)\le A/4$. Then by \eqref{eq:strict inequality 2-forward}, for any $0\le \yvar \le \yvar_0$, $0\le \cvar \le \cvar_0$ and $\mathbf{x} = (x_1,\ldots,x_{q-1})\in \Dvar_\cvar$, \begin{align*} \Phi_\yvar(\Dvar_\cvar)\subseteq B_{Ac^3/2}(\Phi(\Dvar_\cvar))\cap (-\infty,0]^{q-1} \subseteq \Dvar_{\phi(\cvar)+A\cvar^3/2}\subsetneq \Dvar_\cvar. \end{align*} So we can take $\cvar'=\phi(\cvar)+A\cvar^3/2$. \end{proof} \subsection{Proof of Proposition~\ref{prop:2stepforward}} We are now ready to prove Proposition~\ref{prop:2stepforward}, which we restate here for convenience. \begin{repprop}{prop:2stepforward} Let $q\geq 3$ be an integer. There exists $d_2>0$ such that for all integers $d\geq d_2$ the following holds: for any $\cvar\in(0,q+1]$ there exists $0<\cvar'<\cvar$ such that \[ F_d^{\circ 2}(P_\cvar)\subset P_{\cvar'}. \] \end{repprop} \begin{proof} We know by Proposition~\ref{prop:forwardunder2iterates q=3 w=w_c} there is a $d_0>0$ and a $\cvar_0 >0$ such that for $d \geq d_0$ and $\cvar \in (0, \cvar_0)$ there exist $\cvar'<\cvar$ such that $F_d^{\circ 2}(D_\cvar) \subset D_{\cvar'}$. As $P_\cvar = \cup_{\pi \in S_q} \pi \cdot D_\cvar$, we see by Lemma \ref{lem:symmetry} that for $d \geq d_0$ and $\cvar \in (0, \cvar_0)$ we have $F_d^{\circ 2}(P_\cvar) \subset P_{\cvar'}$. Next we consider $\cvar \in [\cvar_0, q+1]$. By Proposition~\ref{prop:2step-forward infinity} we know $F_\infty^{\circ 2}(P_\cvar) \subset P_{\phi(\cvar)}$ and $\phi(\cvar)<\cvar$ for any $\cvar>0$. As $F_d$ converges to $F_\infty$ uniformly, we see for each $\cvar \in [\cvar_0, q+1]$ there is a $d_\cvar>0$ large enough such that for $d \geq d_\cvar$ and $\cvar'=\cvar/2+\phi(\cvar)/2$ we have $F_d^{\circ 2}(P_{\hat{\cvar}}) \subsetneq P_{\cvar'}$ for all $\hat{\cvar}$ sufficiently close to $\cvar$. By compactness of $[\cvar_0, q+1]$, we obtain that there is a $d_{\text{max}} >0$ such that for any $d> d_{\text{max}}$ and any $\cvar \in [\cvar_0, q+1]$ there exists $\cvar'<\cvar$ such that $F_d^{\circ 2}(P_\cvar) \subsetneq P_{\cvar'}$. The proposition now follows by taking $d_2 = \max ( d_0, d_{\text{max}} ) $. \end{proof} \section{Concluding remarks} Although we have only proved uniqueness of the Gibbs measure on the infinite regular tree for a sufficiently large degree $d$, our method could conceivably be extended to smaller values of $d$. With the aid of a computer we managed to check that for $q=3$ and $q=4$ and all $d\geq 2$ the map $F_d^{\circ 2}$ maps $P_c$ into $P_{\phi_d(-c)}$, where $\phi_d$ is the restriction of $-F_d^{\circ 2}$ to the line $\mathbb{R}\cdot \mathbf{1}$. It seems reasonable to expect that for other small values of $q$ a similar statement could be proved. A general approach is elusive so far. It is moreover also not clear that $F_d(P_c)$ is convex, not even for $q=3$. In fact, for $q=3$ and $c$ large enough $F_3(P_c)$ is {\bf not} convex. But for reasonable values of $c$ it does appear to be convex. For larger values of $q$ this is even less clear. Knowing that there is a unique Gibbs measure on the infinite regular tree is by itself not sufficient to design efficient algorithms to approximately compute the partition function/sample from the associated distribution on all bounded degree graphs. One needs a stronger notion of decay of correlations, often called \emph{strong spatial mixing}~\cite{weitz06,Gamarnikcounting,GamarnikSSM,lu2013improved} or absence of complex zeros for the partition function near the real interval $[w,1]$~\cite{Barbook,PaR17,bencs,liu2019correlation}. It is not clear whether our current approach is capable of proving such statements (these certainly do not follow automatically), but we hope that it may serve as a building block in determining the threshold(s) for strong spatial mixing and absence of complex zeros. We note that even for the case $w=0$, corresponding to proper colorings, the best known bounds for strong spatial mixing on the infinite tree~\cite{SSMcoloring} are still far from the uniqueness threshold. \begin{appendix} \begin{section}{Supplementary Mathematica code to Lemma~\ref{lemma:3variable}} \label{sec: Mathematica code} The functions $A_i$ for $i=1,2,3$ and $\Delta$ are defined as follows. \begin{lstlisting}[language=Mathematica,caption={The functions $A_i$ and $\Delta$},label = {code: Ai Delta}] A1[y1_, y2_, y3_, m_] := (m + 1) (1 - y1)/(1 + l y1 + y2 + (m - (l + 1)) y3) A2[y1_, y2_, y3_, m_] := (m + 1) (1 - y2)/(1 + l y1 + y2 + (m - (l + 1)) y3) A3[y1_, y2_, y3_, m_] := (m + 1) (1 - y3)/(1 + l y1 + y2 + (m - (l + 1)) y3) Delta[y1_, y2_, y3_, m_] := (y1 y3 (m - l - 1) + (l + 1) y1 + (l + 1) y1 y2 - l y2) Exp[A1[y1, y2, y3, m]] + (-y2 y3 (m - l - 1) - (l + 1) y1 y2 + y1 - 2 y2) Exp[A2[y1, y2, y3, m]] + (y1 - y2) (1 - y3) (m - l - 1) Exp[A3[y1, y2, y3, m]] \end{lstlisting} The functions $y_i(t)$ are defined as follows. \begin{lstlisting}[language=Mathematica,caption={The functions $y_i$}, label = {code: yi}] {y1[t_], y2[t_], y3[t_]} = {y1, y2, y3} /. Solve[A1[y1, y2, y3, t] == C1 && A2[y1, y2, y3, t] == C2 && A3[y1, y2, y3, t] == C3, {y1, y2, y3}][[1]] \end{lstlisting} \begin{lstlisting}[language=Mathematica,caption={Verification that $y_i(q-1) = x_i$. This expression yields $\{x_1,x_2,x_3\}$}, label = {code: yi2}] Simplify[{y1[q - 1], y2[q - 1], y3[q - 1]} /. {Rule[C1, A1[x1, x2, x3, q - 1]], Rule[C2, A2[x1, x2, x3, q - 1]], Rule[C3, A3[x1, x2, x3, q - 1]]}] \end{lstlisting} The function $r(t)$ can subsequently be found with the following code. \begin{lstlisting}[language=Mathematica,caption={The function r}, label = {code: r}] r[t_] = Simplify[Delta[y1[t], y2[t], y3[t], t] ((1 + t)/(1 + C2 - C3 + C1 l - C3 l + t + C3 t))^(-2)] \end{lstlisting} It can be observed that $r$ is indeed linear in $t$. To calculate $r(l+1)$ and the slope of $r$ we use the following piece of code. \begin{lstlisting}[language=Mathematica,caption={The values of $r(l+1)$ and the slope of $r$}, label = {code: r slope}] Simplify[{r[l + 1], Coefficient[r[t], t]}] \end{lstlisting} \end{section} \end{appendix} \bibliographystyle{alpha}
b3cd619ea97f61e82e234c8be65cc051f9e1ba1b
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{sec:intro} High-mass stars are preferentially found in binary and multiple systems \citep{Sana+12sci,Sana+14apjs,Kobulnicky+14apjs} and a significant fraction have short orbital periods. They are also bright so are over-represented in magnitude-limited samples. As a result, a relatively large number of high-mass stars have been found to be members of eclipsing binaries (EBs). Of particular interest are high-mass stars in EBs with orbital periods long enough for them to have evolved as single stars. For these objects it is possible to measure their masses and radii directly and use these properties to compare with or to calibrate theoretical models of \reff{the} evolution of single stars \citep[e.g.][]{Andersen++90apj,Ribas++00mn,Torres++10aarv}. A prominent recent trend is the finding that the properties of high-mass EBs need stronger internal mixing processes than predicted by standard evolutionary models \citep{Tkachenko+20aa,Johnston21aa}. Subsequent evolution of high-mass short-period binaries leads to a wide variety of exotic objects that are important for many areas of stellar astrophysics, such as X-ray binaries, supernovae and gamma-ray bursts \citep{Podsiadlowski+02apj,Podsiadlowski+04apj,Belczynski+20aa,Chrimes+20mn}. Many high-mass stars also show pulsations \citep{Bowman20faas}. Among early-type main-sequence stars of spectral type types O and B, there are three main classes of pulsating variable. The slowly pulsating B (SPB) stars are mid-to-late B stars that pulsate in high-radial order gravity (g) modes with periods of order days \citep{Waelkens91aa}. The $\beta$\,Cephei stars span spectral types from O9 to B3 on the main sequence but can reach B5 during the giant phase. They pulsate in low-radial order pressure (p) and g modes with periods of order a few hours \citep{StankovHandler05apjs}. The pulsation modes of SPB and $\beta$\,Cephei stars are driven by a heat-engine mechanism operating in the partial ionisation zones of iron and nickel at 200\,000~K \citep{DziembowskiPamyatnykh93mn,Dziembowski++93mn}. This opacity-based driving mechanism produces periodic standing waves (i.e.\ coherent pulsation modes), from which forward asteroseismic modelling can reveal a star's interior physics \citep{Aerts++10book,Aerts21rvmp}. See \citet{Bowman20faas} for a recent review of forward asteroseismic results of SPB and $\beta$\,Cephei stars. In particular, the combination of dynamical masses and radii from binary modelling with asteroseismic modelling of pulsations in eclipsing systems has shown great promise in being able to precisely constrain stellar structure and evolution theory (see e.g.\ \citealt{SchmidAerts16aa,Johnston+19mn}). But such studies are so far lacking among massive stars. The third type of pulsator among early-type stars are those which exhibit stochastic low-frequency (SLF) variability \citep{Bowman+19natas,Bowman+19aa,Bowman+20aa}. Such stars have quasi-periodic and time-dependent variability spanning a broad range of periods from several days to of order minutes, which has been inferred to be caused by stochastically excited gravity waves driven by turbulent (core) convection \citep{Bowman+19aa}. These gravity waves are an efficient mixing mechanism inside massive stars \citep{RogersMcelwaine17apj}, and are seemingly ubiquitous in massive stars with precise enough photometry \citep{Bowman+19natas}. Gravity waves are excited at the interface of convective and radiative regions inside massive stars, which include the \reff{convective} core as predicted by two- and three-dimensional hydrodynamical simulations \citep{Rogers+13apj,Edelmann+19apj,Horst+20aa}. Another explanation for SLF variabilty in massive stars is caused by the dynamics of their turbulent envelopes, which also gives rise to temperature and velocity variations \citep{Cantiello+21apj,Schultz+22apjl}. A comparison of recent high-cadence TESS photometry and high-resolution spectroscopy allowed \citet{Bowman+20aa} to demonstrate that the SLF variability in massive stars probes the mass and age of a star, and offers further support to the conclusion that gravity waves are responsible for macroturbulence in massive stars \citep{Aerts+09aa,Simondiaz+10apj,Grassitelli+15apj,Grassitelli+16aa,Simondiaz+17aa}. Therefore the continued study of SLF variability, especially in binary systems that have so far been neglected, is an exciting prospect for constraining the interior mixing of massive stars as so far their study has been mainly based on single stars. To do so, a well-characterised sample of massive binary systems is needed, which is one of the motivations of this work. \reff{Here} we present the discovery and preliminary analysis of a set of pulsating high-mass stars in EBs. A detailed study of these systems in most cases will require extensive spectroscopy and sophisticated analysis, which we leave to future work. We have also determined the physical properties of targets for which suitable data were available. \section{Target selection} \label{sec:targ} Only a few EBs containing high-mass pulsators were known until recently. The main reason for this is that the amount of data needed to securely detect pulsations photometrically is much higher compared to their single-star counterparts. Furthermore, disentangling the photometric signals of binarity, rotation and pulsations of massive stars require ultra-high photometric precision, which is difficult to achieve from the ground. SPB and $\beta$\,Cephei stars are observationally difficult to detect because of their low pulsation amplitudes (certainly compared to eclipse depths); SPB stars also have pulsation periods longer than a single night so are difficult to study using ground-based observations. We note that some high-mass pulsators in EBs have been identified spectroscopically (e.g.\ V2107\,Cyg; \citealt{Bakis+14aj}) through line-profile variations (LPVs). The \textit{Kepler}\ space mission brought a huge improvement in the quality and quantity of time-series photometry for pulsating stars, but its small sky coverage meant few high-mass stars were observed and even fewer high-mass pulsators in EBs were identified. The prime example of this is the discovery of SLF variability in the B1.5\,III + B2\,V system V380\,Cyg \citep{Tkachenko+12mn,Tkachenko+14mn}. The appearance of TESS \citep{Ricker+15jatis} has changed this picture completely as it is in the process of obtaining time-series high-precision photometry of a large fraction of the sky. In contrast to \textit{Kepler}, the TESS mission has observed a large number of high-mass EBs, of which many have an extensive observational history and in some cases a detailed characterisation of the physical properties of the component stars. See the recent study by \citet{IJspeert+21aa} for a census of EBs with g-mode pulsations predominantly focussed on intermediate-mass stars, \citet{Prsa+21apjs} for a catalogue of 4500 EBs detected using TESS, and \citet{Me21univ} for a detailed review of the impact of space-based telescopes on binary star science. We therefore searched the TESS database to find EBs containing high-mass pulsating stars. The starting list was taken to be a bibliography of objects gradually accumulated by the first author since the year 2001, and therefore includes only those EBs identified as such in a past publication. Each one was entered in the data visualisation portal at the Mikulski Archive for Space Telescopes (MAST) archive\footnote{\texttt{https://mast.stsci.edu/portal/Mashup/Clients/ Mast/Portal.html}} and any available short-cadence light curves were visually inspected for relevant features. This target selection was performed manually in summer 2020 -- many more of these objects will be detectable using automated methods and subsequent TESS data. \reff{The full set of 26 objects identified in our search is given in Table\,\ref{tab:targ}. The TESS data of four of these (V453\,Cyg, CW\,Cep, VV\,Ori and V\,Pup) have already been the subject of a detailed analysis so are not studied further in the current work. A further four are currently undergoing analysis by ourselves or collaborators, so here we announce the discovery of pulsations but do not perform any analysis. The remaining 18 objects are discussed individually below. For completeness, we include all of the objects we identified as high-mass EBs containing pulsating stars in Table\,\ref{tab:targ}.} \citet{Labadie+20aj} recently presented the discovery of five new $\beta$\,Cephei EBs using photometry from the KELT project \citep{Pepper+07pasp}. The TESS light curves of these objects confirm the nature in three cases (V447\,Cep, HD\,339003 and HD\,344880). A fourth object, HD\,227977, shows $\beta$\,Cephei pulsations but not eclipses in the TESS light curve so is unlikely to be a $\beta$\,Cephei EB. The fifth star, HD\,254346, has no TESS light curve but was considered to be a probable blend rather than a $\beta$\,Cephei EB \citep{Labadie+20aj}. We have not considered these objects further in the current work, as \citet{Labadie+20aj} state they are already following them up. \begin{table*} \caption{\label{tab:targ} Basic information for the targets considered in this work. For simplicity they are given in alphabetical order, beginning with numbers then Greek letters then Latin letters. The spectral types come from a variety of sources, with ones from refereed journal articles preferred.} \begin{tabular}{@{}lcclllll@{}} \hline Target & HD & $V$ & Spectral type & Orbital & Pulsation type & TESS & Analysis of TESS data \\ & number & magnitude & & period (d) & & sector(s) & \\ \hline 16 Lac & 216916 & 5.59 & B2\,IV & 12.097 & $\beta$\,Cephei & 16 & This work \\ $\delta$ Cir & 135240 & 5.04 & O7\,III-V + O9.5\,V + B0.5\,V & 3.902 & SLF & 12 & This work \\ $\eta$ Ori & 35411 & 3.34 & B1\,V + B2: & 7.988 & $\beta$\,Cephei & 6, 32 & This work \\ $\lambda$ Sco & 158926 & 1.62 & B1.5\,IV + PMS + B2\,V & 5.953 & $\beta$\,Cephei & 12, 39 & This work \\ $\mu$ Eri & 30211 & 4.01 & B5\,IV & 7.381 & SLF + SPB? & 5, 32 & This work \\ AN Dor & 31407 & 7.69 & B2/3\,V & 2.033 & \refff{$\beta$\,Cephei/SPB} & 2--6, 29--32 & This work \\ AR Cas & 221253 & 4.89 & B3\,V & 6.067 & SPB & 17, 24 & Southworth et al.\ (in prep.) \\ AS Cam & 35311 & 8.60 & A0\,V & 3.431 & SPB & 19, 52 & Southworth et al.\ (in prep.) \\ CC Cas & 19820 & 7.10 & O8.5\,III + B0.5\,V & 3.366 & SLF & 18, 19 & This work \\ CW Cep & 218066 & 7.64 & B1.5\,Vn & 2.729 & $\beta$\,Cephei & 17, 18, 24 & \citet{LeeHong21aj} \\ EM Car & 97484 & 8.51 & O7.5\,V((f)) + O7.5\,V((f)) & 3.415 & SLF & 10, 11, 37 & Torres et al.\ (in prep.) \\ EO Aur & 34333 & 7.76 & B0\,V + B3\,V & 4.065 & $\beta$\,Cephei & 19 & This work \\ FZ CMa & 42942 & 8.09 & B2\,V + B2\,V & 1.273 & \refff{$\beta$\,Cephei/SPB} & 7, 33 & This work \\ HD 217919 & 217919 & 8.27 & B0.5\,III & 16.206 & \refff{$\beta$\,Cephei/SPB} & 17, 18, 24 & This work \\ HQ CMa & 57593 & 5.99 & B3\,V & unknown & $\beta$\,Cephei/SPB & 7, 34, 35 & This work \\ LS CMa & 52670 & 5.64 & B2-3\,III-IV & 70.23 & $\beta$\,Cephei? SPB? & 6, 7, 33, 34 & This work \\ QX Car & 86118 & 6.64 & B2\,V & 4.478 & $\beta$\,Cephei? & 9, 10, 36, 37 & Torres et al.\ (in prep.) \\ SZ Cam & 25638 & 6.93 & O9\,IV + B0.5\,V & 2.698 & SLF & 19 & This work \\ V Pup & 65818 & 4.47 & B1\,Vp + B2: & 1.454 & $\beta$\,Cephei & 7, 9, 34, 35 & \citet{Budding+21mn} \\ V379 Cep & 197770 & 6.31 & B2\,IV-III & 99.764 & SLF & 15--17 & This work \\ V436 Per & 11241 & 5.53 & B1.5\,V & 25.936 & SLF & 18 & This work \\ V446 Cep & 210478 & 7.73 & B1\,V + B9\,V & 3.808 & $\beta$\,Cephei + TEO? & 16, 17, 24 & This work \\ V453 Cyg & 227696 & 8.40 & B0.4\,IV + B0.7\,IV & 3.890 & $\beta$\,Cephei & 14, 15, 41 & \citet{Me+20mn} \\ V539 Ara & 161783 & 5.68 & B3\,V + B4\,V & 3.169 & SLF + SPB? & 13, 39 & This work \\ V2107 Cyg & 191473 & 8.63 & B1\,III & 4.284 & \refff{$\beta$\,Cephei/SPB} & 14, 15, 41 & This work \\ VV Ori & 36695 & 5.34 & B1\,V + B7\,V & 1.495 & $\beta$\,Cephei + SPB & 6, 32 & \citet{Me++21mn} \\ \hline \end{tabular} \end{table*} \section{Observations} \label{sec:obs} TESS was launched by NASA on 2018/04/08 into an eccentric orbit around the Earth resonant with the orbit of the Moon \citep{Ricker+15jatis}. It is currently performing a photometric survey of 85\% of the celestial sphere with the aim of identifying extrasolar planets through the transit method \citep{Ricker+15jatis}. The observational equipment comprises four cameras with 10.5\,cm apertures, each with four CCDs, that together image a contiguous 24$^\circ$$\times$96$^\circ$ strip of sky. The pixel size on the sky is 21$^{\prime\prime}$$\times$21$^{\prime\prime}$, so contamination occurs for many stars. TESS observes through a wide-band filter that covers approximately 600\,nm to 1000\,nm. Each strip of sky is observed by TESS for two orbits (27.4\,d), with a break near the midpoint for downlink of data to Earth. Each set of observations is called a sector, and some sky areas are observed in multiple sectors. A total of 200\,000 stars were pre-selected for high-cadence observations (summed into a 120\,s sampling rate on board the satellite). Full-frame images are also captured at a cadence of 1800\,s (again summed on board), and subsequently clipped into an effective integration time of 1425\,s by a cosmic-ray rejection algorithm. The data are processed and released as light curves by the TESS Science Processing Operations Center (SPOC) for stars observed at high cadence \citep{Jenkins+16spie}. The standard data product is simple aperture photometry (SAP). An additional data product, pre-search data conditioning (PDC) light curves, is available which has been processed to make it more suitable for detecting shallow transits of extrasolar planets in front of their host stars. The PDC data are not intended for stars which show large variability amplitudes, such as many EBs, and in our experience often contain strong systematics introduced by the conditioning process. We therefore used \reff{exclusively the SAP data} in the current work. These were downloaded from the MAST, extracted from the fits files, and converted into magnitude units. We rejected any datapoints having a nonzero flag for the QUALITY parameter, with the exception of a few cases noted below. We also ignored the errorbars provided as these are usually far too small and the data are relatively homogeneous, preferring instead to determine the quality of our modelling from the scatter of the data around the best fits. Light curves for each of our targets are shown in Figs.\ \ref{fig:time:1}, \ref{fig:time:2} and \ref{fig:time:3}. \section{Analysis methods} \label{sec:anal} \subsection{Analysis of eclipses} \label{sec:anal:ecl} The first analysis step was to attempt to model the effects of binarity in the TESS light curve. This served dual aims: to measure the radii and orbital inclination of the component stars, and to subtract the signatures of binarity from the light curve prior to investigation of the pulsations. For this step we used version 42 of the {\sc jktebop}\footnote{\texttt{http://www.astro.keele.ac.uk/jkt/codes/jktebop.html}} code \citep{Me++04mn2,Me13aa}. This code treats the stars as spheres for the calculation of eclipse shapes and as ellipsoids for the simulation of the ellipsoidal effect. Such an approximation is suitable for systems where the stars are not very tidally deformed, and in the case of well-detached systems {\sc jktebop} has been shown to agree very well with other codes \citep{Maxted+20mn}. For close binaries where the components are significantly aspherical, {\sc jktebop} still provides a good fit to the data but the parameters of the fit become unreliable. In some cases we have continued to use {\sc jktebop} in preference to more sophisticated codes because we find that it is orders of magnitude faster both for the user and the computer; we give the approximate parameters of the system for reference but leave detailed modelling to the future. Throughout this paper we refer to the primary star (the one obscured at the deeper eclipse) as star~A. The secondary star is star~B and any tertiary star (if present) is called star~C. In {\sc jktebop} the radii of the stars are parameterised in terms of the fractional radii, defined by $r_{\rm A} = \frac{R_{\rm A}}{a}$ and $r_{\rm B} = \frac{R_{\rm B}}{a}$ where $R_{\rm A}$ and $R_{\rm B}$ are the true radii of the stars, and $a$ is the semimajor axis of the relative orbit. The fitted parameters are the sum ($r_{\rm A}+r_{\rm B}$) and ratio ($k = \frac{r_{\rm B}}{r_{\rm A}}$) of the radii, as these are more closely related to the eclipse shapes. We also fitted for the orbital inclination ($i$), the ratio of the central surface brightnesses of the stars ($J$), the orbital period ($P$) and the time of midpoint of a primary eclipse ($T_0$). Limb darkening was included using the quadratic law \citep{Kopal50} with theoretical coefficients for the TESS passband from \citet{Claret17aa}; we typically fitted for the linear coefficients of the two stars ($u_{\rm A}$ and $u_{\rm B}$) and fixed the quadratic coefficients ($v_{\rm A}$ and $v_{\rm B}$) because of the strong correlations between $u$ and $v$ \citep{Me++07aa}. In cases where the orbit was eccentric we additionally fitted the quantities $e\cos\omega$ and $e\sin\omega$, where $e$ is the orbital eccentricity and $\omega$ is the argument of periastron. Some systems required the inclusion of third light ($\ell_3$) as a fitted parameter. Finally, we fitted for the coefficients of low-order polynomials applied to the out-of-eclipse brightness of the systems as a function of time in order to remove any slow variations in brightness due to either astrophysical or instrumental effects. \subsubsection{Wilson-Devinney code} Some of the systems studied in this work have stars sufficiently close to each other to be significantly tidally distorted. In these cases a spherical-star approximation (as used in {\sc jktebop}) is not suitable and full Roche geometry is needed. Where the prospect of extracting useful information was large, we fitted the light curve with the Wilson-Devinney (WD) code \citep{WilsonDevinney71apj,Wilson79apj} in its 2004 version ({\sc wd2004}), driven by the {\sc jktwd} wrapper \citep{Me+11mn}. Prior to this, we converted each light curve to orbital phase and then binned it into 400 datapoints in order to save computing time. These data were fitted in mode 0 or 2, assuming (pseudo)synchronous rotation, logarithmic limb darkening using coefficients from \citet{Vanhamme93aj}, gravity darkening exponents of 1.0 as suitable for hot stars \citep{Claret98aas} and albedos of 1.0. Mass ratios and effective temperature (\Teff) values were taken from previous work and the Cousins $R$ band was adopted as a reasonable approximation to the TESS passband for hot stars. The fitted parameters in each case were the potentials of both stars, the orbital inclination, a phase shift, the light contributions of the two stars, the amount of third light in the system, and where necessary $e$ and $\omega$. Third light is expressed in terms of the fractional contribution to the total light of the system at a phase of 0.25, so is not directly comparable to the light contributions from the two stars individually \citep{WilsonVanhamme04}. Error analysis with the WD code is non-trivial because the formal errors from the covariance matrix are usually too small, especially for data of space-based quality \citep{Me20obs}. We therefore perturbed the fit by changing the rotation rates, albedo and gravity darkening exponents by $\pm$0.1, using a different limb darkening law, changing the mass ratio by its uncertainty, and trying different numerical resolutions (see \citealt{Pavlovski++18mn} and \citealt{Me20obs}). The uncertainties were obtained from the variations between the different models and the final adopted parameter values and in all cases are larger than the formal errors calculated by {\sc wd2004}. \begin{table} \caption{\label{tab:vsini} \refff{Published projected rotational velocity measurements, $V\sin i$, for the target stars. In the case of EO\,Aur the FWHM of the line profiles was measured from fig.\,2 in \citet{Popper78apj} in order to set some limit on the $V\sin i$ of this system.}} \begin{tabular}{lccl} \hline Target & $V_1\sin i$ & $V_2\sin i$ & Reference \\ Target & (\kms) & (\kms) & \\ \hline 16 Lac & approx.\ 40 & & \citet{Aerts+01aa} \\ $\delta$ Cir & $150 \pm 9$ & $141 \pm 20$ & \citet{Penny+01apj} \\ $\eta$ Ori & 20 & 130 & \citet{Demey+96aa} \\ $\lambda$ Sco & 140 & & \citet{Uytterhoeven+04aa} \\ $\mu$ Eri & $136 \pm 6$ & & \citet{Jerzykiewicz+13mn} \\ CC Cas & $336 \pm 5$ & $202 \pm 13$ & \citet{Hill+94aa} \\ EO Aur & $\ga$300 & $\ga$300 & this work, \citet{Popper78apj} \\ FZ CMa & $216 \pm 10$& $216 \pm 10$ & \citet{Moffat+83aa} \\ HQ CMa & 130 & & \citet{Wolff++82apj} \\ LS CMa & 17 & & \citet{Abt++02apj} \\ SZ Cam & $144 \pm 3$ & $117 \pm 4$ & \citet{Tamajo+12aa} \\ V379 Cep & 55 & 15 & \citet{Gordon+98aj} \\ V436 Per & 115 & 140 & \citet{Janik+03aa} \\ V446 Cep & $120 \pm 3$ & $44 \pm 9$ & \citet{Cakirli+14} \\ V539 Ara & $75 \pm 8$ & $48 \pm 5$ & \citet{Andersen83aa} \\ V2107 Cyg & $84 \pm 4$ & & \citet{Bakis+14aj} \\ \hline \end{tabular} \end{table} \subsection{Physical properties} \label{sec:anal:phys} Some objects have previously been studied spectroscopically, so their full physical properties can be calculated using the parameters measured from the light curve and published spectroscopic orbits. To do this we used the {\sc jktabsdim} code \citep{Me++05aa}, which implements standard equations \citep[e.g.][]{Hilditch01book} and propagates errorbars using a perturbation analysis. We used the IAU nominal solar properties and physical constants \citep{Prsa+16aj} for compatibility with other work. We calculated the masses of the stars ($M_{\rm A}$ and $M_{\rm B}$), their radii ($R_{\rm A}$ and $R_{\rm B}$), surface gravities ($\log g_{\rm A}$ and $\log g_{\rm B}$), light ratio in the TESS passband ($\ell_{\rm B}/\ell_{\rm A}$) and the semimajor axis ($a$). Where possible we adopted published values for the \Teff\ values of the stars in order to calculate their luminosities ($L_{\rm A}$ and $L_{\rm B}$). Distances to the systems were not considered as this is beyond the scope of the current work. \refff{At the request of the referee we have compiled published values of the projected rotational velocities of the systems for which this is available in Table\,\ref{tab:vsini}. The physical properties of the systems we determine} are given in Tables \ref{tab:lc:1}, \ref{tab:lc:2} and \ref{tab:lc:wd}. \subsection{Pulsations} \label{sec:anal:puls} For the majority of systems, we used the residual light curve after subtracting the binary model to calculate an amplitude spectrum using a discrete Fourier Transform \citep{Kurtz85mn}. Similarly to \citet{Me+20mn,Me++21mn}, we identified significant \reff{and resolved (following $1/\Delta(T)$, where $\Delta(T)$ is the length of the TESS data set) pulsation frequencies and calculated their optimised parameters by using a non-linear least-squares cosinusoid fit} to the residual light curve. We used a signal-to-noise ratio (S/N) $\geqslant$ 5 as our significance criterion following previous studies of {\it Kepler} and TESS data that advocate using values larger than the canonical S/N $\geqslant$ 4 limit of \citet{Breger+93aa} (see e.g. \citealt{Burssens+20aa,BaranKoen21aca,BowmanMichielsen21aa}). However, some stars had large pulsation amplitudes relative to their eclipse depths. This made binary modelling difficult without first identifying the dominant pulsation mode frequencies. Therefore for such stars we manually clipped the eclipses out of the light curve before performing frequency analysis. These systems were: 16\,Lac, $\lambda$\,Sco and $\mu$\,Eri. It is common that in the case of an imperfect binary model, residual power is found at integer multiples of the orbital frequency (i.e.\ harmonics) in the amplitude spectrum of a residual light curve. If a significant frequency is extracted at the location of an orbital harmonic we do not consider it an independent pulsation frequency. This is because our goal is to identify stars with coherent heat-driven pulsations for future asteroseismic modelling. However, it is certainly plausible that at least some of the significant frequencies that coincide with orbital harmonics are tidally-excited oscillation (TEO) modes if the binary system is sufficiently eccentric (see e.g.\ \citealt{Welsh+11apjs, Thompson+12apj}). However, differentiating TEO modes from residual amplitude from an imperfect binary model is beyond the scope of this work, as this requires more extensive spectroscopic monitoring and modelling. We are currently gathering spectroscopy of the most promising systems but leave the analysis for future work. For each \refff{frequency} analysis, we produced a summary figure in the supplementary material, in which the top panel shows the residual light curve (i.e. after subtraction of the binary model) and the bottom panel shows the amplitude spectrum of the residual light curve with labelled significant pulsation mode frequencies. In the systems that had their eclipses removed prior to their frequency analysis, the significant frequencies are labelled in purple and are shown in Fig.\,A1. The summaries of other stars are shown in Figs.\ A2 and A3, and have their significant independent frequencies labelled in green. For each star, we also provide the pulsation mode frequencies, amplitudes and phases with uncertainties from the non-linear least-squares fit in Table\,A1. In Table\,\ref{tab:targ} we also provide a pulsator classification for each target based on visual inspection\reff{, which is based on the significant frequencies detected and the spectral type and/or mass of the star. However, in the case of pulsating binaries there is ambiguity of which star or stars in the system are pulsating.} \section{Discussion of individual objects} \begin{figure*} \includegraphics[width=\textwidth]{plotTESStime1_gimp.eps} \caption{\label{fig:time:1} TESS light curves of the first six objects analysed in this work. In each case one sector is plotted. The object names and the sectors are labelled on the diagram.} \end{figure*} \begin{figure*} \includegraphics[width=\textwidth]{plotTESStime2_gimp.eps} \caption{\label{fig:time:2} TESS light curves of the middle six objects analysed in this work. In four cases one sector is plotted, and in two cases two sectors are plotted. The object names and the sectors are labelled on the diagram.} \end{figure*} \begin{figure*} \includegraphics[width=\textwidth]{plotTESStime3_gimp.eps} \caption{\label{fig:time:3} TESS light curves of the last six objects analysed in this work. In most cases one sector is plotted. The object names and the sectors are labelled on the diagram.} \end{figure*} \begin{table*} \centering \caption{\label{tab:lc:1} Physical properties of those systems for which a detailed analysis with {\sc jktebop} was possible. All times are given as BJD(TDB) $-$ 2400000.} \setlength{\tabcolsep}{3pt} \begin{tabular}{@{}lcccccc@{}} \hline & 16 Lac & $\eta$ Ori & LS CMa & V436 Per & V446 Cep & V539 Ara \\ \hline \multicolumn{5}{@{}l}{\it Fitted parameters:} \\ $r_{\rm A}+r_{\rm B}$ & $0.193 \pm 0.003$ & $0.2413 \pm 0.0042$ & $0.05779 \pm 0.00019$ & $0.08015 \pm 0.00028$ & $0.31624 \pm 0.00067$ & $0.3958 \pm 0.0013$ \\ $k$ & $0.52 \pm 0.02$ & $0.7395 \pm 0.0022$ & $0.36559 \pm 0.00070$ & $1.097 \pm 0.022$ & $0.25676 \pm 0.00042$ & $0.786 \pm 0.009$ \\ $i$ ($^\circ$) & $80.2 \pm 0.2$ & $87.62 \pm 0.42$ & $89.461 \pm 0.019$ & $87.951 \pm 0.025$ & $85.58 \pm 0.11$ & $85.16 \pm 0.13$ \\ $J$ & $0.18 \pm 0.05$ & $0.9044 \pm 0.0042$ & $0.6747 \pm 0.0056$ & $1.041 \pm 0.022$ & $0.4832 \pm 0.0040$ & $0.9601 \pm 0.0035$ \\ $\ell_3$ & 0.0 fixed & $0.468 \pm 0.016$ & 0.0 fixed & $-0.003 \pm 0.011$ & 0.0 fixed & $0.0328 \pm 0.0028$ \\ $u_{\rm A}$ & 0.07 fixed & 0.00 fixed & $0.402 \pm 0.081$ & $0.046 \pm 0.021$ & $0.0910 \pm 0.015$ & $0.146 \pm 0.023$ \\ $u_{\rm B}$ & 0.10 fixed & 0.00 fixed & 0.10 fixed & $= u_{\rm A}$ & 0.24 fixed & $= u_{\rm A}$ \\ $v_{\rm A}$ & 0.22 fixed & 0.35 fixed & $-0.34 \pm 0.14$ & 0.22 fixed & 0.08 fixed & 0.21 fixed \\ $v_{\rm B}$ & 0.22 fixed & 0.35 fixed & 0.22 fixed & 0.22 fixed & 0.24 fixed & 0.21 fixed \\ $e\cos\omega$ & 0.017 fixed $^{(a)}$ & $-$0.00913$\pm$0.00010 & $-$0.12541$\pm$0.00013 & $-$0.12838$\pm$0.00011 & 0.00766$\pm$0.00011 & $-$0.04600$\pm$0.00097 \\ $e\sin\omega$ & 0.032 fixed $^{(a)}$ & 0.0027$\pm$0.0033 & $-$0.3281$\pm$0.0021 & 0.3614$\pm$0.0020 & $-$0.0119$\pm$0.0019 & $-$0.0311$\pm$0.0019 \\ $P$ (d) & 12.095$\pm$0.002 & 7.98763$\pm$0.00032 & 70.02358$\pm$0.00034 & 25.935953$\pm$0.000034 & 3.808385$\pm$0.000004 & 3.169090$\pm$0.000021 \\ $T_0$ & 58748.220$\pm$0.002 & 58480.4275$\pm$0.0003 & 59216.4877$\pm$0.0015 & 58813.2011$\pm$0.0001 & 58767.0005$\pm$0.0001 & 58671.1670$\pm$0.0003 \\ $K_{\rm A}$ (\kms) & $23.818 \pm 0.033$ $^{(a)}$ & $145.5 \pm 0.03$ $^{(c)}$ & & $97.4 \pm 0.2$ $^{(d)}$ & $26600 \pm 1000$ $^{(e)}$ & $150.4 \pm 0.8$ $^{(f)}$ \\ $K_{\rm B}$ (\kms) & & $150 \pm 3$ $^{(c)}$ & & $91.2 \pm 0.2$ $^{(d)}$ & $22200 \pm 1000$ & $176.6 \pm 0.8$ $^{(f)}$ \\ \multicolumn{5}{@{}l}{\it Derived parameters:}\\ $r_{\rm A}$ & $0.1272 \pm 0.0005$ & $0.13871 \pm 0.00066$ & $0.04232 \pm 0.00015$ & $0.03822 \pm 0.00051$ & $0.25163 \pm 0.00050$ & $0.22171 \pm 0.00055$ \\ $r_{\rm B}$ & $0.0676 \pm 0.0030$ & $0.1026 \pm 0.0019$ & $0.01547 \pm 0.00005$ & $0.04191 \pm 0.00029$ & $0.06461 \pm 0.00020$ & $0.1742 \pm 0.0016$ \\ $e$ & 0.0392 $^{(a)}$ & $0.0095 \pm 0.0010$ & $0.3512 \pm 0.0020$ & $0.3835 \pm 0.0018$ & $0.0141 \pm 0.0016$ & $0.0555 \pm 0.0011$ \\ $\omega$ ($^\circ$) & 63.7 $^{(a)}$ & $164 \pm 18$ & $249.08 \pm 0.14$ & $109.5 6\pm 0.11$ & $302.8 \pm 4.3$ & $214.2 \pm 1.1$ \\ Light ratio & $0.05 \pm 0.02$ & $0.496 \pm 0.022$ & $0.09094 \pm 0.00025$ & $1.253 \pm 0.032$ & $0.03186 \pm 0.00026$ & $0.5912 \pm 0.0057$ \\ $M_{\rm A}$ (\hbox{$\mathcal{M}^{\rm N}_\odot$}) & & $10.87 \pm 0.44$ & & $6.880 \pm 0.037$ & & $6.239 \pm 0.066$ \\ $M_{\rm B}$ (\hbox{$\mathcal{M}^{\rm N}_\odot$}) & & $10.54 \pm 0.22$ & & $7.348 \pm 0.039$ & & $5.313 \pm 0.060$ \\ $R_{\rm A}$ (\hbox{$\mathcal{R}^{\rm N}_\odot$}) & & $6.477 \pm 0.073$ & & $3.415 \pm 0.046$ & & $4.551 \pm 0.019$ \\ $R_{\rm B}$ (\hbox{$\mathcal{R}^{\rm N}_\odot$}) & & $4.79 \pm 0.10$ & & $3.745 \pm 0.027$ & & $3.575 \pm 0.035$ \\ $\log g_{\rm A}$ (c.g.s.) & $3.95 \pm 0.05$ $^{(b)}$ & $3.851 \pm 0.010$ & & $4.209 \pm 0.012$ & & $3.9170 \pm 0.0029$ \\ $\log g_{\rm B}$ (c.g.s.) & $3.50 \pm 0.04$ & $4.100 \pm 0.016$ & & $4.157 \pm 0.006$ & & $4.0570 \pm 0.0084$ \\ \Teff$_{\rm ,A}$ (K) & $23200 \pm 200$ $^{(b)}$ & 26600 $^{(c)}$ & & $21500 \pm 1000$ $^{(d)}$ & & $18100 \pm 500$ $^{(g)}$ \\ \Teff$_{\rm ,B}$ (K) & $14700 \pm 1200$ & 25950 & & $22000 \pm 1000$ $^{(d)}$ & & $17100 \pm 500$ $^{(g)}$ \\ $\log(L_{\rm A}/\hbox{$\mathcal{L}^{\rm N}_\odot$})$ & & & & $3.351 \pm 0.081$ & & $3.302 \pm 0.048$ \\ $\log(L_{\rm B}/\hbox{$\mathcal{L}^{\rm N}_\odot$})$ & & & & $3.471 \pm 0.079$ & & $2.993 \pm 0.052$ \\ \hline \end{tabular} \newline References: $^{(a)}$ \citet{Lehmann+01aa}; $^{(b)}$ \citet{NievaPrzybilla12aa}; $^{(c)}$ \citet{Demey+96aa}; $^{(d)}$ Taken from \citet{Janik+03aa}. The errorbars for $K_{\rm A}$ and $K_{\rm B}$ have been doubled. No errorbars were given for the \Teff\ values so errorbars of 1000~K have been assumed. \\ $^{(e)}$ \citet{Cakirli+14}; $^{(f)}$ \citet{Andersen83aa}; $^{(g)}$ \citet{Clausen96aa}; \end{table*} \begin{table*} \centering \caption{\label{tab:lc:2} Physical properties of those systems for which an approximate analysis with {\sc jktebop} was performed. Quantities in brackets are uncertainties in the final digits of the preceding numbers. All times are given as BJD(TDB) $-$ 2400000.} \setlength{\tabcolsep}{4pt} \begin{tabular}{@{}lccccccc@{}} \hline & $\lambda$ Sco & $\mu$ Eri & AN Dor & EO Aur & HD 217919 & V379 Cep & V2107 Cyg \\ \hline \multicolumn{5}{@{}l}{\it Fitted parameters:} \\ $r_{\rm A}+r_{\rm B}$ & 0.32 & 0.40 & 0.40 & 0.44 & 0.17 & 0.072 & 0.38 \\ $k$ & 0.17 & 0.28 & 0.35 & 0.62 & 0.41 & 0.96 & 0.34 \\ $i$ ($^\circ$) & 80.0 & 68.4 & 80.8 & 83.1 & 83.2 & 86.9 & 86.1 \\ $J$ & 0.26 & 0.15 fixed & 0.051 & 0.76 & 0.80 & 0.96 & 0.59 \\ $\ell_3$ & 0.54 fixed & 0.0 fixed & 0.0 fixed & 0.0 fixed & 0.20 & 0.50 fixed & 0.0 fixed \\ $u_{\rm A}$ & 0.05 fixed & 0.10 fixed & 0.33 & 0.05 fixed & 0.05 fixed & 0.07 fixed & 0.05 \\ $u_{\rm B}$ & 0.24 fixed & 0.18 fixed & 0.24 fixed & 0.25 fixed & 0.28 fixed & 0.07 fixed & 0.10 fixed \\ $v_{\rm A}$ & 0.15 fixed & 0.22 fixed & 0.10 fixed & 0.09 fixed & 0.07 fixed & 0.22 fixed & 0.22 fixed \\ $v_{\rm B}$ & 0.25 fixed & 0.29 fixed & 0.21 fixed & 0.21 fixed & 0.20 fixed & 0.22 fixed & 0.21 fixed \\ $e\cos\omega$ & 0.033 & & 0.043 & 0.0 fixed & 0.009 & 0.0 fixed & $-0.015$ \\ $e\sin\omega$ & $-$0.032 & & $-$0.033 & 0.0 fixed & 0.124 & 0.0 fixed & 0.030 \\ $P$ (d) & 5.94501 & 7.3813 (3) & 2.032671 (1) & 4.065556 (3) & 16.20566 (5) & 99.7638 fixed & 4.284446 (15) \\ $T_0$ (BJD/TDB) & 58634.974 & 58449.2324 (3) & 59155.71301 (1) & 58830.47762 (5) & 58805.1534 (3) & 58716.1004 (8) & 58712.70759 (6) \\ $K_{\rm A}$ (\kms) & $39.3 \pm 0.4$ $^{(a)}$ & $24.24 \pm 0.53$ $^{(b)}$ & & & & 43.4 $^{(c)}$ & 104 $^{(d)}$ \\ $K_{\rm B}$ (\kms) & & & & & & 79.7 $^{(c)}$ & 187 $^{(d)}$ \\ \multicolumn{5}{@{}l}{\it Derived parameters:}\\ $r_{\rm A}$ & 0.28 & 0.31 & 0.30 & 0.27 & 0.12 & 0.037 & 0.29 \\ $r_{\rm B}$ & 0.046 & 0.09 & 0.10 & 0.17 & 0.05 & 0.035 & 0.097 \\ $e$ & 0.047 & 0.344 fixed $^{(b)}$ & 0.054 & 0.0 & 0.124 & 0.0 & 0.034 \\ $\omega$ ($^\circ$) & 315 & 160.5 fixed $^{(b)}$ & 322 & & 85.8 & & 117 \\ Light ratio & 0.0072 & 0.01 & 0.0067 & 0.29 & 0.13 & 0.87 & 0.066 \\ $M_{\rm A}$ (\hbox{$\mathcal{M}^{\rm N}_\odot$}) & & & & & & 12.5 & 7.1 \\ $M_{\rm B}$ (\hbox{$\mathcal{M}^{\rm N}_\odot$}) & & & & & & 6.8 & 3.9 \\ $R_{\rm A}$ (\hbox{$\mathcal{R}^{\rm N}_\odot$}) & & & & & & 8.9 & 7.1 \\ $R_{\rm B}$ (\hbox{$\mathcal{R}^{\rm N}_\odot$}) & & & & & & 8.5 & 2.4 \\ $\log g_{\rm A}$ (c.g.s.) & & $3.55 \pm 0.04$ $^{(b)}$ & & & & 3.6 & 3.6 \\ $\log g_{\rm B}$ (c.g.s.) & 4.44 & & & & & 3.4 & 4.3 \\ \Teff$_{\rm ,A}$ (K) & $25000 \pm 1000$ $^{(a)}$ & $15590 \pm 120$ $^{(b)}$ & & & & 22000 $^{(c)}$ & $22500 \pm 1500$ $^{(d)}$ \\ \Teff$_{\rm ,B}$ (K) & & & & & & 20200 $^{(c)}$ & $15200 \pm 1600$ $^{(d)}$ \\ $\log(L_{\rm A}/\hbox{$\mathcal{L}^{\rm N}_\odot$})$ & & & & & & & 4.1 \\ $\log(L_{\rm B}/\hbox{$\mathcal{L}^{\rm N}_\odot$})$ & & & & & & & 2.4 \\ \hline \end{tabular} \newline References: $^{(a)}$ \citet{Uytterhoeven+04aa}; $^{(b)}$ \citet{Jerzykiewicz+13mn}; $^{(c)}$ \citet{Harmanec+07aa}; $^{(d)}$ \citet{Bakis+14aj}. \end{table*} \begin{table*} \centering \caption{\label{tab:lc:wd} Physical properties of those systems for which an analysis with {\sc jktwd} was performed. All times are given as BJD(TDB) $-$ 2400000. } \setlength{\tabcolsep}{5pt} \begin{tabular}{@{}lcccccc@{}} \hline & $\delta$ Cir & CC Cas & FZ CMa & SZ Cam \\ \hline \multicolumn{5}{@{}l}{\it Parameters from {\sc jktebop}:} \\ $P$ (d) & $3.902493 \pm 0.000025$ & $3.366029 \pm 0.000024$ &$1.273071 \pm 0.000008$ & $2.69863 \pm 0.0003$ \\ $T_0$ (BJD/TDB) & $58638.34812 \pm 0.00009$& $58811.83691 \pm 0.00013$&$58501.87752 \pm 0.00003$& $58827.49911 \pm 0.00009$ \\ \multicolumn{5}{@{}l}{\it WD control and fixed parameters:} \\ WD mode & 2 & 0 & 2 & 2 \\ Treatment of reflection & 1 & 1 & 1 & 1 \\ Number of reflections & 1 & 1 & 1 & 1 \\ Limb darkening law & logarithmic & logarithmic & logarithmic & logarithmic \\ Numerical grid size (normal) & 40 & 40 & 60 & 60 \\ Numerical grid size (coarse) & 30 & 30 & 50 & 60 \\ \Teff\ of star~A (K) & 37500 & 34500 $^{(b)}$ & 22000 $^{(d)}$ & $30320 \pm 150$ $^{(e)}$ \\ \Teff\ of star~B (K) & n/a & 29000 $^{(b)}$ & n/a & $28015 \pm 130$ $^{(e)}$ \\ Mass ratio ($M_2/M_1$) & $0.570 \pm 0.008$ & $0.424 \pm 0.009$ & $0.991 \pm 0.073$ & $0.747 \pm 0.006$ \\ Rotation rate for star~A & 1.0 & 1.0 & 1.0 & 1.0 \\ Rotation rate for star~B & 1.0 & 1.0 & 1.0 & 1.0 \\ Albedo for star~A & 1.0 & 1.0 & 1.0 & 1.0 \\ Albedo for star~B & 1.0 & 1.0 & 1.0 & 1.0 \\ Gravity darkening exponent for star~A & 1.0 & 1.0 & 1.0 & 1.0 \\ Gravity darkening exponent for star~B & 1.0 & 1.0 & 1.0 & 1.0 \\ Logarithmic LD coefficient star~A & 0.2353 & 0.2465 & 0.2070 & 0.2597 \\ Logarithmic LD coefficient star~B & 0.2097 & 0.2124 & 0.2032 & 0.2374 \\ \multicolumn{5}{@{}l}{\it WD fitted parameters:} \\ Potential of star~A & $4.204 \pm 0.029$ & $3.284 \pm 0.038$ & $4.55 \pm 0.07$ & $3.43 \pm 0.22$ \\ Potential of star~B & $4.815 \pm 0.067$ & $3.181 \pm 0.057$ & $4.57 \pm 0.20$ & $4.22 \pm 0.48$ \\ Orbital inclination ($^\circ$) & $77.80 \pm 0.19$ & $65.44 \pm 0.21$ & $88.05 \pm 0.20$ & $83.0 \pm 1.9$ \\ Orbital eccentricity & $0.05868 \pm 0.0048$ & $0.0099 \pm 0.0013$ & 0.0 & 0.0 \\ Argument of periastron ($^\circ$) & $353.6 \pm 4.3$ & $209 \pm 27$ & n/a & n/a \\ Light from star~A & $7.35 \pm 0.28$ & $9.67 \pm 0.36$ & $3.511 \pm 0.084$ & $4.75 \pm 0.59$ \\ Light from star~B & n/a & $2.48 \pm 0.14$ & n/a & n/a \\ \Teff\ of star~B (K) & $30400 \pm 400$ & n/a & $20241 \pm 125$ & $29910 \pm 430$ \\ Linear LD coefficient star~A & 0.3794 (fixed) & $0.52 \pm 0.14$ & $0.000 \pm 0.086$ & $0.457 \pm 0.033$ \\ Linear LD coefficient star~B & 0.3561 (fixed) & $0.42 \pm 0.24$ & $0.037 \pm 0.084$ & $0.445 \pm 0.072$ \\ Third light & $0.277 \pm 0.023$ & & $0.4667 \pm 0.0061$ & $0.531 \pm 0.046$ \\ $K_{\rm A}$ (\kms) & $153.0 \pm 1.4$ $^{(a)}$ & $123.9 \pm 2.0$ $^{(c)}$ & $215 \pm 8$ $^{(d)}$ & $185.2 \pm 2.8$ $^{(e)}$ \\ $K_{\rm B}$ (\kms) & $268.2 \pm 2.8$ $^{(a)}$ & $292.4 \pm 4.6$ $^{(c)}$ & $217 \pm 11$ $^{(d)}$ & $247.0 \pm 3.6$ $^{(e)}$ \\ \multicolumn{5}{@{}l}{\it Derived parameters:}\\ $r_{\rm A}$ & $0.2812 \pm 0.0018$ & $0.3570 \pm 0.0043$ & $0.2857 \pm 0.0005$ & $0.3706 \pm 0.0093$ \\ $r_{\rm B}$ & $0.1618 \pm 0.0025$ & $0.2245 \pm 0.0055$ & $0.2822 \pm 0.0026$ & $0.2087 \pm 0.0092$ \\ $M_{\rm A}$ (\hbox{$\mathcal{M}^{\rm N}_\odot$}) & $20.00 \pm 0.50$ & $23.49 \pm 0.92$ & $5.16 \pm 0.56$ & $13.22 \pm 0.47$ \\ $M_{\rm B}$ (\hbox{$\mathcal{M}^{\rm N}_\odot$}) & $11.41 \pm 0.24$ & $9.95 \pm 0.34$ & $5.11 \pm 0.46$ & $9.91 \pm 0.35$ \\ $R_{\rm A}$ (\hbox{$\mathcal{R}^{\rm N}_\odot$}) & $9.256 \pm 0.091$ & $10.87 \pm 0.18$ & $3.001 \pm 0.094$ & $8.61 \pm 0.24$ \\ $R_{\rm B}$ (\hbox{$\mathcal{R}^{\rm N}_\odot$}) & $5.326 \pm 0.091$ & $6.84 \pm 0.18$ & $2.964 \pm 0.097$ & $4.85 \pm 0.22$ \\ $\log g_{\rm A}$ (c.g.s.) & $3.806 \pm 9,997$ & $3.736 \pm 0.013$ & $4.196 \pm 0.022$ & $3.689 \pm 0.023$ \\ $\log g_{\rm B}$ (c.g.s.) & $4.043 \pm 0.014$ & $3.766 \pm 0.022$ & $4.203 \pm 0.018$ & $4.063 \pm 0.039$ \\ $\log(L_{\rm A}/\hbox{$\mathcal{L}^{\rm N}_\odot$})$ & $5.184 \pm 0.070$ & $5.179 \pm 0.053$ & $3.28 \pm 0.16$ & $4.752 \pm 0.025$ \\ $\log(L_{\rm B}/\hbox{$\mathcal{L}^{\rm N}_\odot$})$ & $4.339 \pm 0.090$ & $4.474 \pm 0.064$ & $3.12 \pm 0.19$ & $4.116 \pm 0.040$ \\ \hline \end{tabular} \newline References: $^{(a)}$ \citet{Penny+01apj}; $^{(b)}$ \citet{Hill+94aa}; $^{(c)}$ \citet{Gorda13astbu}; $^{(d)}$ \citet{Moffat+83aa}; $^{(e)}$ \citet{Tamajo+12aa}. \end{table*} \begin{figure*} \includegraphics[width=\textwidth]{plotTESSphase_gimp.eps} \caption{\label{fig:phase} Fit to the TESS data for nine of the short-period systems (labelled). In each case the data are shown after subtraction of the normalisation polynomials. Those with lots of data were fitted using {\sc jktebop} and those with only 400 datapoints were fitted using {\sc wd2004}. The best fits are shown with black lines. The residuals of the fits are shown at the base of each panel, multiplied by a factor of five to make the features easier to see. The data shown for AN\,Dor cover only one of the five TESS sectors, in order to decrease the size of the image file.} \end{figure*} \begin{figure*} \includegraphics[width=\textwidth]{plotTESSeclipse_gimp.eps} \caption{\label{fig:ecl} Fit to the TESS data for four of the long-period systems (labelled). In each case the data are shown after subtraction of the normalisation polynomials. The {\sc jktebop} best fits are shown with black lines. The residuals of the fit is shown at the base of each panel, multiplied by a factor of five to make the features easier to see.} \end{figure*} \subsection{16\,Lacertae $=$ EN\,Lacertae} 16\,Lac is a very bright early-B-type EB showing shallow eclipses and gorgeous $\beta$\,Cephei pulsations. It was discovered to be a spectroscopic binary by \citet{Lee10apj}, to be pulsating by \citet{Walker51pasp}, and to be eclipsing by \citet{Jerzykiewicz80conf}. Star B has not been detected either photometrically or spectroscopically. Spectroscopic observations have been used to investigate the pulsations and to determine the spectroscopic orbit of the primary component \citep{Lehmann+01aa,Aerts+01aa}. Extensive photometry was obtained by \citet{Jerzykiewicz+15mn}, who performed a frequency analysis and a fit to the eclipses. \citet{Jerzykiewicz+15mn} found multiple frequencies attributable to $\beta$\,Cephei pulsations. 16\,Lac has since been observed by TESS in Sector 16, but is not scheduled to be observed again by this satellite. The TESS data from Sector 16 show clear multi-periodic pulsations with a maximum amplitude of approximately 0.01\,mag, plus two consecutive eclipses of depth 0.04\,mag (Fig.\,\ref{fig:time:1}). We had to remove the requirement of QUALITY $=$ 0 in order to avoid losing datapoints in the second half of the first eclipse; the flagged data appear to be as reliable as the data with QUALITY $=$ 0. The eclipses are grazing and strongly distorted by the pulsations, so we elected to remove the pulsations before fitting the eclipses. The secondary eclipse is shallow and smaller than the pulsations. It was not detected by \citet{Jerzykiewicz+15mn}, who attributed this to it being very shallow due to the low \Teff\ of star~B. After removal of the pulsations the secondary eclipse is identifiable at the correct orbital phase (0.511 based on the $e$ and $\omega$ from \citealt{Lehmann+01aa}), representing the first direct detection of light from star~B and confirming the interpretation of \citet{Jerzykiewicz+15mn}. We removed the pulsations in two different ways and modelled both light curves with {\sc jktebop}, finding good consistency between the parameters. The orbital shape parameters ($e$ and $\omega$) were fixed at the values for the spectroscopic orbit of star~A from \citet{Lehmann+01aa}. Agreement is good for all parameters except $J$, for which we find 0.133 and 0.230 for the two light curves. Adopting $J=0.18 \pm 0.05$ and $T_{\rm eff,1} = 22\,500$\,K gives $T_{\rm eff,2} = 14700 \pm 1200$\,K. The current TESS data (Fig.\,\ref{fig:time:1}) are not definitive but do at least provide the first detection of the secondary eclipse. From the $r_{\rm B}$, $i$, $K_{\rm A}$ and $P$ in Table\,\ref{tab:lc:1} we can determine the surface gravity of star~B \citep[see][]{Me++07mn}. We find $\log g_{\rm B} = 3.50 \pm 0.04$ which is lower than that of the primary. One explanation for this would be if star~B is still in the pre-main-sequence evolutionary phase. Owing to the large pulsation amplitude amplitudes of 16\,Lac relative to the eclipse depths, the eclipse profiles are significantly affected by the pulsations which limits our binary modelling. We manually removed the primary eclipses from the TESS light curve of 16\,Lac prior to our pulsation frequency analysis. The summary figure of 16\,Lac is shown in Fig.~A1, including its pre- and post-clipped light curve and labelled amplitude spectrum. Star~A is known to be a multi-periodic $\beta$\,Cephei star, and our analysis of TESS data reveals a dominant pulsation mode frequency of $5.9105 \pm 0.0001$\,d$^{-1}$ with an amplitude of $5.65 \pm 0.03$\,mmag. We detected a total of eight significant independent pulsation mode frequencies which span the frequency range of $1.5 < \nu < 11.5$~d$^{-1}$, which is a typical range for such stars. \subsection{$\delta$ Circinus} $\delta$\,Cir is an O-type eclipsing binary that shows SLF variability in its TESS light curve similar to other O-type stars \citep{Bowman+20aa}. No intrinsic variability in either star has been previously reported, likely due to the difficulty of obtaining high-quality photometry of such a bright star. It has a small eccentricity, apsidal motion, and a third component on a wider orbit. \citet{Penny+01apj} discovered the third star in IUE spectra (see also \citealt{Stickland+93obs}) and inferred spectral types of O7\,III-V, O9.5\,V and B0.5\,V for the three components. Their preferred \Teff\ values were $37500 \pm 1500$\,K, $33000 \pm 1000$\,K and $29000 \pm 2000$\,K, respectively. The most recent study was by \citet{Mayer+14aj}, in which references to earlier work can be found. \citeauthor{Mayer+14aj} favoured a spectral type of O8\,IV for star~A. They also interferometrically resolved star~C using the VLTI, finding a magnitude difference of $\Delta H = 1.75$\,mag (no uncertainty quoted) which corresponds to a fractional contribution of approximately 17\% in the $H$-band. $\delta$\,Cir was observed by TESS in Sector 12 and the light curve shows eclipses of depth 0.17\,mag (primary) and 0.13\,mag (secondary) onto which a much lower-amplitude variability is superimposed (Fig.\,\ref{fig:time:1}). Our fits require an orbital eccentricity that is small but highly significant and in good agreement with previous studies of this system. Star~A has a large fractional radius so we produced a preliminary fit of the light curve with {\sc jktebop}, phase-folded it, and performed a detailed analysis with {\sc wd2004} (Table\,\ref{tab:lc:wd} and Fig.\,\ref{fig:phase}). Due to the presence of a known third component we included $\ell_3$ as a fitted parameter, obtaining a value of $0.277 \pm 0.023$. This is much larger than the 0.17 expected from the interferometrically-determined $H$-band magnitude difference, suggesting the presence of a fourth component, contaminating light in the large TESS aperture, or imperfect subtraction of background light during the data reduction process. \citealt{Mayer+14aj} noted that some of the observed spectral line profiles were better fitted by four components, although its hierarchical position within the system is unclear, which supports the larger third light value we find. Future analyses would benefit from additional constraints on $\ell_3$ in the TESS passband, perhaps through further optical or near-IR interferometry. We determined the physical properties of the system from the results of our WD analysis and the velocity amplitudes from \citet{Penny+01apj}. The velocity amplitude of star~B found by \citet{Mayer+14aj} is significantly larger, but was not supplied with an errorbar so we were do not use it. We find masses in good agreement with those from \citet{Penny+01apj} but not \citet{Mayer+14aj}, and radii in good agreement with those from \citet{Mayer+14aj}. Although the mass measurements have precisions of 2--3\% their true uncertainty is larger than this; the radius measurements should be reliable. We detected no significant independent pulsation modes in the residual amplitude spectrum of $\delta$\,Cir, as shown in Fig.~A2. The light curve is dominated by SLF variability, which is typical for stars of spectral type of mid-to-late O. Furthermore, we note that since the system contains more than a single O-type star, the light curve (and amplitude spectrum) dominated by SLF variability has contributions for stars of different mass and age. Hence the flux dilution of each star's variability based on their relative light contributions is an important factor when interpreting SLF variability in multiple systems. \subsection{$\eta$ Orionis} $\eta$\,Ori is a system of at least five early-type stars showing multiple types of photometric variability. Components A and B form a visual double separated by 1.8\as, and component C is distant by 114\as\ \citep{Balega+99astl,Mason+01aj}. Component A is itself a spectroscopic triple system comprising an EB \citep{KunzStebbins16paas} with a period of 7.99\,d ($\eta$\,Ori\,Aa,b) orbited by a tertiary with a 9\,yr period ($\eta$\,Ori\,Ac). A photometric variability with a period of 0.301\,d has been found to occur in the AB system, possibly arising from star~Ab \citep{Koch++80baas,BeardsleyZizka80baas}. This periodicity was corrected to 0.432\,d by \citet{WaelkensLampens88aa}. \citet{Demey+96aa} obtained spectroscopic observations and detected LPVs with a period of 0.13\,d that could be ascribed to a non-radial pulsation mode of angular degree $\ell=4$ and azimuthal order $m=-3$. The Aa,b and Ac system has also been spatially resolved using lucky spectroscopy \citep{Maizapellaniz+18aa}. These authors found spectral types of B0.7\,V for Aa and B1.5\,V for B, but were unable to identify Ab in their spectrum. \citet{Maizapellaniz+18aa} also found that component B consists of two stars with high rotational velocities and a large radial velocity (RV) separation. This is consistent with the idea suggested by \citet{Lee+93aspc} that component B is a 0.864\,d contact binary and the shorter-period variation is actually due to the effects of binarity in this object. $\eta$\,Ori was observed by TESS in sectors 6 and 32 (Fig.\,\ref{fig:time:1}), and is not scheduled to be observed again. Both light curves show eclipses with a period of 7.988\,d and a sinusoidal variability with a 0.43\,d period. The features in the data from sector 32 have a much lower amplitude, implying difficulties in extracting reliable light curves for a star this bright, so we restricted our analysis of the data from sector 6. Here the eclipses are of depth 0.23 and 0.21 mag, and the sinusoidal variability has a period of 0.43207\,d and an amplitude of 0.021\,mag. Our initial fits to the eclipses in the TESS data showed large residuals due to the shorter-period variation, so we proceeded with fits including a sine term to account for it. This yields a much better result (Table\,\ref{tab:lc:1}), but a more detailed analysis is needed for this object. The ratio of the variability periods is $18.4869 \pm 0.0001$, which is not consistent with any orbital commensurabilities. The shorter-period variability appears to be strictly periodic and also not exactly sinusoidal in shape, consistent with the ellipsoidal effect arising from a close binary. We conclude that the available data are plausibly \reff{explained} as arising from a quintuple star system containing two binary systems: a detached EB with a period of 7.988\,d and one component showing g-mode pulsations, and a non-eclipsing binary with a period of 0.8641\,d and strong ellipsoidal variations. \subsection{$\lambda$ Scorpii} $\lambda$\,Sco is a very bright system that has been studied extensively in the past. The inner binary is eclipsing and is composed of a B-star ($10.4 \pm 1.3$\Msun) showing $\beta$\,Cephei pulsations and a 1.6--2.0\Msun\ unevolved MS star; it has an orbital period of 5.953\,d and eccentricity of 0.26. The tertiary component is a B-star ($8.1 \pm 1.0$\Msun) on a much wider orbit of period 2.96\,yr that has been interferometrically resolved. Extensive information and analysis of this system can be found in \citet{Demey+97aa}, \citet{Uytterhoeven+04aa,Uytterhoeven+04aa2} and \citet{Tango+06mn}, and a more recent study can be found in \citet{HandlerSchwarzenbergczerny13aa}. $\lambda$\,Sco was observed by TESS in Sectors 12 (Fig.\,\ref{fig:time:1}) and 39, but only the first was available at the time of our analysis. We accepted all measurements with finite SAP flux values, irrespective of their QUALITY flag, giving 16\,088 brightness measurements. The TESS light curve exhibits shallow eclipses and strong $\beta$\,Cephei variability. However, the eclipse depths (0.015 and 0.005 mag) are in poor agreement with those in an unpublished light curve (0.04 and 0.01 mag) from the WIRE satellite \citep{BrunttSouthworth08conf} so these data may not be reliable. We nevertheless proceeded to fit the TESS data with {\sc jktebop} (Table\,\ref{tab:lc:2}). We fixed the third light at 0.54 based on the interferometric measurement at 700\,nm from \citet{Tango+06mn}. Our solution has a much lower eccentricity than in previous studies, and we recommend that a detailed analysis using more extensive data is performed when possible. The results are given in Table\,\ref{tab:lc:1} to only a small number of significant figures. With the $K_{\rm A}$ from \citet{Uytterhoeven+04aa} we were able to calculate the surface gravity of star~B to be 4.44 (log cgs), which is appropriate for a low-mass MS star. This conclusively rules out the possibility that star~B is a white dwarf \citep{Berghofr+00apj} and also disfavours the idea that it is a pre-MS star \citep{Uytterhoeven+04aa}. Similar to 16\,Lac, $\lambda$\,Sco is a system for which the eclipse profiles are significantly affected by the pulsations which limits our binary modelling. We manually removed the eclipses from the TESS light curve prior to our frequency analysis, with its summary figure shown in Fig.\,A1. The primary of $\lambda$\,Sco is a known multi-periodic $\beta$\,Cephei star, and our analysis of the clipped TESS light curve reveals a dominant pulsation mode frequency of $4.6790 \pm 0.0001$\,d$^{-1}$ and amplitude of $4.02 \pm 0.02$\,mmag, which is consistent in frequency to that detected by \citet{Uytterhoeven+04aa2} using spectroscopy. We detected a total of five significant independent pulsation mode frequencies which span the frequency range of $4 < \nu < 10$~d$^{-1}$. $\lambda$\,Sco was also recently identified as a candidate high-priority target for the upcoming ESA/KU Leuven CubeSpec space mission, which will assemble high-cadence and high resolution optical spectroscopy of massive stars, because of its high amplitude $\beta$\,Cephei pulsations \citep{Bowman+22aa}. \subsection{$\mu$ Eridani} $\mu$\,Eri is another bright system with an extensive observational history, composed of an SPB star and a much smaller and less massive star in a 7.359\,d orbit with an eccentricity of 0.34. It has been known to be a spectroscopic binary for over a century \citep{FrostAdams10sci,Frost++26apj,Hill69pdao}, and was discovered to be a pulsating variable by \citet{Handler+04mn} and eclipsing by \citet{Jerzykiewicz+05mn}. \citet{Jerzykiewicz+13mn} presented a detailed analysis of the system based on extensive spectroscopy and 12\,d of observations from the MOST satellite. They extracted pulsation frequencies, fitted the eclipses, and derived a new single-lined spectroscopic orbit. $\mu$\,Eri was observed by TESS in Sectors 5 and 32, totalling 52\,d of coverage including observations of seven eclipses (Fig.\,\ref{fig:time:1}). The pulsations strongly affect the eclipse shapes but unfortunately are not easy to remove. We therefore modelled the two sectors of data with {\sc jktebop} with the pulsations still present, and give only indicative parameters in Table\,\ref{tab:lc:2}. We fixed $e$ and $\omega$ at the values given by \citet{Jerzykiewicz+13mn} and chose an indicative surface brightness ratio of 0.15. We expect that a more detailed analysis of these data could lead to a more robust model of the system. Owing to the significant gap between the two available short-cadence sectors of $\mu$\,Eri, we analysed the pulsational variability of both sectors independently. After manually removing the eclipses from the light curves, we did not find any significant frequencies following our S/N $\geqslant$ 5 significance criterion, despite $\mu$\,Eri being a known g-mode pulsator \citep{Handler+04mn,Jerzykiewicz+05mn,Jerzykiewicz+13mn}. This is not surprising since in our analysis we restricted ourselves to S/N $\geqslant$ 5\reff{, and the resolution of the currently available TESS light curves is insufficient to reliably extract frequencies from a multiperiodic g-mode pulsator,} whilst previous studies have pushed down to as low as S/N $\geqslant$ 3. The low-frequency g-mode regime of $\mu$\,Eri, as can been seen in Fig.\,A1, is dense and contains multiple unresolved frequencies. These unresolved frequencies together increase the local noise level resulting in the highest amplitude peaks having S/N~$<$~5. The analysis of both pulsations and eclipses in $\mu$\,Eri will greatly benefit from further spectroscopic monitoring. \subsection{AN Doradus} AN\,Dor shows total eclipses with the secondary (0.05\,mag) much shallower than the primary (0.16\,mag), plus a strong reflection effect and clear $\beta$\,Cephei pulsations. Little is known about this object: it was discovered to be eclipsing using {\it Hipparcos} satellite data and given its designation in the General Catalogue of Variable Stars by \citet{Kazarovets+99ibvs}. \citet{HoukCowley75book} gave its spectral type as B2/3\,V. \citet{PercyAuyong00ibvs} included it in a short list of variable B-stars in EBs, with the comment that ``the short-term variability is \ldots uncertain''. No other study of it has been published, to our knowledge. AN\,Dor has been observed extensively by TESS. It was observed in short cadence in two sets of five consecutive sectors (2--6 and 29--33), in long cadence in sectors 9, 12 and 13, and again in short cadence in sectors 36 and 39. To obtain a preliminary characterisation of the system we have analysed the light curve from sectors 29--33 (see Fig.\,\ref{fig:time:1}) as these are sufficient for our purposes and of better quality that that from sectors 2--6. We find a good fit using {\sc jktebop} (Fig.\,\ref{fig:phase}) although star~A is formally too deformed for this code to be reliable (see Table\,\ref{tab:lc:2}). Despite the short orbital period of 2.03\,d the system has an eccentric orbit. Star~B is smaller and much fainter than star~A; the light ratio of 0.7\% means extensive effort will be needed to obtain RVs for it. For the \refff{frequency} analysis we again restricted ourselves to analysing sectors 29--33, as these data cover a long time interval and are of high quality. There are many significant frequencies in the residual amplitude spectrum of AN\,Dor that coincide with integer multiples of the orbital frequency. These are shown as dashed red lines in the summary figure of AN\,Dor in Fig.\,A2. We interpret the majority of these frequencies to be the result of an imperfect binary model. On the other hand, we also detect many significant independent frequencies which are indicated by green lines in Fig.\,A2. Given the frequency range of its variability, spanning between 1 and 16\,d$^{-1}$ with its dominant frequency range between 1 and 4~d$^{-1}$, and spectral type, we conclude that AN\,Dor is a $\beta$\,Cephei \refff{and/or SPB pulsator. Further observations and analysis are needed to refine this conclusion.} \subsection{CC Cassiopeiae} CC\,Cas is an EB containing two close but detached stars of masses 23\Msun\ and 10\Msun\ on a 3.37\,d orbit. It was discovered to be an SB2 by \citet{Pearce27pdao}, to be eclipsing by \citet{GuthnickPrager30an}, and to show night-to-night variability by \citet{Polushina88pz}. The most detailed study of the system was published by \citet{Hill+94aa}, who measured the masses, radii, \Teff\ values and spectral types of the component stars. A more recent spectroscopic analysis by \citet{Gorda13astbu} returned significantly larger masses for the two stars than in previous works, suggesting that more extensive study of this spectroscopically difficult system is needed. CC\,Cas was observed by TESS in Sectors 18 and 19 (Fig.\,\ref{fig:time:2}) and the appearance of the light curve in the two sectors is very similar. The large fractional radii of star~A meant we had to perform an initial {\sc jktebop} analysis to obtain the orbital ephemeris, phase-bin the data, and then fit it with {\sc wd2004} (Fig.\,\ref{fig:phase}). The results of this work are given in Table\,\ref{tab:lc:wd}. The fractional radii are measured to precisions of 1.2\% and 2.5\%. The orbital inclination, $65.44 \pm 0.21^\circ$, is one of the lowest known for an EB and is possible because of the large sizes of the stars relative to the orbit. It is also significantly lower than found in previous work (e.g.\ \citealt{Hill+94aa} found $i = 69.6 \pm 0.4^\circ$) -- this may have occurred due to the low quality of the photometry available before TESS or alternatively it might indicate presence of dynamical effects such as those as seen in VV\,Ori by \citet{Me++21mn}. The light curve solution requires a small but highly significant orbital eccentricity of $e = 0.0099 \pm 0.0013$; solutions assuming a circular orbit cannot correctly reproduce the shapes of the ingress and egress of the eclipses. Previous studies of CC\,Cas (e.g.\ \citealt{Hill+94aa} and \citealt{Gorda13astbu}) have assumed a circular orbit due to lack of evidence for eccentricity, but the TESS light curve is inconsistent with that assumption. We determined the physical properties of the system using our photometric analysis and the spectroscopic results from \citet{Gorda13astbu}, which appear to be based on the highest-quality spectra. The masses are measured to better than 4\% precision and the radii to better than 2\%. This system is therefore a good candidate for measuring the properties of a 23\Msun\ star to high precision, although extensive high-quality spectroscopy and a sophisticated analysis will be needed. We detect no significant independent pulsation modes in the residual amplitude spectrum of CC\,Cas, as shown in Fig.~A2. The light curve is dominated by SLF variability, which is consistent with the recent result that main-sequence O-type stars have predominantly SLF variability rather than multiple high-amplitude heat-driven modes \citep{Bowman+20aa}. \subsection{EO Aurigae} EO\,Aur is an EB containing two early-B stars in a 4.07\,d orbit. The system was discovered to be a spectroscopic binary by \citet{Pearce43paas} and to be eclipsing by \citet{Gaposchkin43pasp}. It has proved to be spectroscopically intractable due to the large line broadening of the components \citep{Popper78apj,Burkholder++97apj} so the masses are not known with any certainty; future analysis using methods such as spectral disentangling may meet with more success \citep[e.g.][]{PavlovskiHensberge05aa,Pavlovski++18mn}. Light curves and radius measurements have been presented by \citet{Schneller63an} and \citet{Hartigan81jaavso}. EO\,Aur was observed in TESS Sector 19 (Fig.\,\ref{fig:time:2}). Our {\sc jktebop} fit to these data is shown in Fig.\,\ref{fig:phase}. We get a reasonable but not a good fit, failing in particular to match the data around the times of first and fourth contact for the primary eclipse. Star~A has a fractional radius too large for {\sc jktebop} (Table\,\ref{tab:lc:2}) and this is likely the reason for our imperfect fit. The system is in need of extensive new observations and analysis for its properties to be established reliably. The residual amplitude spectrum of EO\,Aur contains four significant frequencies which coincide with integer multiples of the orbital frequency, but also a single additional independent frequency at $12.1466 \pm 0.0005$\,d$^{-1}$. Therefore we classify EO\,Aur as containing a $\beta$\,Cephei pulsator. The summary figure of EO\,Aur is shown in Fig.\,A2. We surmise, similarly to many stars in our sample, that EO\,Aur is a multi-periodic $\beta$\,Cephei pulsator, but the analysis of only a single available TESS sector does not reveal low amplitude pulsation modes. \subsection{FZ Canis Majoris} FZ\,CMa was discovered to show double spectral lines with variable RV by \citet{Neubauer43apj} and to be eclipsing on a 1.27\,d period by \citet{MoffatVogt74aaa}. A detailed analysis of the system was presented by \citet{Moffat+83aa}. They found excess scatter in their light curves and attributed this to intrinsic variability of the system. They also found a large third light and a light-time effect indicative of the presence of a tertiary component of large mass and an orbit with a period of 1.47\,yr. The system has been spectrally classified as B2\,Vn by \citet{Claria74aj}, as B2.5\,IV-V by \citet{MoffatVogt74aaa}, and as B2\,IVn by \citet{Herbst+78apj}. \citet{Moffat+83aa} obtained eight spectra which showed lines of the eclipsing stars and used these to determine preliminary masses for them. They did not spectroscopically detect the tertiary despite its large mass, which suggests it is either rotating very quickly or instead could itself be binary \citep{Chambliss92pasp}. A detailed spectroscopic study of this system is needed in order to characterise it properly. FZ\,CMa was observed by TESS in sectors 7 and 33, and both light curves show clear eclipses and intrinsic variability (Fig.\,\ref{fig:time:2}). Due to the known light-time effect we modelled these separately using {\sc wd2004}. The eclipses are shallow and V-shaped, and can only be fitted with a large amount of third light, as already found by \citet{Moffat+83aa}. The amount of third light is very well determined as $\ell_3 = 0.467 \pm 0.007$, i.e.\ it is almost half of the total light of the system. We are able to obtain a good but not perfect fit to the TESS data (Fig.\,\ref{fig:phase}), and determine the fractional radii to precisions of 0.2\% for the primary and 1.0\% for the secondary (Table\,\ref{tab:lc:wd}). To obtain our solution we adopted a \Teff\ for star~A of 22\,000\,K \citep{Moffat+83aa} and arbitrarily assigned an uncertainty of 2000\,K to this value. The physical properties are given in Table\,\ref{tab:lc:wd} and suffer from large uncertainties in the measured velocity amplitudes. We analysed the sector 7 and 33 data for FZ\,CMa separately, finding that they ultimately yield similar pulsation mode frequencies. FZ\,CMa shows a total of four significant pulsation mode frequencies between $2 < \nu < 8$~d$^{-1}$ in sector 7, classifying it as a $\beta$\,Cephei \refff{and/or SPB} star. \refff{The masses of the two stars (Table\,\ref{tab:lc:wd}) are quite low both for$\beta$\,Cephei pulsations and for their spectral types, which has (at least) two plausible explanations. First, line blending due to the fast rotation of the stars causes their masses to be underestimated \citep[e.g.][]{Andersen75aa}. Second, the pulsational signature may arise from the third component, which contributes a large fraction of the total light, rather than one (or both) of the eclipsing stars. In both cases the system would benefit from a detailed spectroscopic analysis to determine precise masses and \Teff\ values for the component stars.} The summary figures for both sectors are shown in Fig.\,A2. \subsection{HD 217919} HD~217919 is unique in this work as it was not previously known to be an EB, but was instead picked up by a colleague (Dr.\ P.\ Maxted) whilst browsing the TESS database. It is a known spectroscopic binary, for which \citet{Garmany72aj} presented a single-lined orbit with a period of 17.04\,d and an eccentricity of 0.26; he also noted that the lines appeared doubled on three of the plates. The TESS light curve shows lovely $\beta$\,Cephei pulsations overlaid on obvious but shallow eclipses of depth 0.09\,mag (primary) and 0.03\,mag (secondary)\reff{, representing the first detection of eclipses and pulsations in this system.} HD~217919 has been observed by TESS in three sectors: 17, 18 and 24 (Fig.\,\ref{fig:time:2}). The phasing of the observations is such that six secondary but only three primary eclipses were observed. The stars are well-detached so are suitable for analysis with {\sc jktebop}. The time interval covered by the TESS data is long enough to get a precise linear ephemeris. In Fig.\,\ref{fig:phase} we show the best fit and in Table\,\ref{tab:lc:2} we give the fitted parameters from our eclipse analysis. We find a solution with a period of 16.2\,d, a small eccentricity, and a significant third light. It is therefore possible that there is a tertiary component that is responsible for the pulsations, rather than one of the eclipsing components. The presence of a bright third star will also make spectroscopic analysis of this system difficult. The solution is unstable in that separate fits of individual sectors give very different results, so we give only an indicative solution: the best fit to all data but to only a few significant figures. We performed a frequency analysis of the two segments of TESS data available for HD~217919 separately, although they differ somewhat in quality and the resultant frequency lists. This revealed a rather dense spectrum of significant pulsation modes that span between $1.5 < \nu < 10.5$~d$^{-1}$. The apparent groups of the frequencies is reminiscent of high-radial order gravity modes seens in non-linear SPB pulsators (see e.g.\ \citealt{Kurtz+15mn}), which can be explained at least in part by combination frequencies. However, such a phenomenon has not been seen for low-radial order p-modes in $\beta$\,Cephei stars, assuming that these pulsation modes are intrinsic to the primary. If they are intrinsic to the secondary or \reff{tertiary}, then the companions could be SPB stars. Given the frequency range and spectral types of the system, we tentatively classify these as $\beta$\,Cephei \refff{/ SPB} pulsations. They may plausibly arise in any of the three components of the system. \subsection{HQ Canis Majoris} HQ\,CMa was found to show variable RV by \citet{BuscombeMorris60mn} and to be eclipsing by \citet{JerzykiewiczSterken77aca}. \citet{Sterken+85aas} presented the only known dedicated analysis of this object, establishing its orbital period as 24.6033\,d. although they were not able to observe a single eclipse in its entirety. HQ\,CMa has been observed by TESS in three sectors: 7, 34 and 35 (Fig.\,\ref{fig:time:2}). Only one eclipse is visible in these data, in sector 34 and of depth 0.022\,mag, but variability consistent with SPB and/or $\beta$\,Cephei pulsations is clearly discernable. Upon analysis with {\sc jktebop} we immediately discovered the period from \citet{Sterken+85aas} is incorrect because the data 24.6\,d after the observed eclipse does not have an eclipse. A nearby gap in the data allows periods of 21.2 to 22.6\,d; values of 34.5\,d or longer would also be consistent with the TESS light curve. Faced with a system showing a single shallow partial eclipse and an unknown orbital period, it is a thankless task to deduce its properties so we have not attempted to do so. The shallowness of the eclipse can easily be matched using a grazing eclipse configuration, but it is also possible that there is a strong third light in the system in which case it is possible that the pulsations do not arise from either of the stars in the EB. We analysed sectors 33 and 34 of the TESS data of HQ~CMa in search for significant pulsations, blind to in which star they may originate. As shown in the summary figures in Fig.\,A1, there is evidence of both low-frequency g-modes indicative of an SPB star and high-frequency p-modes indicative of a $\beta$\,Cephei star. The amplitudes of the $\beta$\,Cephei pulsations are quite small and not all frequencies are significant in both sectors. Similarly, the presence of multiple unresolved frequencies in the low-frequency g-mode regime means that only a single g-mode frequency has S/N~$\geq$~5 in sector 33. Since the primary has a spectral type of B3\,V, it is in the mass regime that allows for both p- and g-mode frequencies to be excited by the $\kappa$ mechanism during the main sequence \citep{Walczak+15aa,SzewczukDaszynska17mn}. We conclude that HQ\,CMa contains either a candidate SPB/$\beta$\,Cephei pulsator, or the $\beta$\,Cephei pulsations originate in a contaminating source given that the secondary likely has a later spectral type that the primary, and hence is not massive enough to host $\beta$\,Cephei pulsations. \subsection{LS Canis Majoris} Despite its brightness, almost nothing was previously known for LS\,CMa. Its variability was found using the {\it Hipparcos} satellite and it was attributed this name and the ``E:'' designation in the General Catalogue of Variable Stars \citep{Kazarovets+99ibvs}. Its RV is listed as 6\kms\ in the General Catalogue of Stellar Radial Velocities \citep{Wilson53gcvr} and a rotational velocity of 17\kms\ was given by \citet{Abt++02apj}. LS\,CMa was observed with TESS in two sets of two consecutive sectors: 6 and 7, and 33 and 34 (Fig.\,\ref{fig:time:2}). The light curve shows clear variability aside from the eclipses. Four eclipses were observed: a secondary then part of the next primary in sectors 6 and 7, and a primary and immediately following secondary in sectors 33 and 34. The primary eclipse is annular and the secondary eclipse is total, indicating that the primary star is significantly hotter and larger than the secondary. Due to the order the eclipses were observed in, and despite the 730\,d time interval between the two observed primaries (and also secondaries) it is straightforward to establish the orbital period of the system as 70\,d. Using {\sc jktebop} we refined this and the remaining photometric parameters to the values given in Table\,\ref{tab:lc:1}. The best fit to the eclipses is shown in Fig.\,\ref{fig:ecl}. Frequency analysis of sectors 33 and 34 of LS\,CMa reveals a few significant frequencies that coincide with integer multiples of the orbital frequency. We also detect a single independent frequency in sector 33, of frequency $\nu = 1.61381 \pm 0.00006$~d$^{-1}$ and amplitude of $0.768 \pm 0.004$~mmag. This frequency is not significantly detected in sector 34. LS\,CMa is therefore not a convincing pulsating EB system based on the data currently available. The summary figures for the frequency analysis of LS\,CMa are shown in Fig.\,A3. \subsection{SZ Camelopardalis} SZ\,Cam is a triple system with an inner orbital period of 2.70\,d and a long observational history, having been discovered to be a spectroscopic binary by \citet{Plaskett24pdao} and to be eclipsing by \citet{GuthnickPrager30an}. Extensive investigations have been published by \citet{Wesselink41anlei,Mayer+10aa} and \citet{Tamajo+12aa}. There is a tertiary star that orbits the EB every approximately 55\,yr. \citet{Tamajo+12aa} found that the third component is itself an SB1 with a period of 2.80\,d, meaning that SZ\,Cam is a quadruple system. They also detected $\beta$\,Cephei pulsations in the system with a period of 0.333\,d and tentatively attributed it to one of the non-eclipsing stars. SZ\,Cam was observed by TESS in sector 19 (Fig.\,\ref{fig:time:3}). We fitted these data with {\sc wd2004} assuming a circular orbit and allowing for third light (Fig.\,\ref{fig:phase}). The amount of third light we obtain is much greater than found by \citet{Tamajo+12aa}, which can be explained by the large size of the apertures used to extract the light curve from the TESS data. However, many other parameters show a significant difference between our values (Table\,\ref{tab:lc:wd}) and those found by \citet{Tamajo+12aa}. This includes the orbital inclination, which might have changed due to dynamical effects, and the \Teff\ of star~B which is inconsistent with the spectroscopic value from \citet{Tamajo+12aa}. We deduced a value of the mass ratio from the TESS light curve: it is somewhat smaller than that obtained by \citet{Tamajo+12aa} from the spectroscopic orbits, and better matches values from earlier studies \citep[see table\,1 in][]{Tamajo+12aa}. In calculating the physical properties of the system we favoured the spectroscopic mass ratio and \Teff\ valus from \citet{Tamajo+12aa} over our own determinations. The measured radii are much less certain than the values from \citet{Tamajo+12aa} despite the use of the TESS data. Based on these issues, we conclude that the properties of SZ\,Cam are not as well established as suggested by previous work. A new analysis of this spectroscopically-difficult system is needed. We detect no significant independent pulsation modes in the residual amplitude spectrum of SZ\,Cam, as shown in Fig.\,A3. The light curve is dominated by SLF variability. This is not surprising given that the majority of the light contribution will be from the O9\,IV primary and O-type stars are known to be dominated by SLF variability \citep{Bowman+20aa}. We do not detect the $\beta$\,Cephei pulsation mode frequency of \citet{Tamajo+12aa} at significant amplitude in the TESS data. This is probably because of flux dilution of the pulsating star by the O-type primary, and the high fraction of contamination from nearby stars for SZ\,Cam given that it is a member of a young cluster \citep{Tamajo+12aa} and TESS pixels subtend a large angular size. \subsection{V379 Cephei} V379\,Cep was found to exhibit variable RV by \citet{Adams++24pasp} and to be eclipsing by \citet{Jerzykiewicz93aas}; its orbital period of 99\,d took some effort to establish \citep{Clayton96pasp,Gordon+98aj}. \citet{Harmanec+07aa} found it to be a hierarchical quadrule system composed of two binary systems (the non-eclipsing one having a period of 158.7\,d) orbiting each other every 7900\,d. V379\,Cep was observed by TESS in sectors 15--17 and will be observed again in sector 55. Two eclipses are visible, one in sector 15 and one in sector 17, separated by 49.9\,d (Fig.\,\ref{fig:time:3}). Under the assumption that these are one primary and one secondary eclipse, we fitted the light curve with {\sc jktebop} using a fixed orbital period of 99.7658\,d \citep{Harmanec+07aa}. Our solution (Fig.\,\ref{fig:ecl}) is surprisingly consistent with a circular orbit, and unsurprisingly requires a large and poorly-constrained amount of third light to match the data. We adopted $\ell_3 = 0.50$ to produce an indicative solution of the TESS data, which is given in Table\,\ref{tab:lc:2}. This is lower than the value of $\ell_3 = 0.7$ adopted by \citet{Harmanec+07aa}, but returns (slightly) more plausible system properties from the TESS light curve. Further work on this object is needed for its properties to be reliably established. We detect no significant independent pulsation modes in the residual amplitude spectrum of V379\,Cep, as shown in Fig.~A3. The light curve is dominated by SLF variability. \subsection{V436 Persei} \begin{figure} \includegraphics[width=\columnwidth]{plotMCv436per.eps} \caption{\label{fig:v436per:mc} Monte Carlo scatter plots for V436\,Per. Three local minima in parameter space are visible in the ratio of the radii. These have been represented in different colours for clarity. The preferred minimum is the one in green and is the group with the largest value of $k$.} \end{figure} V436\,Per was found to be a spectroscopic binary by \citet{Adams12apj} and to be eclipsing by \citet{Kurtz77pasp}. \citet{Harmanec+97aa} have summarised the observational history of the system, and also detected LPVs in their high-resolution spectra. These authors subsequently revisited the system \citep{Janik+03aa}, were unable to confirm the LPVs, and established the orbital elements to high precision using spectral disentangling. Observations of V436\,Per were obtained by TESS in sector 18 (Fig.\,\ref{fig:time:3}), and the light curve fortuitously contains one primary and one secondary eclipse (Fig.\,\ref{fig:phase}). To constrain the orbital period of the system we adopted a time of minimum of HJD $2443562.861 \pm 0.020$ where the value comes from \citet{Janik+03aa} and the errorbar from \citet{Harmanec+97aa}. The $e$ and $\omega$ of the system are of such a value that there exists three regions in parameter space that provide a similar fit. This is illustrated in Fig.\,\ref{fig:v436per:mc}. We can reject the local minimum with $k = 0.69 \pm 0.03$ on statistical grounds, as it corresponds to a significantly worse fit (higher reduced $\chi^2$). On closer inspection this result occurs only for unphysical values of the limb darkening coefficients. We can also reject the local minimum with $k = 0.84 \pm 0.02$ on astrophysical grounds, as it corresponds to an inverted mass--radius relationship for this binary system composed of two main-sequence stars. We therefore base our results on the third minimum ($k = 1.10 \pm 0.03$), which also is fully consistent with the $e$, $\omega$ and \Teff\ values from the extensive spectroscopic analysis of this system by \citet{Janik+03aa}. With our results plus the velocity amplitudes from \citet{Janik+03aa} we establish physical properties of the system to high precision for the first time (Table\,\ref{tab:lc:1}). A confirmation of these results could come from a direct measurement of a spectroscopic light ratio, as this differs significantly between the three local minima. We detect no significant independent pulsation modes in the residual amplitude spectrum of V436\,Per, as shown in Fig.~A3. The light curve is dominated by SLF variability, but additional photometry would be useful in distinguishing SLF variability from independent pulsation modes that are possibly present but insignificant in the current data. \subsection{V446 Cephei} V446\,Cep was discovered to be eclipsing based on data from the \textit{Hipparcos} satellite \citep{Kazarovets+99ibvs}, with a period of 3.81\,d. \citet{Cakirli+14} published the only dedicated analysis of the system, based on the \textit{Hipparcos} light curve and 15 medium-resolution spectra. They assigned spectral types of B1\,V and B9\,V, and determined the masses (18 and 2.6\Msun) and radii (8.3 and 2.1\Rsun) of the stars. TESS observed V446\,Cep in sectors 16, 17 and 24. The light curve shows annular primary eclipses of depth 0.08\,mag, total secondary eclipses of depth 0.03\,mag, and multiperiodic pulsations of a few mmag amplitude (Fig.\,\ref{fig:time:3}). Our {\sc jktebop} analysis required a small orbital eccentricity to fit the data properly, but no third light was needed. We were able to get a good fit to the data (Fig.\,\ref{fig:phase}) and evaluated the uncertainties of the resulting parameters using Monte Carlo and residual-permutation algorithms \citep{Me08mn}. The surface brightness ratio of the two stars is 0.48 so their \Teff\ ratio should be approximately $0.48^{1/4}=0.83$. This does not agree with the determinations by \citet{Cakirli+14}, $26600 \pm 1000$\,K and $11900 \pm 1050$\,K, which have a ratio of $0.45 \pm 0.05$. Given this discrepancy, and the preliminary nature of the published analysis, their spectroscopic results are questionable. We have therefore not determined the physical properties of the system, in favour of deferring this until more extensive spectroscopy becomes available. If the \Teff\ of star~A from \citet{Cakirli+14} is reliable, then our $J$ gives a \Teff\ of star~B of approximately 22\,000\,K (Table\,\ref{tab:lc:1}). We performed a \refff{frequency} analysis of sectors 16--17 and 24 of V446\,Cep separately owing to their temporal separation and difference in data quality. Most noteworthy is the presence of a high-amplitude frequency in both residual amplitude spectra which coincides with an orbital harmonic, as shown in the summary figures in Fig.\,A3. Specifically, $10.24372 \pm 0.00006$\,d$^{-1}$ with an amplitude of $1.262 \pm 0.007$\,mmag in sectors 16--17 and $10.2437 \pm 0.0002$\,d$^{-1}$ with an amplitude of $1.28 \pm 0.01$\,mmag in sector 24. There are also several independent pulsation modes spanning $2 < \nu < 12$~d$^{-1}$. Therefore, we conclude that V446\,Cep is a candidate system for showing TEOs in addition to $\beta$\,Cephei pulsations. On the other hand, if the secondary is sufficiently evolved it could be a $\delta$\,Scuti pulsator, but we deem this a less favourable solution given the known properties of the system. \subsection{V539 Arae} V539\,Ara consists of B3\,V and B4\,V stars in a 3.17\,d orbit. \citet{Neubauer30licob} found it to be SB2 and \citet{Strohmeier64ibvs3} discovered eclipses. The most detailed work on this object comes from the Copenhagen group: \citet{Andersen83aa} determined a spectroscopic orbit based on extensive photographic spectroscopy, \citet{Clausen+96aas} presented extensive $uvby$ photometry, and \citet{Clausen96aa} measured the masses and radii of the component stars to high precision. The system shows intrinsic variability \citep{Knipe71aa}, which \citet{Clausen96aa} ascribed to SPB pulsations in the secondary star and identified three possible frequencies. V539\,Ara also undergoes apsidal motion \citep{Andersen83aa} with an apsidal period of $162 \pm 8$\,yr. There is a tertiary companion with a period of $42.3 \pm 0.8$\,yr \citep{WolfZejda05aa} and a wider companion at 12.3\,arcsec that is fainter than the EB by approximately 3.6\,mag in the \textit{Gaia} $G$, BP and RP passbands. V539\,Ara was observed by TESS in sectors 13 and 39 (Fig.\,\ref{fig:time:3}). For our {\sc jktebop} analysis we analysed these separately and did not consider photometry from other sources, in order to avoid issues with the apsidal motion. We allowed for an eccentric orbit and third light, and calculated uncertainties using the Monte Carlo and residual-permutation algorithms (Fig.\,\ref{fig:phase}). The results from the two sectors are in very good agreement so were combined according to their weighted means. The residual-permutation errorbars are larger than the Monte Carlo errorbars, which can be attributed to the variability in the light curve. Our results establish the radii of the stars to precisions of 0.4\% (star~A) and 1\% (star~B; Table\,\ref{tab:lc:1}), and are in good agreement with those from \citet{Clausen96aa}. We detect no significant independent pulsation modes in the residual amplitude spectrum of V539\,Ara, as shown in Fig.~A3, hence it is dominated by SLF variability. Similarly to SZ\,Cam, the difference in our classification of SLF variability and the SPB classification of \citet{Clausen96aa} is likely because of flux dilution of the pulsating star by the non-pulsating star, and possible contamination from the large TESS pixels. If additional light curve data become available, it is likely that the independent g-mode frequencies of \citet{Clausen96aa} would become extractable and significant. \subsection{V2107 Cygni} V2107\,Cyg was observed spectroscopically by \citet{Mercier57jo}, who found it to be SB1 with a small eccentricity. It was subsequently detected to be eclipsing from \textit{Hipparcos} observations \citep{Kazarovets+99ibvs}. The only detailed study published so far is that of \citet{Bakis+14aj}, who presented medium-resolution spectroscopy and extensive $BVR$ photometry. They established the physical properties of the stars and detected LPVs, attributing this to $\beta$\,Cephei pulsations in the primary star. V2107\,Cyg has been observed by TESS in sectors 14, 15 and 41 (Fig.\,\ref{fig:time:3}), and will also be observed in sectors 54 and 55. These show clear $\beta$\,Cephei pulsations superimposed on total and annular eclipses. Our {\sc jktebop} fit (Fig.\,\ref{fig:phase}) included an eccentric orbit but not third light, as this is not well determined by the data. The primary star is tidally deformed beyond the limits of applicability of {\sc jktebop} \refff{\citep{Kopal59book,NorthZahn04newar}}, and the velocity amplitude of the secondary star is uncertain \citep{Bakis+14aj} so we give only approximate values for the properties of the components (Table\,\ref{tab:lc:2}). Our frequency analysis of the residual light curve of V2107\,Cyg reveals a multiperiodic pulsator with a frequency range spanning $0.37 < \nu < 9.21$\,d$^{-1}$. Combined with the spectral type of B1\,III, this confirms the pulsator class identification of $\beta$\,Cephei\refff{/SPB}. We find no \refff{obvious} regular structure or patterns in the frequency spectrum of observed pulsations indicative of rotational splittings or tidally perturbed modes, which is interesting given its significantly distorted structure \citep[see e.g.][]{Me+20mn,Me++21mn}. We conclude that the V2107\,Cyg is a valuable system for follow-up study. We are in the process of obtaining new high-quality spectroscopy and will perform a detailed analysis of the system in due course. \section{Summary and discussion} We present the analysis of TESS data for 18 eclipsing binary systems containing pulsating high-mass stars. Of these, \refff{six are definite and eight are candidate} $\beta$\,Cephei pulsators, \refff{eight are possible} SPB pulsators and \reff{seven} have light curves and amplitude spectra dominated by SLF variability. Most of the pulsation detections are new, and significantly increase the number of EBs known to contain stars with these types of pulsations. We fitted the light curves with two EB models to determine the properties of the systems and remove the effects of binarity from the TESS data. These residual light curves were then subjected to frequency analysis to classify the pulsations and measure pulsation frequencies and amplitudes. Future work, guided by additional spectroscopy and TESS photometry, will aid in identifying the geometries of the identified pulsation mode frequencies, which is typically a prerequisite for forward asteroseismic modelling. Spectroscopic orbits are available in the literature for several of these EBs, and in these cases the full physical properties of the system were calculated based on the literature spectroscopy and the TESS data. We determined precise physical properties for five systems ($\delta$\,Cir, CC\,Cas, SZ\,Cam V436\,Per and V539\,Ara) and preliminary physical properties for four more. Many of the objects studied in this work show lovely eclipses and pulsations and are promising candidates for detailed study. We have already begun a spectroscopic survey of the best candidates and will present results once we have them. The study of pulsating high-mass stars in EBs is an important new avenue for constraining the physics of these objects. In particular, the amount and shape of the interior mixing profiles of massive stars are unconstrained and there is ever-growing evidence that current stellar structure models underpredict the mixing in massive EBs \citep{Tkachenko+20aa}. When coupled with asteroseismology, the conclusion of needing extra mixing is strengthened further \citep{Johnston21aa}. Another important constraint that pulsations within massive binaries can provide are on the impact of tides on stellar structure. In the case of short-period, near-circular binaries, the effect of tides can modify the equilibrium structure such that this is detected in the pulsation frequency spectrum \citep{Me+20mn,Me++21mn}. There are few such detections of so-called tidally-perturbed pulsation modes in massive binaries. Therefore, a larger survey of constraining the impact of tides on binary star evolution theory probed by pulsations is needed. Finally, an important constraint that pulsating massive binaries may provide is on the excitation mechanism(s) of pulsation modes. It is known that the heat-engine mechanism is strongly dependent on the opacity and rotation of a star \citep[e.g.][]{SzewczukDaszynska17mn}. However, it is often difficult to determine an accurate mass and age of a massive star from spectroscopy or evolutionary models alone. The dynamical masses of EBs provide model-independent masses that can be used to more accurately constrain the parameter space of pulsations in the HR diagram. Thus the impact of binary interaction and the excitation physics of pulsations among early-type stars is now possible to study thanks to high-precision TESS data for a large sample of massive stars. \section*{Data availability} All data underlying this article are available in the MAST archive ({https://mast.stsci.edu/portal/Mashup/Clients/Mast/Portal.html}). \section*{Acknowledgements} We thank Pierre Maxted for alerting us to HD 217919. The TESS data presented in this paper were obtained from the Mikulski Archive for Space Telescopes (MAST) at the Space Telescope Science Institute (STScI). STScI is operated by the Association of Universities for Research in Astronomy, Inc., under NASA contract NAS5-26555. Support to MAST for these data is provided by the NASA Office of Space Science via grant NAG5-7584 and by other grants and contracts. Funding for the TESS mission is provided by the NASA Explorer Program. This research has made use of the SIMBAD database, operated at CDS, Strasbourg, France; the SAO/NASA Astrophysics Data System; and the VizieR catalogue access tool, CDS, Strasbourg, France. DMB gratefully acknowledges funding from the Research Foundation Flanders (FWO) by means of a senior postdoctoral fellowship with grant agreement no.\ 1286521N. \bibliographystyle{mnras}
85ead45b5b1fb6fef801448b161ebdd6378cf194
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{introduction} Imitation learning (IL) empowers non-experts to train robotic systems for arbitrary tasks. Improvements in IL would support more widespread adoption of robotic technologies in the home and workplace, but IL methods often require large amounts of supervised training data \cite{bc} and/or employ unintuitive data collection approaches \cite{dart, dagger}, creating a bottleneck in the adoption of these technologies. A more natural approach to training of robotic agents is through supervisor \textit{interventions}, in which the supervisor (human operator) only intervenes in the agent's activity to provide corrections when it is approaching or has reached an undesirable state. The intervention approach is natural, because over time, it incrementally reduces the need for the supervisor to take over as the agent improves its performance, and it also reflects the way humans learn motor tasks such as driving a car with a coach. Furthermore, as opposed to imitation learning with supervisor-generated data only, intervention-based learning produces vast amounts of agent-generated data that could support it in further optimizing the agent’s policy. Reinforcement learning (RL) methods are designed specifically to optimize agents based on such agent-generated data. Advances in RL have recently led to several breakthroughs in creating superhuman agents for games such as Atari, Go, and Chess \cite{muzero} as well as new successes in controlling complex physical characters within simulated environments \cite{deepmimic}. However, the main disadvantage of RL methods for real environments is that they require vast amounts of agent-generated trial-and-error data as they explore the environments. Another factor that may obstruct widespread adoption of robots is the task-specific feature engineering required in most robotic systems. This has been mitigated somewhat by the aforementioned advances in deep reinforcement learning, which have broadened the generality of neural network models for policies, value estimators, and planning, but because RL tasks often require a certain amount of past experience along with the current observation for agents to perform tasks effectively, different tasks may still require different model architectures, which may be difficult for non-experts to design. In this paper, we propose a framework aimed at facilitating users in training real-world robot agents on multiple tasks with very little supervision and fine tuning using the following components. \begin{itemize} \item A new intervention-based imitation learning (IIL) algorithm that combines IL (BC \cite{bc}) and RL (TD3 \cite{td3}) techniques to train agents on both supervisor-generated and agent-generated data concurrently. \item A general multi-task model capable of simultaneously processing demonstrations, supervisor corrections, past experience, and the current observation sequence. \end{itemize} In the rest of this paper, we provide an overview of related work, formulate the IIL problem, describe our solution, describe experiments to validate the approach, then conclude with perspectives on the future potential of ReIL. \section{Related Work} \label{related-work} We build upon and address some of the limitations present in other proposed IIL algorithms such as HG-DAgger \cite{hg_dagger}, ``Learning to Drive in a Day" (which we abbreviate L2D) \cite{l2d}, EIL \cite{eil}, EGPO \cite{egpo}, IWR \cite{iwr}, and IARL \cite{iarl}. An IIL environment generates two types of data, namely supervisor-generated data and agent-generated data. Some IIL algorithms train agents with only supervisor-generated or only agent-generated data. For instance, L2D utilizes RL to optimize a lane keeping agent by rewarding total distance traveled before supervisor intervention. The authors were remarkably able to train a functional lane keeping agent in a real driving environment in just 30 minutes. However, in our experiments, we have found that adding IL on top of the L2D approach greatly improves the rate at which it learns a task. On the other hand, HG-DAgger has been shown to greatly improve the performance of agents in terms of the amount of supervisor corrections required, compared to standard behavior cloning (BC) \cite{bc} and DAgger. HG-DAgger works by simply imitating supervisor corrections with BC. However, because HG-DAgger relies solely on supervisor-generated data, the agent would not continue to learn when it is performing well enough to execute without supervisor corrections. Furthermore, any IIL method that only utilizes supervised learning, including HG-DAgger and IWR, may require agents to be pre-trained with BC to produce an initial state visitation distribution sufficient for further intervention-based training, as the agent would not learn to avoid the actions that lead to interventions directly. Besides not using all available data for learning, another specific limitation of several current state of art methods is that they either do not use or misuse estimates of cumulative discounted future reward. For example, EGPO and IARL are intervention-based RL approaches that successfully optimize an agent for navigation tasks. However, unlike L2D, these methods lack episode termination upon supervisor intervention, breaking the critical assumption that the value of a particular state-action pair is the expected cumulative future reward that would be obtained by the agent on executing that action. This introduces the possibility of a value overestimation bias for actions that lead to supervisor corrections. To make this clear, consider the case where the same reward function is applied to both supervisor-generated data and agent-generated data. Under such conditions, the supervisor may initially obtain much higher rewards than the agent, thereby creating a scenario where agent actions that lead to supervisor corrections have overestimated values. This would generally incentivize agents to ``cheat" by purposely generating undesirable actions that induce corrections. IARL avoids this problem by introducing a heuristic of differentiating the reward $r_t$ applied to the supervisor and the agent: \(r_t^{mix} = r_t - g_t\beta\), where $\beta$ is a positive constant and \(g_t = 1\) during supervisor corrections and $0$ otherwise. This differentiation prevents training on a single value function for both types of data. On the other hand, EGPO does permit the use of the same reward function for both supervisor and agent actions, but this permission leads to a requirement for an additional constrained optimization to minimize supervisor interventions. Although methods such as IARL and EGPO utilize cumulative discounted future reward in ways that require additional heuristics to avoid undesirable behavior, eliminating value estimators entirely, as some other methods do, is also undesirable, as it delegates responsibility for comparing the relative quality of actions to the user. EIL is an IIL method that outperforms BC, DAgger, and also HG-DAgger. However, these methods do not utilize expected cumulative future reward, instead introducing a manually determined hyperparameter that determines the quality of each data-point for the process of optimization. \section{Problem Formulation} \label{problem-formulation} In this section, we describe the IIL problem in terms of two objectives, a formal IIL objective and an informal system design objective. \subsection{Intervention-based Imitation Learning Objective} The agent $\pi_{\theta}$ is assumed to operate within an environment given as a tuple $(S,A,P,R^{task},\pi_s)$, where $S$ and $A$ are the sets of possible states and actions, $P$ and $R^{task}$ denote the transition probability function and the task-specific reward function, and $\pi_s$ denotes the policy of the supervisor. An IIL trajectory is a sequence of tuples $(s_t, a_t, f^{demo}_t) \in S\times A\times \{0,1\}$ for $t \in 1..T$. We assume that $a_t = (1-f^{demo}_t)\pi_{\theta^{t}}(s_t) + f^{demo}_t\pi_s(s_t)$, where $f^{demo}_t = 0$ for agent-generated data and $f^{demo}_t = 1$ for supervisor-generated data. Moreover, the supervisor is assumed to have a set of acceptable state-action pairs for a task $\mathcal{D}_{good} \subseteq S \times A$ and that when $(s_t, \pi_{\theta^{t}}(s_t)) \not\in \mathcal{D}_{good}$, the supervisor intervenes and corrects the agent. In such situations, would like an agent capable of performing arbitrary tasks optimally in the sense of the following objective. \begin{equation} \label{eq:objective} \begin{gathered} \mathop{\text{max}}_{\theta}\Big(\mathop{\mathbb{E}}_{s_{k+1} \sim P(s_k, \pi_\theta(s_k))}[\sum_{k=0}^{T-1}{\gamma^{k}R^{task}(s_{k+1}, \pi_{\theta}(s_{k+1}))]\Big)},\\ \text{subject to}\; s_k \in \mathcal{D}_{good}, \end{gathered} \end{equation} where $\gamma$ $[0, 1)$ is the discount factor. We also note the assumption of IIL that only $A$ is known to the agent; information about $S$, $\mathcal{D}_{good}$, $P$, $R^{task}$, and $\pi_{s}$ must be gathered through exploration. Although an optimal agent would not require supervisor interventions at all, explicitly optimizing to prevent such interventions does restrict the agent's state visitation to $s \in \mathcal{D}_{good}$. This restriction, by limiting the scope of exploration for the agent, actually eases its optimization. Hence, we define the IIL objective to be the maximization of the agent's task-specific performance simultaneous with preventing supervisor interventions. Furthermore, the supervisor corrections are assumed to bring the agent’s state to $s \in \mathcal{D}_{good}$ as soon as feasible. Therefore, we additionally add an objective to imitate the supervisor corrections where $s \not\in \mathcal{D}_{good}$, as this may further support the satisfaction of Equation (\ref{eq:objective}). \subsection{System Design Objective} Finding an agent satisfying Equation (\ref{eq:objective}) requires a training algorithm and a policy model. For IIL problem settings in the real world, it is important that both of these components facilitate users in training agents. Because training robots in real environments can be labor intensive and/or expensive, we focus on maximizing the sample efficiency of the framework by developing an algorithm that can be trained offline. Furthermore, so that different policy models are not needed for different tasks, we develop a multi–task model that can reduce or eliminate task-specific feature engineering. \section{Approach} \label{approach} \subsection{Intervention-based Imitation Learning Algorithm} Given $(S,A,P,R^{task},\pi_s)$, we aim to define a corresponding Markov decision process (MDP) $(S,A,P,R)$ that can be solved using RL techniques. That is to say, we reduce IIL to RL by designing a reward function $R$ that, when optimized by a RL agent, will ultimately satisfy Equation (\ref{eq:objective}). First, we tackle the aforementioned problem of possible value overestimation bias in IIL by defining a surrogate IIL objective function that is the expected cumulative discounted future reward up to the point of supervisor intervention or task termination as follows. \begin{equation} \label{eq:surrogate_objective} \begin{gathered} Q(s_t,a_t) = \mathop{\mathbb{E}}_{s_{t+1} \sim P(s_t, \pi_\theta(s_t))}[\sum_{k=0}^{K-t}{\gamma^{k}R(s_{t+k},a_{t+k})].} \end{gathered} \end{equation} We define $K = \text{min}(T, \text{min}(\{t^{int} \in t..T \mid f^{demo}_{t^{int}+1} = 1\}))$. Besides preventing value overestimation bias that may incentivize the agent to purposely ``cheat”, as in EGPO, this formulation also allows the value estimator to be trained on both agent and supervisor generated data, as the only possible value estimation bias would be underestimation of the values of supervisor actions. To find $\pi_\theta$, we will utilize the actor-critic RL formulation in which a critic with parameters $\phi$ estimates the value in Equation (\ref{eq:surrogate_objective}) utilizing the Bellman equation \begin{equation} Q_{\phi}(s_t,a_t) = R(s_t,a_t) + \gamma\big(1-\Omega^{mix}_{t}\big)Q_{\phi}\big(s_{t+1}, \pi_{\theta}(s_{t+1})\big), \end{equation} where \begin{equation} \begin{gathered} \Omega^{mix}_t = \text{max}(\Omega^{int}_t, \Omega^{task}_t), \\ \Omega^{int}_t = \text{max}(f^{demo}_{t+1}-f^{demo}_t, 0). \end{gathered} \end{equation} $\Omega^{mix}_t$, $\Omega^{int}_t$, and $\Omega^{task}_t \in \{0,1\}$ are all binary flags raised to effectively terminate the episode by restricting the value at $t$ to only $R(s_t,a_t)$. Next, in order to encourage the agent to minimize supervisor interventions, we design reward function $R$ as \begin{equation} \label{eq:reward_func} R(s_t,a_t) = (1-\Omega^{int}_t)R^{task}(s_t,a_t) + \Omega^{int}_tr^{int}, \end{equation} where $r^{int}$ is a constant satisfying \begin{equation} \label{eq:reward_constraint} r^{int} < \mathop{\text{min}}_{s\in S,a \in A}(R^{task}(s,a))/(1-\gamma). \end{equation} $r^{int}$ is the reward given upon supervisor intervention, and $R^{task}$ is any arbitrary reward function for the given task. For example, $R^{task}$ could be the magnitude of the velocity given by $a_t$, as it is in L2D. Note that $r^{int}$ must be lower than the minimum value attainable from $R^{task}$; which we assume to be the value of an action leading to an infinite sequence of $\text{min}(R^{task})$ reward. This means that the proposed MDP will lead to an agent that minimizes supervisor interventions, as the value of any action leading to an intervention now becomes strictly lower than an action that does not. Furthermore, we claim that optimizing the proposed MDP is strictly equivalent to optimizing Equation (\ref{eq:objective}) for any sub-trajectory that does not lead to supervisor intervention. This means that as long as intervention is avoided, our proposed MDP is a standard MDP, making our approach compatible with maximization of performance against any $R^{task}$. In order to solve this MDP, we utilize TD3 \cite{td3}, a RL algorithm for deterministic policies in continuous action spaces. However, as mentioned earlier, solely utilizing RL has several disadvantages in real environments, as it requires random exploration of the environment. We therefore introduce BC to augment the exploratory learning with imitation of supervisor corrections. We modify the TD3 objective function as follows. \begin{multline} J(\theta) = \mathop{\sum}_{(s,a,f^{demo}) \sim \mathcal{D}_{mem}}\Big[\alpha \underbrace{Q_{\phi}\big(s,\pi_{\theta}(s)\big)}_\text{TD3 objective} -\\ f^{demo}\underbrace{||\pi_{\theta}(s) - a||^2}_{\text{BC objective}}\Big], \end{multline} where $\mathcal{D}_{mem}$ is a set of state-action-controller tuples collected from training rollouts and $\alpha$ is a hyperparameter that can be tuned to balance the influence of the RL and BC objectives functions. \begin{figure} \centerline{\includegraphics[width=2.5in]{figures/overview.png}} \caption{ReIL principles.} \label{fig:ReIL-Overview} \end{figure} Previous work on offline RL that we abbreviate TD3+BC \cite{td3+bc} utilizes a similar objective function combining TD3 and BC allowing the off-policy RL algorithm to be trained offline. Offline RL is convenient in that it enables training of agents without the online feedback required for other RL algorithms. This is especially advantageous when training on real environments that make online training labor intensive and/or expensive. In TD3+BC, the BC term is applied at every timestep and helps regularize TD3, pushing the agent towards actions taken in the dataset without incentivizing unexplored actions whose values may be overestimated. However, naively utilizing the TD3+BC objective function for the task of IIL hinders the early trainability of the agent, as the agent initially produces poor actions that should not be imitated with BC. Therefore, we further modify the objective function by adding a hyperparameter $\beta < 1$ to allow BC for agent-generated actions with less weight than supervisor-generated ones as follows. \begin{multline} \label{eq:obj-final} J(\theta) = \mathop{\sum}_{s,a,f^{demo} \sim \mathcal{D}_{mem}} \Big[\alpha Q_{\phi}\big(s,\pi_{\theta}(s)\big) - \\ \big(f^{demo} +\beta(1-f^{demo})\big)||\pi_{\theta}(s) - a||^2\Big]. \end{multline} Fig. \ref{fig:ReIL-Overview} illustrates the intuition behind Equation (\ref{eq:obj-final}). \subsection{Multi-Task Imitation Learning Model} The techniques developed in the previous section ensure that our IIL agents make effective use of both supervisor and agent generated actions. In this section, in order to ensure the best possible sample efficiency and generality of the framework, we develop a model capable of being conditioned on demonstrations, past experience, and current observations. This provides several theoretical advantages: \begin{itemize} \item The model can be utilized for memory-dependent tasks, such as in obstacle avoidance, in which it is critical to remember the location of the obstacle currently being avoided, reducing task-specific feature engineering. \item The model has the capacity to take appropriate actions learned from past supervisor corrections. \item The same model can be trained on multiple tasks by conditioning with different user demonstrations, raising the possibility of generalizing and capturing similarities across different tasks. \end{itemize} In order to develop such a model, we adapt an existing meta-learning model to the task of imitation learning. Meta-learning is a field that focuses on creating agents that rapidly learn from new information. Effective meta-learning models are therefore capable of rapidly adapting to past experience to infer appropriate actions. SNAIL \cite{snail} is a meta-learning model that combines the advantages of both convolutional neural networks \cite{wavenet} and attention mechanisms \cite{transformer} by stacking these types of layers on top of one another. Moreover, SNAIL employs dense connections \cite{denseblock} across these layers, allowing the gradient to efficiently propagate throughout the entire stack of layers. These architectural choices make SNAIL suitable for temporal data such as the past experience of an agent. The SNAIL authors created an agent capable of efficiently navigating through complex mazes on second attempts by directly referencing the past experience of states and actions executed in the first attempt. We note that demonstrations in IL and past experience in RL are qualitatively similar, making it sensible to adapt SNAIL to the problem of imitation. \begin{figure} \centerline{\includegraphics[width=3.5in]{figures/MimeticSNAIL.png}} \caption{Illustration of the MimeticSNAIL model. The output is conditioned on the demonstration, agent actions, and supervisor corrections.} \label{fig:MimeticSNAIL} \end{figure} Fig. \ref{fig:MimeticSNAIL} illustrates our proposed SNAIL IL model, which we call MimeticSNAIL. Two modifications were made to the original model architecture, as follows. \begin{enumerate} \item Append the previous demonstration flag $f^{demo}_{t-1}$ to the latent vector fed to SNAIL. \item Augment the attention mechanism with a linear bias in the form of ALiBi \cite{alibi} as follows. \end{enumerate} \begin{equation} \text{Attention} = \text{softmax}\Big(\frac{\boldsymbol{QK}^T}{\sqrt{l_k}} - m|\boldsymbol{t}^T - \boldsymbol{t}| + \boldsymbol{M}\Big)\boldsymbol{V}. \end{equation} Here $\boldsymbol{Q}$, $\boldsymbol{V}$, $\boldsymbol{K}$, $\boldsymbol{M}$ are the query, value, key, and the causal mask matrices. The key matrix is $(T^{demo}+t) \times l_K$, $\boldsymbol{t}$ is a column vector of time frames, e.g. $[1,...,T^{demo},1,...,t]^T$, $m$ is a parameter included in $\phi$ or $\theta$, and $T^{demo}$ is the final timestep of the demonstration. This modification introduces a recency bias to the attention mechanism, and also increases the relative attention placed on demonstration time frames $t^{demo}$ in proximity to the queried time frame $\boldsymbol{t}$. Additionally, the actor model’s output contains a task-termination flag denoted as $f^{tf}_\theta = \pi^{tf}_{\theta}(s)$, which, when raised, can be used to begin the next task automatically. This allow users to train the model on arbitrarily long tasks by queing a list of shorter sub-tasks. This sequencing can be learned by copying the supervisor's task termination signal $f^{s}$ provided during training and additionally including the following objective function in the overall objective for $\theta$. \begin{multline} J^{tf}(\theta) = \mathop{\sum}_{(s,a,f^{demo}) \sim \mathcal{D}_{mem}}\big(1-f^{tf}_s\big)\log\big(1-\pi^{tf}_{\theta}(s)\big) + \\ f^{tf}_s\log\big(\pi^{tf}_{\theta}(s)\big). \end{multline} \section{Experiments} \label{experiment} We conducted experiments in simulation and real environments, aiming to compare the performance of different IIL algorithms with respect to supervisor burden. \subsection{Experimental Setup} \begin{table} \caption{Simulated Cartpole Algorithm Parameters} \begin{center} \resizebox{\columnwidth}{!}{ \begin{tabular}{ |c|c|c|c|c|c|c|c|c|c|c|c| } \hline Algorithm & Batch & U/S & $\text{LR}_{\theta}$ & Decay & $\text{LR}_{\phi}$ & $\gamma$ & Delay & Noise & U/P & $\alpha$ & $\beta$ \\ \hline ReIL, IARL & 24 & 50 & $10^{-6}$ & $10^{-4}$ & $10^{-4}$ & 0.99 & 0.005 & 0.2 & 2 & 0.05 & 0.1, 0.0\\ \hline HG-DAgger & 24 & 50 & $10^{-6}$ & $10^{-4}$ & - & - & - & - & - & - & - \\ \hline \end{tabular}} \end{center} \footnotesize{Batch = Mini-batch size, U/S = Updates per env. step, $\text{LR}_\theta$ = Actor learning rate, Decay = Actor weight decay, $\text{LR}_\phi$ = Critic learning rate, $\gamma$ = Discount factor, Delay = TD3 policy update delay parameter, Noise = TD3 target actor noise, U/P = TD3 actor update period} \label{table:cartpole_algorithm} \end{table} \begin{table} \caption{Mobile Robot Navigation Algorithm Parameters} \begin{center} \resizebox{\columnwidth}{!}{ \begin{tabular}{ |c|c|c|c|c|c|c|c|c|c|c|c| } \hline Algorithm & Epoch & $\text{LR}_\theta$ & Decay & $\text{LR}_\phi$ & $\gamma$ & Delay & Noise & U/P & $\alpha$ & $\beta$\\ \hline ReIL & 10 & $2(10^{-4})$ & $10^{-3}$ & $5(10^{-4})$ & 0.95 & 0.005 & 0.2 & 2 & 0.2 & 0.1\\ \hline HG-DAgger & 10 & $2(10^{-4})$ & $10^{-3}$ & - & - & - & - & - & - & -\\ \hline \end{tabular}} \end{center} \footnotesize{Epoch = Epochs per episode, $\text{LR}_\theta$ = Actor learning rate, Decay = Actor weight decay, $\text{LR}_\phi$ = Critic learning rate, $\gamma$ = Discount factor, Delay = TD3 policy update delay, Noise = TD3 target actor noise, U/P = TD3 Actor update period} \label{table:mobile_robot_algorithm} \end{table} We set up two environments: the OpenAI CartPole-V1 simulation and a real mobile robot equipped with a front facing monocular camera aimed at different indoor visual navigation tasks. \subsubsection{Simulated Cart-pole} The OpenAI CartPole-V1 environment was modified to support a continuous action space $A=[-1,1]$, and we utilized the original constant reward function $R^{task} = r^{int} = 1$, which satisfies Equation (\ref{eq:reward_constraint}). To simulate the supervisor in the simulation, we trained an agent to expert level with the standard TD3 algorithm in a non-IIL environment, and set the space of acceptable state-action pairs to $\mathcal{D}_{good} = \big\{(s, a) \in \mathbb{R}^4 \times A \mid |s_1|<2.0, |s_3| < 12\pi/180\big\}$. In the cartpole simulation, $s$ contains the cartpole's linear position, linear velocity, angle, and angular velocity, respectively. For this simple environment, we utilized a fully connected neural network for both the actor and the critic. We then compared ReIL, IARL,\footnote{Instead of the PPO algorithm \cite{ppo} used in IARL, we used TD3 to isolate the differences between our implementation of IARL and ReIL to only the reward function and objective function.} HG-DAgger, and ReIL with RL (TD3) only, which we denote as ReIL (Only RL). Note that ReIL (Only RL) is essentially the L2D algorithm with the cartpole reward function. The reward function for IARL is $R(s_t,a_t) = 1 - f^{demo}_t$. Additional algorithm-specific details are listed in TABLE \ref{table:cartpole_algorithm}. The goal of the agent was to balance the cartpole for 3000 consecutive timesteps. As metrics, we measured the success rate and the total number of supervised steps required for the successful runs of each algorithm across multiple runs. \begin{figure} \centerline{\includegraphics[width=1.6in]{figures/mobile_robot.png}} \caption{Indoor mobile robot platform for testing IIL methods.} \label{fig:mobile_robot} \end{figure} \begin{figure} \centering \subfloat[\centering Obstacle avoidance task]{{\includegraphics[width=1.5in]{figures/oa.png} }} \qquad \subfloat[\centering Target hitting task]{{\includegraphics[width=1.5in]{figures/th.png} }} \caption{Sample sequences of agent observations.} \label{fig:observations} \end{figure} \subsubsection{Real World Mobile Robot Navigation} To test and compare our algorithm in the real world, we developed a ROS2-enabled mobile robot equipped with a front facing monocular camera as shown in Fig. \ref{fig:mobile_robot}. The agent was set up as a high-level controller that outputs a vector of desired linear and angular velocities $a = \{ (v, \omega) \in \mathbb{R}^2 \mid |v| \leq 0.1 \; \text{m/s}, |\omega| \leq 0.4\;\text{rad/s}\}$ at 2Hz based on its visual input. The low-level controller converts the desired body velocities to the necessary wheel velocities and controls the wheels using an independent PI controller for each wheel and an outer-loop P controller for the wheel differential, all running at 100Hz. We lowered the image resolution to $40\times30$ RGB pixels to keep computational requirements modest. We formulated a universal reward function usable for any episodic IIL task as follows. \begin{equation} \begin{gathered} R^{task}(s_t, a_t) = 1, t \in [1..T-1], \\ R^{task}(s_T, a_T) = 2/(1-\gamma), r^{int} = 0. \end{gathered} \end{equation} We tested this reward function with tasks including obstacle avoidance and target hitting, with sample observations as shown in Fig. \ref{fig:observations}. We train the agents both online and offline; the agents trained offline utilized all of the data collected during the online training experiments. Each online training experiment was conducted in either one or two runs of 100 episodes. For these difficult navigation tasks, we utilize two separate MimeticSNAIL models, one for the actor and one for the critic. Both models process the $40\times30$ pixel observations with a 16-channel then a 32-channel convolutional layer, both with $4\times4$ kernels and $\text{stride} = 2$, followed by two fully-connected layers with 100 units, outputting a 100-dimensional latent vector that is then fed into the SNAIL portion of the model. The SNAIL model uses a TCBlock(L, 30), an AttentionBlock(16, 16), and a TCBlock(L, 30) with L = 75.\footnote{Due to space limitations, we refer readers to SNAIL \cite{snail} for details on the TCBlock and the AttentionBlock.} The output of the SNAIL portion of the model is fed to an additional fully-connected layer to finally output either $(a, f^{tf})$ for the actor or $Q_\phi$ for the critic. The agent did not receive any demonstration before RL began, and on every episode, it faced a new obstacle or target configuration. We mainly compare ReIL, ReIL (Only BC) and algorithms pre-trained with BC, including HG-DAgger and ReIL (Pre-trained). Further algorithm-specific details are listed in TABLE \ref{table:mobile_robot_algorithm}. Because performance is more difficult to assess in noisy real world environments than in simulation, we measured the following four separate metrics. \begin{enumerate} \item \textit{Average episode length}: The time it takes the agent to complete the task, which is a rough estimate of the agent's efficiency at completing the task. \item \textit{Average absolute angular acceleration}: An estimate of the smoothness of the agent-generated trajectory, which can highlight undesirable oscillatory behavior. Computed as $\frac{1}{T}\sum_{t=1}^T|\omega_{t}-\omega_{t-1}|$. \item \textit{Number of supervised steps}: An estimate of the supervisor's burden during online training or offline execution. \item \textit{Action error}: An estimate of the agent's performance in imitating the supervisor. The data are collected by having the supervisor provide DAgger-like off-policy desired actions during times that the agent is controlling the robot. Computed as the normalized RMSE between supervisor and agent actions ${\sqrt{\frac{1}{T}\sum_{t = 1}^{T}||\frac{\pi_\theta(s_t)-\pi_s(s_t)}{2a_{\text{max}}}||^2}}$ where $a_{\text{max}} = (0.1, 0.4)$. \end{enumerate} \begin{figure} \centerline{\includegraphics[width=3.5in]{figures/cartpole_results.png}} \caption{Simulation results. Total supervised steps required vs. the agent's average performance. A moving average filter of $n = 10$ has been applied.} \label{fig:cartpole-result} \end{figure} \begin{figure} \centering \subfloat[\centering][The time required for the agent trained with ReIL (Only BC) increases over time.]{{\includegraphics[width=3.5in]{figures/oa_average_time.png} }} \qquad \subfloat[\centering][The HG-DAgger trained agent suffers from increased oscillation as supervisor corrections increase. ]{{\includegraphics[width=3.5in]{figures/oa_average_absolute_angular_acceleration.png}}} \qquad \subfloat[\centering][All algorithms lowered the average number of supervised steps per episode over time.]{{\includegraphics[width=3.5in]{figures/oa_supervised_steps.png} }} \caption{Obstacle avoidance results. A moving average filter of $n = 10$ has been applied to (b) and (c).} \label{fig:mobile-robot-result} \end{figure} We note here that comparisons with other algorithms reflect contrasts with specific details of these algorithms, not a complete implementation of the algorithm. \begin{table} \caption{Simulated Cartpole Results} \centering \begin{tabular}{ |c|c|c| } \hline Algorithm & Supervised Steps & Success Rate\\ \hline ReIL & \textbf{270.7 (53.21)} & $20/20$\\ \hline ReIL (Only RL) & 978.667 (393.26) & $3/4$\\ \hline HG-DAgger & \textbf{251.6 (45.144)} & $20/20$\\ \hline IARL & 411.27 (267.731) & $16/20$\\ \hline \end{tabular} \label{table:cartpole_result} \end{table} \begin{table}[] \caption{Mobile Robot Navigation Results} \begin{center} \resizebox{\columnwidth}{!}{ \begin{tabular}{|l|l|l|l|l|l|l|} \hline Task & Mode & Algorithm & Error & Supervised & Steps & Angular Acc. \\ \hline \multirow{6}{*}{OA} & \multirow{4}{*}{Online} & ReIL & 0.29 (0.061) & 3.65 & 40.4 (1.783) & \textbf{0.07 (0.016)} \\ \cline{3-7} & & ReIL (Only BC) & 0.322 (0.063) & 4.5 & 46.17 (3.92) & 0.081 (0.022) \\ \cline{3-7} & & ReIL (Pre-trained) & \textbf{0.27 (0.058)} & 3.58 & \textbf{35.28 (0.918)} & \textbf{0.063 (0.02)} \\ \cline{3-7} & & HG-DAgger & 0.285 (0.062) & 4.58 & 35.64 (0.846) & 0.14 (0.057) \\ \cline{2-7} & \multirow{2}{*}{Offline} & ReIL & \textbf{0.247 (0.034)} & 0.27 & 35.73 (1.062) & \textbf{0.056 (0.009)} \\ \cline{3-7} & & HG-DAgger & 0.307 (0.055) & 1.00 & 35.87 (0.46) & 0.158 (0.022) \\ \hline \multirow{4}{*}{TH} & \multirow{2}{*}{Online} & ReIL & 0.301 (0.079) & 2.72 & \textbf{19.98 (1.493)} & 0.086 (0.024) \\ \cline{3-7} & & ReIL (Only BC) & 0.317 (0.082) & 3.06 & 22.55 (3.02) & 0.085 (0.022) \\ \cline{2-7} & \multirow{2}{*}{Offline} & ReIL & 0.288 (0.058) & 0.0 & 17.47 (0.61) & \textbf{0.09 (0.028)} \\ \cline{3-7} & & HG-DAgger & 0.277 (0.039) & 0.0 & 17.73 (0.64) & 0.128 (0.027) \\ \hline \end{tabular}} \label{table:mobile_robot_result} \end{center} \footnotesize{OA = Obstacle avoidance, TH = Target hitting, Mode = Online/Offline, Error = Average action error, Supervised = Average supervised steps per episode, Steps = Average steps per episode, Angular Acc. = Average absolute angular acceleration. Results significantly better than others according to a two-tailed t-test are highlighted in \textbf{bold} for each task and mode of training.} \end{table} \section{Results} \label{result} Results for the simulated cartpole environment are shown in TABLE \ref{table:cartpole_result} and Fig. \ref{fig:cartpole-result}, and the results for the real world visual navigation tasks are shown in TABLE \ref{table:mobile_robot_result} and Fig. \ref{fig:mobile-robot-result}. We note that for a simple simulated environment such as CartPole-V1, HG-DAgger performs very effectively, despite not being trained on agent-generated data. ReIL was also successful in reaching the goal of 3000 consecutive steps in 20/20 runs and used approximately the same amount of supervised steps as did HG-DAgger. IARL was only 80\% successful in reaching the goal and also required more supervised steps compared to ReIL and HG-DAgger for those successful runs. Finally, ReIL (Only RL), which is essentially L2D, was only successful in 3/4 runs and required a considerably larger amount of supervisor corrections. These simple simulation results might lead us to the simple conclusion that methods using BC are more effective than methods using RL; however, in the more complex visual navigation tasks, we find that the performance of methods solely relying on BC deteriorates as the amount of data increases. For ReIL (Only BC), this phenomenon can be seen in Fig. \ref{fig:mobile-robot-result} (a) --- the episode length grows over time as a result of imitating sub-optimal agent-generated data with BC. We note that IWR may also experience this deterioration, as it similarly utilizes BC on both supervisor and agent actions. As for HG-DAgger, Fig. \ref{fig:mobile-robot-result} (b) indicates that the path generated by the agent is increasingly oscillatory as the number of supervisor corrections increases. This behavior is expected, as HG-DAgger does not learn to avoid supervisor interventions, but only learns to make corrections from undesirable states. Users utilizing HG-Dagger may therefore have to balance the amount of BC pre-training, in which the supervisor demonstrates the whole task without the agent, and the amount of IIL supervisor corrections in order to minimize these oscillations. In contrast, the reinforced method ReIL does not experience deterioration in performance over time (as shown in Fig. \ref{fig:mobile-robot-result} (a) and (b)), as the critic takes into account both agent-generated and supervisor-generated data and assesses the relative quality of each data point according to a reward function. Comparing ReIL and HG-DAgger in the offline training setting (see TABLE \ref{table:mobile_robot_result}), in which they shared the same dataset, we see again the superior performance of ReIL and the viability of training it offline. On a final note, the MimeticSNAIL model utilized in the visual navigation tasks did not require any manual fine tuning, making it simple to train agents on multiple tasks. \section{Conclusion} \label{conclusion} In this paper, we describe the design and empirical evaluation of ReIL, a framework for intervention-based imitation learning that combines the advantages of imitation learning and reinforcement learning approaches. Our experimental results on real world navigation tasks indicate that the combination of these two components enhances both the performance and the trainability of the agent in comparison with current work that utilizes only one or the other of these components. Furthermore, we also hypothesize an advantage of ReIL over other similar algorithms such as IARL and find empirical support for that hypothesis in ReIL's performance in the simulated cartpole balancing task. In future work, we hope to create an IIL algorithm that utilizes ReIL's value estimator (critic) to predict and propose supervisor interventions \textit{before} the agent makes a mistake. This could simplify training of the actor, as it will no longer need to explore the environment with RL to learn desirable actions that help avoid interventions. \bibliographystyle{IEEEtran}
b483c00b2e8aeb468dd78edcfd4e3ef394dd52df
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{sec_theory} Pulsar-timing arrays (PTA) offer a promising tool for detecting gravitational waves (GW) in the nano-Hertz regime. The concept was first proposed in \cite{Sazhin:OO,Detweiler:1979wn,Mashhoon:1979wk,Bertotti:1980pg}, and much developed thereafter -- see e.g. \cite{Lommen:2015gbz} for a review. Recently, the NANOGrav collaboration detected a signal compatible with a stochastic gravitational wave background (SGWB) \cite{NANOGrav:2020bcs}. Subsequently, the PPTA \cite{Goncharov:2021oub}, EPTA \cite{Chen:2021rqp} and IPTA \cite{Antoniadis:2022pcn} collaborations obtained preliminary results going in the same direction. A natural astrophysical source for such a SGWB is constituted by unresolved GW signals from super-massive black hole mergers \cite{Haehnelt:1994wt,Sesana:2004sp,Sesana:2008mz}. However, PTA GW detections can also be explained by cosmological sources as GW echoes from primordial black hole formation \cite{Vaskonen:2020lbd,DeLuca:2020agl,Kohri:2020qqd}, cosmic strings \cite{Ellis:2020ena,Buchmuller:2020lbh,Blasi:2020mfx,Blanco-Pillado:2021ygr}, phase transitions \cite{Nakai:2020oit,Ratzinger:2020koh,Addazi:2020zcj,NANOGrav:2021flc,Brandenburg:2021tmp}, or primordial magnetic field production \cite{Neronov:2020qrl,RoperPol:2022iel}. A puzzling feature of PTA measurements so far is that the constraints on spatial correlations seem to show some deviations from the Hellings-Downs (HD) quadrupolar angular distribution \cite{Hellings:1983fr}, which is a consequence of Einstein General Relativity. See e.g. Fig 7 in \cite{NANOGrav:2020bcs} for NANOGrav; Fig 3 in \cite{Goncharov:2021oub} for PPTA; Fig 2 in \cite{Chen:2021rqp} for EPTA. In case anomalous angular correlations are present after more data are collected, % they will require some departure from the standard approach. A possibility, considered for example in \cite{Chen:2021wdo}, is that that NANOGrav is detecting extra GW polarizations besides Einstein's spin-2 ones \cite{Eardley:1973zuo,Eardley:1973br}, since the inclusion of non-Einsteinian polarizations modifies the HD angular distribution \cite{Chamberlin:2011ev,Gair:2015hra,Cornish:2017oic,Romano:2016dpx}. A systematic analysis by the NANOGrav collaboration does not presently favour this option \cite{NANOGrav:2021ini}, but it recommends to study this topic further at the light of forthcoming data. In this context, however, we point out that a recent analysis from the LIGO-Virgo-Kagra collaboration does not provide evidence for non-Einsteinian GW polarizations in the deci-Hertz regime \cite{LIGOScientific:2021sio}. \smallskip In this work, motivated from the aforementioned preliminary results of PTA observations, we % explore an alternative mechanism for modifying the quadrupolar HD angular distribution, using only the massless spin-2 degrees of freedom of General Relativity. We show that large tensor non-Gaussianity can modulate the angular 2-point PTA overlap reduction function (ORF), and parametrically change its profile as a function of the angle between pulsars. % The non-Gaussianity of the SGWB is an observable not often considered in the GW literature. It has been realized since long time that, thanks to the central limit theorem, astrophysical SGWB signals are expected to be Gaussian, being the cumulative contribution of many unresolved sources \cite{Allen:1987bk}. However, cosmological SGWB sources, -- inflation, phase transitions etc -- are coherent and can be characterized by large tensor non-Gaussianity -- see e.g. \cite{Bartolo:2018qqn}, section 5 for a review. In general, tensor non-Gaussianity from cosmological sources can {\it not} be directly measured with GW experiments, since it leads to non-stationary signals which lose their crucial phase correlations in their way from emission to detection \cite{Bartolo:2018evs,Bartolo:2018rku,Margalit:2020sxp} \footnote{Similar effects were previously studied in \cite{Allen:1999xw} in the context of 2-point functions from inflation. Notice that indirect effects of tensor non-Gaussianities can be detected through correlators of SGWB anisotropies \cite{Bartolo:2019oiq,Bartolo:2019yeu,Dimastrogiovanni:2019bfl}.}. A possible way out is to focus on the specific momentum shape corresponding to folded tensor non-Gaussianities, that in real space leads to a stationary signal that does not necessarily suffer from the aforementioned problems \cite{Powell:2019kid}. Folded non-Gaussianities can arise in scenarios where a stochastic background is generated by {\it causal} sources \cite{Green:2020whw} \footnote{The work \cite{Green:2020whw} specifically focusses on scalar fluctuations, but its general arguments apply to tensor fluctuations as well. (See also appendix \ref{app_model}.)}. In fact, as described in \cite{Green:2020whw}, a folded non-Gaussian shape is associated with poles at physical momenta in the connected $n$-point functions, and is a consequence of non-Gaussian cosmological signals produced by mechanisms that preserve locality and causality. Explicit computations of tensor non-Gaussianities from post-inflationary cosmological sources are carried out in \cite{Adshead:2009bz}, including scenarios of cosmological phase transitions capable to generate connected $n$-point correlators ($n>2$), with an amplitude comparable to the one of $2$-point correlators. The work \cite{Adshead:2009bz} focussed on equilateral configurations for $n$-point functions in momentum space though, without discussing folded configurations that -- as argued in in \cite{Green:2020whw} -- can generally contribute to classical $n$-point functions in Fourier space. \smallskip Our discussion proceeds as follows. In section \ref{sec_two_point} we show how non-linear effects associated with tensor non-Gaussianity can modulate the angular distribution 2-point overlap reduction function. We compute how the resulting ORF profile depends on quantities characterizing the higher-order tensor correlation functions. In the hypothesis that next releases of PTA data will show a significant departure from HD angular correlations, it will be important to design tests to distinguish among different explanations for this phenomenon. For this reason, as a specific prediction of the proposal elaborated in section \ref{sec_two_point}, in section \ref{sec_four_point} we analyse $4$-point connected correlation functions of PTA signals, showing that their detection would indicate the presence of tensor non-Gaussianities in the SGWB. Section \ref{sec_conclusions} contains our conclusions, which are followed by four technical appendixes, elaborating the results presented in the main text. \smallskip \bigskip \section{Modulation of the PTA 2-point overlap reduction function} \label{sec_two_point} In this section we show that stationary tensor non-Gaussianity can affect the 2-point function of PTA signals, and parametrically change the angular distribution of the corresponding overlap reduction function (ORF), with respect to the Hellings-Downs (HD) curve. In this work we take a phenomenological perspective, leaving a more general treatment and a systematic investigation of model building to future studies. \smallskip In order to describe a SGWB, we express the GW modes in terms of spin-2 fluctuations around flat space as \begin{equation}\label{expanze} g_{\mu\nu}\,d x^\mu d x^\nu\,=\,-d t^2+\left(\delta_{ij}+h_{ij}(t,\vec x) \right) \,d x^i d x^j\,, \end{equation} with $h_{ij}(t, \vec x)$ the tensor fluctuation satisfying the transverse-traceless condition $h_{\,\,i}^i\,=\,\partial^i\,h_{ij}\,=\,0$. The presence of a GW deforms light geodesics, and induces a time delay $\Delta T_\alpha$ on the period $T_\alpha$ of a pulsar $\alpha$, located at a position $\vec x_\alpha\,=\,\tau_\alpha\,\hat x_\alpha$ with respect to the Earth at $\vec x=0$. (We denote $\tau_\alpha$ the travel time from source to detection, and we set $c=1$ from now on.) Denoting with $\hat n$ the direction of the GW, and introducing the convenient combination \begin{equation} E_{\alpha}(t,\vec x)\,\equiv\,\hat x^i_\alpha \hat x^j_\alpha \,h_{ij}(t,\vec x)\,, \end{equation} we find the following expression for the time delay $z_\alpha$ induced by the GW: \begin{eqnarray} z_\alpha&\equiv& \frac{\Delta T_\alpha(t)}{T_\alpha} \,=\, \frac{1}{2(1+\hat x_\alpha\cdot \hat n)} \Big[E_{\alpha}(t,\vec x=0)- E_{\alpha}(t-\tau_\alpha,\vec x=\vec x_\alpha) \nonumber \\ &&\hskip4.5cm -\frac34 \left( E^2_{\alpha}(t,\vec x=0)- E^2_{\alpha}(t-\tau_\alpha,\vec x=\vec x_\alpha) \right) \nonumber \\ &&\hskip4.5cm +\frac{5}{16} \left( E^3_{\alpha}(t,\vec x=0)- E^3_{\alpha}(t-\tau_\alpha,\vec x=\vec x_\alpha) \right)+\dots \Big] \label{TaGEN1}\,. \end{eqnarray} The first line of eq \eqref{TaGEN1} is the classic result of \cite{Detweiler:1979wn} (see e.g. \cite{Maggiore:2018sht}, Chapter 23 for a textbook derivation). The second and third lines are higher order corrections associated with non-linearities in $h_{ij}$, and are a new result of this work. We present in appendix \ref{appTDPTA} a derivation of eq \eqref{TaGEN1}, including a generalization valid for any power in an expansion in $E_{\alpha}$. \smallskip We proceed analyzing here the 2-point correlation functions among pulsar time delays, given by $\langle z_\alpha z_\beta\rangle $ (with $\alpha$, $\beta$ denoting the two pulsars). Given the non-linear structure of eq \eqref{TaGEN1}, we expect that the PTA 2-point correlator is modulated by higher order connected $n$-point functions involving spin-2 fluctuations $h_{ij}$. This phenomenon can change the angular dependence of the PTA overlap function. \smallskip We expand the transverse-traceless GW gauge in Fourier modes as \begin{equation} \label{sig_fourier} h_{ij} (t,\vec x)\,=\, \sum_\lambda \int_{-\infty}^\infty d f \int d^2 \hat n\,e^{-2\pi\,i\,f\,\hat n\,\vec x } \, e^{2\pi\,i\,f\,t}\, {\bf e}_{ij}^{(\lambda)}(\hat n)\, h_{\lambda}(f,\,\hat n)\,, \end{equation} where $f$ is the GW frequency, and the unit vector $\hat n$ controls its direction. We formally integrate over positive as well as negative frequencies, and the reality of $h_{ij}(t,\vec x)$ imposes the condition $h_\lambda(-f,\,\hat n)\,=\,h_\lambda^*(f,\hat n)$ on the Fourier modes. The polarization states for the spin-2 fields are $\lambda\,=\,(+, \times)$. Our conventions for the polarization tensors ${\bf e}_{ij}^{(\lambda)}(\hat n)$, and some of their properties, are spelled out in appendix \ref{app_A}. We assume that the GW spectrum is unpolarized, with a 2-point function given by \begin{eqnarray} \label{ans2ptF} \langle h_{\lambda_1}(f_1,\,\hat n_1)\, h_{\lambda_2}(f_2,\,\hat n_2) \rangle\,=\,\delta_{\lambda_1\lambda_2}\,\delta(f_1+f_2)\,\delta^{(2)}(\hat n_1-\hat n_2) \,P(f_1)\,, \end{eqnarray} where the $\delta$-function conditions are associated with momentum conservation. Additionally, we assume that the SGWB is non-Gaussian, and we parameterise its properties in terms of a non-vanishing 4-point function in momentum space: \begin{eqnarray} \langle \, \Pi_{i=1}^4\,h_{\lambda_i}(f_i,\,\hat n_i) \rangle&=& \Pi_{i=1}^3\,\delta^{(2)}(\hat n_4-\hat n_i)\,\delta(f_4+3 f_i) \,\times\, H_{\lambda_1 \dots \lambda_4}(f_4)\, { P}(f_4) \label{def4pfFa}\,. \end{eqnarray} The non-Gaussian shape associated with eqs \eqref{def4pfFa} corresponds to a folded quadrangle, with three small sides of the quadrangle of equal length and superimposed on the fourth, longest one (see Fig \ref{fig:plot0a}). We focus on the 4-point function as \cite{Seto:2009ju}, being a convenient quantity in treating the modulation effects of the ORF \footnote{ In fact, applying the procedure of \cite{Seto:2009ju} to the PTA case, one finds that contributions from the 3-point function vanish, while the 4-point function is able to modulate the ORF: see appendix \ref{app_A}.}. The condition that the short length sides of the folded quadrangle are equal -- as forced by the $\delta(f_4+3 f_i)$ conditions in \eqref{def4pfFa} -- is chosen for simplifying our arguments. The amplitude in \eqref{def4pfFa} is proportional to the power spectrum $P(f)$ as introduced in eq \eqref{ans2ptF}. We include as coefficient of eq \eqref{def4pfFa} a model-dependent tensor $H_{\lambda_1\dots \lambda_4}(f)$, depending on the polarization indexes and on frequency. A folded tensor non-Gaussianity can arise in scenarios where a cosmological SGWB is produced by cosmological sources after inflation ends. In fact, interactions in such scenarios preserve locality and causality, and lead to characteristic poles in higher-order correlation functions which amplify non-Gaussian folded shapes. We refer to appendix \ref{app_model} for additional explanations and an explicit example. \begin{figure}[h!] \centering \includegraphics[width = 0.5 \textwidth]{quadrangle1} \caption{\small A folded quadrangle configuration for momenta in Fourier space, satisfying the $\delta$-function conditions of eq \eqref{def4pfFa}. The short sides of the quadrangle are superimposed on the long one.} \label{fig:plot0a} \end{figure} \noindent A folded non-Gaussianity in Fourier space leads to a stationary 4-point function in real space \cite{Powell:2019kid}: \begin{eqnarray} \langle \Pi_{m=1}^4\,h_{i_m j_m}(t_m, \,\vec x_m) \rangle&=&\sum_{\lambda_i} \int d f\,d^2 \hat n\,e^{2 \pi i f\, \left[ (t_1-t_4)+ (t_2-t_4)+ (t_3-t_4)\right]}\, e^{-2 \pi i\,f\,\hat n\,\left[ (\vec x_1-\vec x_4)+ (\vec x_2-\vec x_4)+ (\vec x_3-\vec x_4) \right]} \nonumber\\ &&\,\,\ \,\,\,P(f)\,\left[H_{\lambda_1 \lambda_2 \lambda_3 \lambda_4}(f) \,{\bf e}_{i_1 j_1}^{(\lambda_1)}(\hat n)\,{\bf e}_{i_2 j_2}^{(\lambda_2)}(\hat n)\,{\bf e}_{i_3 j_3}^{(\lambda_3)}(\hat n)\,{\bf e}_{i_4 j_4}^{(\lambda_4)}(\hat n) \right] \label{statc1} \,, \end{eqnarray} which depends on time and on space differences only. As a matter of principle, the stationarity condition in eq \eqref{statc1} can allow us to circumvent the arguments developed in \cite{Bartolo:2018evs,Bartolo:2018rku,Margalit:2020sxp}, which finds that tensor non-Gaussianity can not be directly measured with GW experiments: Along their way from source to detection, GW lose their phase correlations due to random effects associated with Shapiro time delays induced by cosmic fluctuations. However, if measurements depend on time differences only -- as in the stationary case of eq \eqref{statc1} -- cumulative disturbances cancel out, and the results depend only on the relatively small time-differences between successive measurements of pulsar timing periods. In fact, we can assume that any further (non-folded) contribution to the 4-point function leads to a non-stationary signal which is not directly measurable in terms of correlators of PTA measurements, and we focus on non-Gaussian contributions associated with eq \eqref{def4pfFa} only. See \cite{Powell:2019kid} for more details, and \cite{Allen:1999xw} for similar considerations for the case of (non-)stationary contributions to primordial 2-point functions. \smallskip As mentioned above, we are assuming that the amplitude of the 4-point function in Fourier space, eq \eqref{def4pfFa}, is proportional to the power spectrum $P(f)$ (times the model-dependent function of frequency and polarization indexes, $H_{\lambda_1\dots \lambda_4}$). Coherent cosmological sources, which are able to amplify the GW spectrum by causal mechanisms, make use of strong non-linear interactions for the fields involved. They are expected to enhance not only the 2-point, but also the $n$-point GW correlation functions, with $n>2$: the amplitude of $n$-point correlators can be of the same order of the $2$-point one \cite{Adshead:2009bz}. It would be interesting to study more systematically at what extent these phenomena enhance folded limits of $n$-point correlation functions, depending on the scenarios considered. We discuss a preliminary example in Appendix \ref{app_model}, leaving more detailed analysis to future studies. The quantity $H_{\lambda_1 \dots \lambda_4}$ describes the dependence of the $4$-point function on the helicity indexes $\lambda_i$. We phenomenologically parametrize it as follows \begin{equation} \label{ans4ptFb} H_{\lambda_1 \lambda_2 \lambda_3 \lambda_4}\,\equiv\,\kappa_1(f)\,\delta_{\lambda_1\lambda_2}\,\delta_{\lambda_3\lambda_4} +\kappa_2(f)\,\left(1-\delta_{\lambda_1\lambda_2}\right)\,\left(1-\delta_{\lambda_3\lambda_4}\right)\,\delta_{\lambda_1\lambda_3}\,\delta_{\lambda_2\lambda_4}\,, \end{equation} in terms of two frequency-dependent parameters $\kappa_{1,2}(f)$. It is straightforward to consider more general forms for the tensor $H_{\lambda_1 \dots \lambda_4}$ as a function of the polarization indexes; we explored other choices and found that the previous Ansatz describes well the possible angular dependences of the 2-point overlap reduction functions. We stress that our hypothesis are phenomenologically motivated by the aim of making our considerations as transparent as possible. They can be generalised to study more general cases, as indicated by specific model building. \bigskip We make use of the results so far for computing the equal time 2-point correlation functions of two pulsar time delays, using formula eq \eqref{TaGEN1}. For the case of a single GW propagating through the direction $\hat n$, we find \begin{eqnarray} \label{mod2pt} \langle z_\alpha z_\beta\rangle &\equiv& \langle \frac{\Delta T_\alpha}{T_\alpha} \frac{\Delta T_\beta}{T_\beta} \rangle\,=\,\frac{ \langle E_{\alpha} E_{\beta}\rangle +9/16 \left( \langle E_{\alpha}^2 E_{\beta}^2\rangle\right) +5/4 \left( \langle E_{\alpha}^3 E_{\beta}\rangle+ \langle E_{\alpha} E_{\beta}^3\rangle \right) }{4 (1+\hat x_\alpha\cdot \hat n)(1+\hat x_\beta\cdot \hat n)}\,, \end{eqnarray} where the quantities in this expression are evaluated at the earth position $E_{\alpha,\beta}\,=\,E_{\alpha,\beta}(t,\,\vec x=0)$. The second and third term in the numerator of eq \eqref{mod2pt} are new parts -- absent in the Gaussian case -- being associated with the higher order contributions in \eqref{TaGEN1}. These terms can modulate the overlap reduction functions, as we are going to learn. Contributions of `pulsar terms' of $E_{\alpha,\beta}$ to the 2-point functions, which are evaluated at pulsar positions, are uncorrelated with the earth terms at $\vec x=0$. They lead to rapidly oscillating pieces when integrating over frequencies, and can be neglected in the present instance as in the standard Gaussian case (see e.g. the discussion in \cite{Maggiore:2018sht}). We explicitly carry on the calculation of the 2-point correlator $\langle z_\alpha z_\beta\rangle$ in appendix \ref{app_A}: the result can be expressed as \begin{eqnarray} \langle z_\alpha z_\beta\rangle &=& \frac{8\pi}{3}\int d f\,P(f)\,\Gamma_{\alpha \beta}(f) \,. \label{res2pt1} \end{eqnarray} The overlap reduction function $\Gamma_{\alpha \beta}(f)$, for the case $\kappa_2\,=\,-4 \kappa_1$, results \begin{eqnarray} \Gamma_{\alpha \beta}(f)&=&\frac12-\frac{x_{\alpha\beta}}{4} \left(1-\frac{54}{5} \kappa_1 \right)-\frac{171\, \kappa_1\,x_{\alpha\beta}^2}{10}+\frac{72 \kappa_1\, x_{\alpha\beta}^3}{5}+\frac32\,x_{\alpha\beta}\,\left( 1-9\,\kappa_1 \,x_{\alpha\beta}^2\right)\,\ln{x_{\alpha\beta}}\,, \nonumber \\ \label{res2ptOV1} \end{eqnarray} with \begin{equation} \label{defxab} x_{\alpha\beta}\,\equiv\,\frac12\,(1-\cos \zeta_{\alpha\beta})\,, \end{equation} and $ \zeta_{\alpha\beta}$ the angle between the two vectors controlling the pulsar positions $\vec x_\alpha$, $\vec x_\beta$ with respect to the earth. We understand the dependence on frequency of $\kappa_1$, and the more general case of arbitrary $\kappa_{1,2}$ is discussed in appendix \ref{app_A}. Notice that when $\kappa_1\,=\,\kappa_2\,=\,0$ we recover the standard HD curve. We plot the corresponding 2-point ORF in Fig \ref{fig:plot1a} for some representative choices of constant parameters $\kappa_{1,2}$. \smallskip \begin{figure}[h!!] \centering \includegraphics[width = 0.6 \textwidth]{plot1a2} \caption{\small The PTA 2-point overlap reduction function of eq \eqref{res2pt1}. Solid line: $\kappa_1=\kappa_2=0$ in eq \eqref{res2ptOV1} (HD curve). Dot-dashed line: $\kappa_1=2$, $\kappa_2=-8$ in eq \eqref{res2ptOV1}. Dashed line: $\kappa_1=10$, $\kappa_2=0$ in eq \eqref{genorf2a} (we normalize the curve in such a way that its value matches 1/2 at $\zeta_{\alpha\beta}=0$, as for the HD curve, see the explanation after eq \eqref{genorf2a}).} \label{fig:plot1a} \end{figure} The new ORF profiles shown in Fig \ref{fig:plot1a} have the tendency to smooth the anticorrelations characterizing the HD curve for angular separations $\zeta_{\alpha\beta}\simeq \pi/2$. This reduction of anticorrelations is a feature in common with other ORF profiles, as the ones induced by a monopole, or a scalar contribution (see e.g. \cite{NANOGrav:2021ini}). In the present instance, we refrain from pursuing a proper fit of our parametrization \eqref{res2ptOV1} with existing PTA data, and from performing a dedicated statistical analysis. In fact, current results still have systematic uncertainties (for example, in modelling Solar System ephemeris, as explained in \cite{NANOGrav:2021ini}) which will be cured by more accurate, forthcoming data releases. But above all, in our scenario the time-residuals correlators are non-Gaussian, hence {we can not use} the statistical methods based on Gaussian multidimensional likelihoods (see e.g. \cite{Anholm:2008wy,vanHaasteren:2008yh}). We should elaborate a dedicated analysis to the non-Gaussian context we are interested in, also including the frequency dependence for the quantities $\kappa_{1,2}$ appearing in our ORF as motivated by specific models. This goes beyond the scope of this theoretical work, and we postpone it to future analysis \footnote{But see for example \cite{Lentati:2014hja} for interesting attempts to include non-Gaussian statistics in the modelling uncorrelated noise sources affecting PTA GW detections.}, in the case that forthcoming PTA data will not favour HD-type angular correlations. \begin{figure}[h!!] \centering \includegraphics[width = 0.5 \textwidth]{fig4a1} \caption{\small Visual representation of how the modulated ORF of eq \eqref{res2ptOV1} with $\kappa_1=2$, $\kappa_2=-8$, shown as continuous red line, compares against binned NANOGrav 12.5 data \cite{NANOGrav:2020bcs}. We include additional ORF profiles, as \cite{NANOGrav:2020bcs}: Dashed blue: Hellings-Down curve; Dashed orange: monopole ORF; Dashed green: dipole ORF. Figure obtained starting from the content in \href{https://data.nanograv.org/}{{\ttfamily https://data.nanograv.org/}}. To allow for a more direct visual comparison, we use the same conventions and notation of \cite{NANOGrav:2020bcs} (see their Fig 5). } \label{fig:plot4a} \end{figure} \smallskip Nevertheless, for visual aid only, we represent in Fig \ref{fig:plot4a} in red colour our ORF profile of eq \eqref{res2ptOV1} against binned NANOGrav 12.5 data \cite{NANOGrav:2020bcs}, choosing $\kappa_1=2$, $\kappa_2=-8$. We also include the HD, the monopole, and dipole ORF profiles. This figure is obtained starting from the content in the NANOGrav tutorial website \href{https://data.nanograv.org/}{{\ttfamily https://data.nanograv.org/}}, based on \cite{Anholm:2008wy,Demorest:2012bv,Chamberlin:2014ria,Vigeland:2018ipb}, which explains how to obtain Fig 5 of \cite{NANOGrav:2020bcs}. Suggestively, the red line correponding to our ORF apparently fits the data well. \section{ A test: 4-point correlation functions of PTA signals} \label{sec_four_point} In case future PTA data will provide support for a $2$-point ORF different from the Hellings-Downs curve, it will be crucial to design methods for distinguishing among different explanations for this phenomenon. We propose a smoking-gun test for the non-Gaussian mechanism we outlined in the previous section, extending to the PTA case the idea developed in \cite{Seto:2009ju} in the context of ground-based GW detectors. We consider the following connected 4-point correlation function among PTA time-delay signals~\footnote{ It is also possible to consider 4-point functions between 4 pulsars, but for simplicity we consider only two pulsars, $\alpha$ and $\beta$.} $z_{\alpha, \beta}$ induced by GW \begin{eqnarray} \label{defKab} {\cal K}_{\alpha\beta}(t_1,t_2)&\equiv& \langle z_{\alpha}(t_1) z_{\alpha}(t_2) z_\beta(t_1) z_\beta(t_2) \rangle -\langle z_{\alpha}(t_1) z_{\alpha}(t_2) \rangle \langle z_\beta(t_1) z_\beta(t_2)\rangle \nonumber\\ &-& \langle z_{\alpha}(t_1) z_\beta(t_1) \rangle \langle z_{\alpha}(t_2) z_\beta(t_2) \rangle - \langle z_{\alpha}(t_1) z_\beta(t_2) \rangle \langle z_{\alpha}(t_2) z_\beta(t_1) \rangle \label{defKabp} \,, \\ &=&\frac{8 \pi}{3}\,\int d f\,e^{4 \pi i f\, (t_1-t_2)}\,P(f)\,{ R}_{\alpha\beta}(f) \label{defKab} \,. \end{eqnarray} The combination of the last three terms in eq \eqref{defKabp} is included in order to isolate the connected contribution to the PTA $4$-point function, depending on the tensor $4$-point function of eq \eqref{def4pfFa}. In passing from eq \eqref{defKabp} to eq \eqref{defKab}, we make use of eq \eqref{statc1}. The quantity ${\cal K}_{\alpha\beta}(t_1,t_2)$ is stationary, since it depends on time differences only. We will learn that it is non vanishing only in the presence of 4-point tensor non-Gaussianity, being it proportional to the quantities $\kappa_{1,2}$ entering in the 4-point correlator of eqs \eqref{def4pfFa}, \eqref{ans4ptFb}. We build ${\cal K}_{\alpha\beta}(t_1,t_2)$ in terms of signals from two pulsars only, $\alpha$ and $\beta$ (instead of four distinct pulsars) for handling more easily the expressions involved, and for being able to represent the corresponding ORF in terms of a single angle $\zeta_{\alpha\beta}$. \smallskip The quantity ${ R}_{\alpha\beta}(f)$ is the PTA 4-point ORF, and can be expressed in terms of the quantity $x_{\alpha\beta}$ as defined in eq \eqref{defxab}, and of the quantities $\kappa_{1,2}$ which characterize the polarization tensor $H_{\lambda_i}$ given in eq \eqref{ans4ptFb}. We find (see appendix \ref{app_A}) \begin{eqnarray} {R}_{\alpha\beta}&=&\frac{3}{40}\left(4 \kappa_1+\kappa_2 \right)-\frac{x_{\alpha\beta}}{40} \left(12 \kappa_1- 137 \kappa_2\right) +\frac{x_{\alpha\beta}^2}{80} \left(4 \kappa_1-279 \kappa_2 \right)+\frac{3\,x_{\alpha\beta}\,\kappa_2}{2} \left( 1+\frac32\,x_{\alpha\beta} \right)\,\ln{x_{\alpha\beta}}\,, \nonumber\\ \label{rab4p} \end{eqnarray} In computing eq \eqref{rab4p}, we make use use only of the linear terms in the numerator of eq \eqref{mod2pt}, and neglect modulations induced by higher order, non-Gaussian ones (since eq \eqref{rab4p} is already proportional to non-Gaussian contributions). \begin{figure} \centering \includegraphics[width = 0.6 \textwidth]{plot2AB} \caption{\small The PTA 4-point overlap reduction function. Solid line: $\kappa_1=10$, $\kappa_2=0$. Dashed line: $\kappa_1=2$, $\kappa_2=-8$.} \label{fig:plot1aBc} \end{figure} The corresponding ORF is represented in Fig \ref{fig:plot1aBc} for a representative choice of parameters. Notice that, depending on the relative size of $\kappa_{1,2}$, the amplitude of the ORF $R_{\alpha\beta}$ can differ by around one order of magnitude for different choices of parameters. In fact, the angular dependence of the 4-point ORF is apparently more sensitive to the helicity structure of the tensor $H_{\lambda_i}$ with respect to its 2-point counterpart of section \ref{sec_two_point}. It would then be interesting to consider more general forms of $H_{\lambda_i}$ than our Ansatz of eq \ref{ans4ptFb}, and study their consequences for the 4-point ORF. Let us quantify more the helicity dependence of the 4-point PTA overlap functions, with some simple statistical considerations. In appendix \ref{app_opt} we compute the optimal value of the signal-to-noise ratio (SNR) associated with a measurement of the 4-point function of eq \eqref{defKab}, as summed over all the available pulsar pairs. We find the general expression \begin{equation}\label{opsnr1} {\text{SNR}}^{\rm opt}\,=\,\sqrt{2 T}\,\left[ \frac{1}{S_n^4}\, \int d f \, P(f)\,{ R}_{\rm tot}(f)|^2 \right]^{1/2} \,, \end{equation} where $T$ is the total duration of measurements, while the pulsar noise $S_n$ is parametrized as in eq \eqref{expcno}. ${ R}_{\rm tot}$ is given in eq \eqref{defrtot} by the sum of the 4-point ORF $ R_{\alpha\beta}$ of eq \eqref{rab4p} when evaluated over all distinct pulsar pairs: \begin{equation} { R}_{\rm tot}(f)\,=\,\frac{8\pi}{3}\,\sum_{\alpha\beta} R_{\alpha\beta} \end{equation} The quantity ${ R}_{\rm tot}$ can enhance the SNR, if we have several pulsars to sum over: the result will also depend on the specific helicity structure of the quantity $H_{\lambda_i}$, in particular on the values of the parameters $\kappa_{1,2}$ when using Ansatz \eqref{ans4ptFb}. For the case of the NANOGrav pulsars, using their angular position that can be extracted from Table 1 of \cite{NANOGrav:2017wvv} we find the expression \begin{equation} { R}_{\rm tot}^{\rm NANOGrav}\,=\, 158.5\,\kappa_1+0.2\, \kappa_2 \end{equation} showing that a NANOGrav measurement of 4-point PTA correlations would be more sensitive to the parameter $\kappa_1$ with respect to $\kappa_2$. \section{Conclusions} \label{sec_conclusions} Several PTA collaborations are finding tantalising hints for a SGWB signal in the nano-Hertz regime. So far, though, no convincing evidence for Hellings-Downs quadrupolar correlations has been found. While this issue can change at the light of more accurate, forthcoming data, it is meanwhile important to explore scenarios able to produce different types of PTA angular correlations. We pointed out that a stationary non-Gaussian component to the gravitational wave background can modulate the 2-point PTA overlap reduction function, modifying its angular dependence with additional parameters that might help in fitting data. We discussed possible sources for such non-Gaussian signal, as well as additional tests of this possibility. \smallskip Much questions are left open in order to further elaborate on this idea. It would be interesting to study in detail the shape and amplitude of GW non-Gaussianities in cosmological processes producing a large amplitude of SGWB after inflation ends, since these sources are able to produce the stationary non-Gaussianity we considered in this work. Pursuing a complete analysis in realistic models would be helpful to determine the frequency dependence and helicity structure of the $n$-point GW correlators that cause the modulation of the PTA overlap functions. In order to perform proper fits with data, it would also be necessary to elaborate dedicated statistical analysis of signal+noise in the presence of large non-Gaussianities in the signal. Answering these questions will be interesting and compelling if future PTA data will show evidence for a SGWB, but with significant deviations from Hellings-Downs angular correlations. \subsection*{Acknowledgments} It is a pleasure to thank Debika Chowdhury, Emanuela Dimastrogiovanni, Matteo Fasiello, and Sachiko Kuroyanagi for discussions. GT is partially supported by the STFC grant ST/T000813/1. \begin{appendix} \section{Computation of the PTA time delay: including non-linearities} \label{appTDPTA} We extend the classic results of \cite{Detweiler:1979wn} for the computation of PTA time-delays in the presence of GW, including effects of GW non-linearities. We express the space-time metric as (we set $c=1$) \begin{equation} d s^2\,=\,- d t^2+\left(\delta_{ij}+h_{ij} \right)\,d x^i d x^j \,, \end{equation} with $h_{ij}$ the tensor fluctuation in transverse-traceless gauge. We compute the time delay in the pulsar period due to the presence of a GW. We closely follow the textbook discussion of \cite{Maggiore:2018sht}, chapter 23, extending it to the more general, non-linear case we are interested in. We evaluate the distance covered by photons travelling towards the earth, starting from pulsar $\alpha$ at spatial position $x_{\alpha}^i\,=\, x_\alpha\,\hat x^i_\alpha$, with $\hat x^i_\alpha$ fixed unit vector controlling the pulsar direction. Being the earth at $\vec x\,=\,0$, we get the relation \begin{equation} \label{dxa1} d x_\alpha^2\,=\,\frac{d t^2}{1+ h_{ij}\,\hat x^i_\alpha \hat x^j_\alpha } \,, \end{equation} controlling the infinitesimal geometrical distance covered by light during an interval $dt$ in its way from source to detection. For convenience, in what follows we assemble the combination $h_{ij}\,\hat x^i_\alpha \hat x^j_\alpha $ of eq \eqref{dxa1} into the quantity \begin{equation} E_{\alpha}\,\equiv\,h_{ij}\,\hat x^i_\alpha \hat x^j_\alpha \end{equation} which depends on time and space. We assume that the GW, controlled by $h_{ij}$, moves along a null-like geodesics, and has a characteristic frequency $\omega_{\rm GW}$ of the order of the inverse of time it takes for light to arrive from source to detection. Photons emitted at time $t_{\rm em}$ are detected by an observer at time $t_{\rm obs}$ after covering a comoving distance \begin{eqnarray} \label{defda1} d_\alpha&=&\int_{t_{\rm em}}^{t_{\rm obs}}\,\frac{d t}{\left[ 1+ E_\alpha \right]^{1/2}} \\ &=&t_{\rm obs}-t_{\rm em}+ \int_{t_{\rm em}}^{t_{\rm em}+d_\alpha+\delta t_o}\,d t'\,\left\{\frac{1}{\left[ 1+ E_\alpha \right]^{1/2}}-1\right\}\left[t',\left( t_{\rm em}+ d_\alpha+\delta t_o-t'\right) \,\hat x_\alpha\right] \nonumber \,. \\ \label{defda1a} \end{eqnarray} Within the squared parentheses we have the coordinate dependence of the integrand function, which is inside the curly brackets. We use the fact at time $t$ in the interval between $t_{\rm em}$ and $t_{\rm obs}$, photons lie at position $\vec x(t)\,=\,\left( t_{\rm obs}-t\right) \,\hat x_\alpha$. Moreover, since $h_{ij}$ is small, in first approximation we write $t_{\rm obs}\,=\,t_{\rm em}+ d_\alpha+\delta t_o$ in the integral, with $\delta t_o$ a small quantity depending on $E_\alpha $. In the limit of vanishing $h_{ij} $, we have $\delta t_o=0$. Suppose to consider a second train of photons emitted at a later time $t_{\rm em}+T_\alpha$, with $T_\alpha$ the pulsar period. We can then express the same quantity $d_\alpha$ of eq \eqref{defda1} as \begin{eqnarray} \label{defda2} \hskip-0.2cm d_\alpha&=&t'_{\rm obs}-t_{\rm em}-T_\alpha+ \int_{t_{\rm em}}^{t_{\rm em}+d_\alpha+\delta t'_o}\,d t'\,\left\{\frac{1}{\left[ 1+ E_\alpha \right]^{1/2}}-1\right\}\left[t'+T_\alpha,\left( t_{\rm em}+ d_\alpha+\delta t'_o-t'\right) \,\hat x_\alpha\right] \,, \nonumber \\ \end{eqnarray} with $t'_{\rm obs}$ the new time of detection, and $\delta t_o'$ controls the difference, in the limit of small $h_{ij}$, between $t'_{\rm obs}$ and $t_{\rm em}+d_\alpha$. \smallskip Taking the difference between \eqref{defda2} and \eqref{defda1a}, we find \begin{equation} t'_{\rm obs}-t_{\rm obs}\,=\,T_\alpha+\Delta T_\alpha \,, \end{equation} with $\Delta T_\alpha$ given by the difference among the integrals appearing in eqs \eqref{defda2} and \eqref{defda1a}. We know that the pulsar period is much smaller than the time travel of light from source to detection. This implies that the product $\omega_{\rm GW}\,T_\alpha$, which enters in the arguments of the time-dependent function $E_{\alpha}$ in eq \eqref{defda2}, is small. We can expand at first order in $T_\alpha$, finding the following expression for $\Delta T_\alpha$: \begin{eqnarray} \label{expDTA} \Delta T_\alpha&=&\frac{T_\alpha}{2} \,\int_{t_{\rm em}}^{t_{\rm em}+d_\alpha+\delta t_o}\,d t'\,\left[ \frac{\partial_{t'} E_{\alpha}(t', \vec x) }{\left( 1+ E_{\alpha}(t', \vec x) \right)^{3/2}}\right]_{\vec x\,=\,\vec x_0(t')} \end{eqnarray} with $\vec x_0(t)\,=\,t_{\rm em}+ d_\alpha+\delta t_o-t$. We assume that $E_{\alpha}$ can be modelled in terms of a monochromatic plane wave propagating in a null-like geodesics along the $\hat n$ direction: \begin{equation} E_{\alpha}(t, \vec x)\,=\,E_{\alpha}\left( \omega_{\rm GW} (t-\hat n\,\vec x)\right) \,. \end{equation} We can plug this expression in the integral of eq \eqref{expDTA}, and compute the time delay signal as \begin{eqnarray} \label{finrtt1} z_\alpha\,&\equiv&\frac{\Delta T_\alpha}{T_\alpha} \,, \nonumber \\ &=&-\frac{1}{1+\hat x_\alpha \cdot \hat n}\left[\frac{1}{\sqrt{1+ E_{\alpha}(t, \vec x=0)}} -\frac{1}{\sqrt{1+ E_{\alpha}(t-\tau_\alpha, \vec x=\vec x_\alpha)}}\right] \,, \end{eqnarray} with $\tau_\alpha\,=\,t_{\rm em}+d_\alpha+\delta t_o$ the time travel from source to detection. This expression generalizes the classic results of \cite{Detweiler:1979wn} including non-linearities in $E_{\alpha}$. Expanding up to third order in $E_{\alpha}$ we obtain eq \eqref{TaGEN1} in the main text. \section{Computation of the PTA overlap reduction functions} \label{app_A} We denote with $\hat n$ the GW direction along the spatial coordinates in a Cartesian system as $(\hat x,\,\hat y,\,\hat z)$. We introduce two unit spatial vectors $\hat u$ and $\hat v$ orthogonal to $\hat n$: \begin{eqnarray} \label{defhu} \hat u&=&\frac{\hat n \,\times \,\hat z}{|\hat n \,\times \,\hat z|} \,, \\ \label{defhv} \hat v&=&\frac{\hat n \,\times \,\hat u}{|\hat n \,\times \,\hat u|} \,. \end{eqnarray} We can also express these quantities in spherical coordinates as \begin{eqnarray} \hat n&=& \left( \sin{\theta} \cos\phi,\,\sin{\theta} \sin\phi,\,\cos{\theta}\right) \,, \\ \hat u&=& \left( \cos{\theta} \cos\phi,\,\cos{\theta} \sin\phi,\,-\sin{\theta}\right) \,, \\ \hat v&=&\left(\sin{\phi},\,-\cos{\phi},\,0 \right) \,. \end{eqnarray} The symmetric $(+,\times)$ polarization tensors first introduced in eq \eqref{sig_fourier} are defined as \begin{eqnarray} {\bf e}_{ij}^{(+)}&=&u_i u_j-v_i v_j \,, \\ {\bf e}_{ij}^{(\times)}&=&u_i v_j+v_i u_j \,, \end{eqnarray} and satisfy the normalization condition \begin{equation} {\bf e}_{ij}^{(\lambda_1)}\,{\bf e}_{ij}^{(\lambda_2)}\,=\,2 \delta^{\lambda_1 \lambda_2} \,. \end{equation} The two vectors $\hat u $ and $\hat v$ introduced in eqs \eqref{defhu}, \eqref{defhv} are not the only unit vectors orthogonal to $\hat n$: more generally, we can rotate $\hat u $ and $\hat v$ around $\hat n$ by an angle $\psi$: \begin{eqnarray} \hat u'&=&\cos{\psi}\,\hat u+\sin{\psi}\,\hat v \,, \\ \hat v'&=&-\sin{\psi}\,\hat u+\cos{\psi}\,\hat v \,. \end{eqnarray} Observables should not depend on $\psi$: as in \cite{Seto:2009ju}, we average over this angle to determine $2$-point and $4$-point overlap functions used in the main text. \smallskip For computing the 2-point function, we introduce the quantities \begin{equation} \bar E_\alpha^{(\lambda)}\,=\,{\bf e}^{(\lambda)}_{ij}\, \hat x_\alpha^i\,\hat x_\alpha^j \,. \end{equation} The pulsar positions are parametrized with $\hat x_\alpha\,=\,(0,0,1)$, $\hat x_\beta\,=\,(\cos \zeta_{\alpha\beta},0,\sin \zeta_{\alpha\beta})$. The correlators of eq \eqref{res2pt1}, once integrated over all GW directions, read \begin{eqnarray} \langle z_\alpha(t, \vec x_\alpha) z_\beta (t, \vec x_\beta)\rangle &=& \frac{8\pi}{3}\int d f\,P(f)\,\Gamma_{\alpha \beta}(f) \,. \end{eqnarray} The 2-point overlap reduction function is (as explained above, we average over the angle $\psi$) \begin{eqnarray} \Gamma_{\alpha \beta}(f)&=&\frac{3}{32\pi^2}\,\sum_{\lambda_i} \int_0^\pi d \psi\,\int_0^{2 \pi} d \phi\,\int_0^{\pi}\,\sin{\theta} d \theta\,\frac{1}{(1+\hat x_\alpha\cdot \hat n)} \,\frac{1}{(1+\hat x_\beta\cdot \hat n)} \times \nonumber \\ &&\times\left[\delta_{\lambda_1 \lambda_2}\,\bar E^{\lambda_1}_\alpha \,\bar E^{\lambda_2}_\beta+H_{\lambda_1\lambda_2\lambda_3\lambda_4} \left(\frac{9}{8} \bar E^{\lambda_1}_\alpha \bar E^{\lambda_2}_\alpha \,\bar E^{\lambda_3}_\beta \,\bar E^{\lambda_4}_\beta +\frac54 E^{\lambda_1}_\alpha E^{\lambda_2}_\alpha \,\bar E^{\lambda_3}_\alpha \,\bar E^{\lambda_4}_\beta +(\alpha\leftrightarrow\beta)\right) \right] \,, \nonumber\\ &=& \left(1+\frac{29\, (\kappa_2+4 \kappa_1)}{140} \right) \nonumber\\ & \times& \Big[ \frac{140+116 \kappa_1+29 \kappa_2}{280} -\frac{\left(140+988 \kappa_1+625 \kappa_2\right)}{560} x_{\alpha\beta} +\frac{9}{280} \left(8\kappa_1+135 \kappa_2 \right) x_{\alpha\beta}^2 \nonumber\\ &+& \frac{\left(5492\kappa_1-2659\kappa_2\right)}{1120} \,x_{\alpha\beta}^3+\frac{5(4\kappa_1+\kappa_2)}{4}\,x_{\alpha\beta}^4+\frac{3(4\kappa_1+\kappa_2)}{8}\,x_{\alpha\beta}^5 \nonumber\\ &+& \frac32\,x_{\alpha\beta}\,\left( 1-9\kappa_1 \,x^2\right)\,\ln{x_{\alpha\beta}} \Big] \label{genorf2a} \,, \end{eqnarray} where we used the tensor $H_{\lambda_1\dots\lambda_4}$ of eq \eqref{ans4ptFb}, and $x_{\alpha\beta}$ is defined in eq \eqref{defxab}. When setting $\kappa_1\,=\,\kappa_2\,=\,0$, we get the standard HD overlap reduction function. For $\kappa_2+4 \kappa_1\,=\,0$, we get the function in eq \eqref{res2ptOV1} of the main draft. The angular integral can be done straightforwardly, for example using the methods of \cite{Anholm:2008wy}. In this instance we used the residue theorem approach of \cite{Jenet:2014bea}. The overall coefficient of eq \eqref{genorf2a} has been chosen such that the squared parenthesis approaches the value $1/2$ at small values of $\zeta_{\alpha\beta}$, as the HD curve: we plot the part inside the squared parenthesis in Fig \ref{fig:plot1a}. The angular integration along $\psi$ plays an important role in the computation: we checked that only by using tensor 4-point functions one gets a non-vanishing result, while using 3-point functions one gets zero \cite{Seto:2009ju}. \bigskip A very similar computation can be done for computing the 4-point overlap reduction function discussed in section \ref{sec_four_point}. This quantity is given by (we sum over repeated indexes) \begin{eqnarray} \label{prorab1} R_{\alpha\beta}(f)&=&\frac{3}{128\pi^2}\, \int_0^\pi d \psi\,\int_0^{2 \pi} d \phi\,\int_0^{\pi}\,\sin{\theta} d \theta\,\frac{H_{\lambda_1\lambda_2\lambda_3\lambda_4}(f) \, \bar E^{\lambda_1}_\alpha \bar E^{\lambda_2}_\alpha \,\bar E^{\lambda_3}_\beta \,\bar E^{\lambda_4}_\beta }{(1+\hat x_\alpha\cdot \hat n)^2\, (1+\hat x_\beta\cdot \hat n)^2 } \,, \end{eqnarray} and performing the angular integrations as above we get eq \eqref{rab4p} in the main text. In computing $R_{\alpha\beta}(f)$ as in eq \eqref{prorab1}, we make use use only of the linear terms in the numerator of eq \eqref{mod2pt}, and neglect modulations induced by higher order, non-Gaussian ones. \section{Folded tensor non-Gaussianity from causal sources} \label{app_model} The aim of this appendix, following \cite{Green:2020whw}, is to show through an explicit example that tensor non-Gaussianities from causal, classical sources can have enhanced support in a folded shape. With `causal sources' we refer to contributions from causal mechanisms active after inflation ends, for example associated with the decay of particles in their physical, initial state, due to non-linear interactions that respect locality and causality. As we will see, the corresponding $n$-point functions have poles at physical momenta, enhancing folded non-Gaussian shapes. \smallskip The physically more interesting realisations of these considerations are associated with strong GW sources which become active at subhorizon scales after inflation ends -- i.e. during radiation and matter domination. In such systems, the aforementioned locality and causality conditions are met. Examples include phase transitions, or secondary sources of GWs associated with phenomena of PBH production. But, for ensuring that our arguments are as transparent as possible, we focus in this appendix to a system in pure de Sitter space, and select a specific local interaction for the tensor modes: essentially, we apply the arguments of \cite{Green:2020whw} to the tensor case. \smallskip We start with an explicit computation of connected $4$-point function of tensor modes using as \cite{Green:2020whw} the method of Green functions, to then discuss its physical consequences. Besides the usual free quadratic action for spin-2 tensor fluctuations in de Sitter space, we consider a representative local quartic interaction described by the Hamiltonian density \begin{equation} \label{quarint1} {\cal H}_{\rm int}\,=\,-\frac{q_0}{4!}\,\dot h_{ij}^4\,, \end{equation} with $q_0$ a constant, and for simplicity we neglect cubic interactions, since we will focus on 4-point correlators. The interaction \eqref{quarint1} allows for tensor fluctuations in their physical state to decay (or annihilate) on-shell through a non-linear $1\leftrightarrow3$ process, leading -- as we will see -- to a characteristic pole structure in the $4$-point correlation functions. \smallskip To make more direct connection with standard computations of $4$-point correlation functions in field theory, in this appendix we Fourier expand the spin-2 field implementing a slightly different notation with respect to the main text. We work in conformal time, $\partial_t\,=\,a^{-1}(\tau)\,\partial_\tau$, and write \begin{equation} h_{ij}(\tau, \vec x)\,=\,\sum_\lambda\int \frac{d^3 k}{(2 \pi)^3}\,e^{i \vec k \vec x} \,{\bf e}^{(\lambda)}_{ij}(\hat k) \,\tilde h_\lambda(\tau, \vec k) \,, \end{equation} where the Fourier mode is decomposed in terms of classical stochastic quantities as \begin{equation} \tilde h_\lambda(\tau, \vec k)\,=\, \hat a_{\lambda}^\dagger( \vec k)\,\bar h_{ k}(\tau)+\hat a_{\lambda}( -\vec k)\,\bar h_{k}^*(\tau) \,, \end{equation} and we denote $\hat k\,\equiv\,\vec k/| \vec k|$, and $k\equiv |\vec k|$. The stochastic parameters $\hat a_{\lambda}^\dagger$, $\hat a_{\lambda}$ are classical, commuting quantities satisfying the statistical conditions \begin{equation} \langle \hat a_{\lambda_1}^\dagger({\vec k}_1) \, \hat a_{\lambda_2}({\vec k}_2) \rangle\,=\,\frac12 \delta (\vec k_1-\vec k_2)\,\delta_{\lambda_1 \lambda_2}\,=\,\langle \hat a_{\lambda_1}({\vec k}_2) \, \hat a_{\lambda_2}^\dagger({\vec k}_1) \rangle \,, \end{equation} as ensemble averages -- see \cite{Green:2020whw}. The solution for the linearized mode function $\bar h_{ \lambda, k}(\tau)$ in de Sitter space is \begin{equation} \bar h_{ k}(\tau)\,=\,\frac{\Delta_h}{k^{3/2}}\,e^{i k \tau}\, (1-i k \tau) \,, \end{equation} with $\Delta_h$ a constant quantity controlling the spin-2 normalization. These results imply that, working at the linearized level, the equal-time spin-2 correlation functions satisfy \begin{equation} \langle \tilde h^{(1)}_{\lambda_1}(\tau, \vec k_1)\, \tilde h^{(1)}_{\lambda_2}(\tau, \vec k_2) \rangle\,=\,\delta (\vec k_1+\vec k_2)\,\delta_{\lambda_1 \lambda_2}\,\frac{\Delta_h^2}{k_1^3}\,\left(1+k_1^2 \tau^2\right) \,. \end{equation} We now proceed including the effects of interactions. We start from the evolution equations for tensor modes including the quartic interaction \eqref{quarint1} (primes denote derivatives along time): \begin{equation} \label{eveq1rs} h''_{ij}+2 {\cal H}\,h'_{ij}-{\nabla^2} h_{ij}\,=\,\frac{q_0}{12\,a^2} \partial_\tau \left( \partial_\tau h_{ij} \right)^3 \,. \end{equation} Using the properties of the polarization tensors we can rewrite eq \eqref{eveq1rs} in Fourier space as \begin{eqnarray} &&\tilde h''_{\lambda}(\tau,\vec k)+2 {\cal H}\,\tilde h'_{\lambda}(\tau,\vec k)+k^2\,\tilde h_{\lambda}(\tau,\vec k) \nonumber \\ &&\,=\,\frac{q_0}{24\,a^2}\,\partial_\tau \left[ \int \frac{d^3 q_1}{(2 \pi)^3} \frac{d^3 q_2}{(2 \pi)^3} \, H_\lambda^{ \lambda_a \lambda_b \lambda_c} \tilde h'_{\lambda_a}(\tau, \vec q_1) \tilde h'_{\lambda_b}(\tau, \vec q_2) \, \tilde h'_{\lambda_c}(\tau, \vec k-\vec q_1-\vec q_2) \right] \,, \end{eqnarray} with \begin{equation} H^{\lambda \lambda_a \lambda_b \lambda_c}\,=\,{\bf e}_{ij}^{(\lambda)} (\hat k) {\bf e}_{im}^{(\lambda_a)}(\hat q_1) {\bf e}_{mn}^{(\lambda_b)}(\hat q_2) {\bf e}_{nj}^{(\lambda_c)}(\hat k-\hat q_1-\hat q_2) \,. \end{equation} Following \cite{Green:2020whw} we can use the Green function method for studying the effects of classical non-linearities, and how they source connected $n$-point correlation functions. The Green function $G_k(\tau, \tau')$ relative to the spin-2 evolution equation \eqref{eveq1rs} in pure de Sitter can be expressed as \begin{equation} G_k(\tau, \tau')\,=\,\frac{2\,\Delta_h^2}{k^3}\,\left\{ \sin{\left[k (\tau-\tau')\right]}\,\left(1+k^2 \tau \tau'\right) -k\,\left( \tau-\tau'\right) \,\cos{\left[k (\tau-\tau')\right]} \right\} \label{resGF1} \,. \end{equation} We can decompose the tensor fluctuation in a linear and cubic term in momentum space ($\tilde h_{\lambda}(\tau, \vec k)\,=\,\tilde h^{(1)}_{\lambda}(\tau, \vec k)+\tilde h^{(3)}_{\lambda}(\tau, \vec k)$). By using the % % Green function of eq \eqref{resGF1}, the formal expression for the spin-2 solution at third order is (the sum over repeated indexes is understood) \begin{eqnarray} \hskip-0.3cm \tilde h_{\lambda}^{(3)}(\tau, \vec k)&=&\frac{q_0}{24}\, \int d \tau' \frac{d^3 q_1}{(2 \pi)^3} \frac{d^3 q_2}{(2 \pi)^3} H_\lambda^{ \lambda_a \lambda_b \lambda_c} \partial_{\tau'}G_k(\tau, \tau') \,\partial_{\tau'} \tilde h^{(1)}_{\lambda_a}(\tau', \vec q_1)\, \partial_{\tau'} \tilde h^{(1)}_{\lambda_b}(\tau', \vec q_2) \, \partial_{\tau'} \tilde h^{(1)}_{\lambda_c}(\tau', \vec k-\vec q_1-\vec q_2) \,. \nonumber\\ \end{eqnarray} This expression can be used to compute the connected part of the equal-time 4-point correlation function of $\tilde h_{\lambda}(\tau, \vec k) $ at leading order in $q_0$. We find (understanding the equal time dependence) \begin{eqnarray} && \langle \tilde h_{\lambda_1}(\vec k_1) \tilde h_{\lambda_2}( \vec k_2) \tilde h_{\lambda_3}( \vec k_3) \tilde h_{\lambda_4}( \vec k_4) \rangle\,=\, \nonumber \\ && \hskip-1.1cm \frac{q_0}{4}\,\int\,d \tau \frac{d^3 q_1}{(2 \pi)^3} \frac{d^3 q_2}{(2 \pi)^3} \,H^{\lambda_4}_{ \lambda_a \lambda_b \lambda_c}\,(\partial_{\tau'}G_{k_4})\ \langle\tilde h_{\lambda_1}( \vec k_1) \tilde h_{\lambda_a}( \vec q_1) \rangle \langle \tilde h_{\lambda_2}( \vec k_2) \tilde h_{\lambda_b)}( \vec q_2) \rangle \langle \tilde h_{\lambda_3}( \vec k_3)\,\tilde h_{\lambda_c}(\vec k_4-\vec q_1-\vec q_2) \rangle \nonumber \\ && \hskip-0.9cm =\frac{9 \,q_0}{4}\, \delta(\vec k_1+\vec k_2+ \vec k_3 +\vec k_4) \,\frac{\Delta_h^8}{k_1 k_2 k_3 k_4} \,H_{\lambda_4 \lambda_1 \lambda_2 \lambda_3}\, \nonumber \\ && \hskip-0.9cm \times \Big[ \frac{1}{\left( k_1+k_2+k_3+k_4\right)^5}+\frac{1}{\left( k_4-k_1-k_2-k_3\right)^5} +\frac{1}{\left( k_1+k_2-k_3+k_4\right)^5} +\frac{1}{\left( k_2+k_3+k_4-k_1\right)^5} \nonumber\\ && \hskip-0.7cm +\frac{1}{\left( k_1+k_3+k_4-k_2\right)^5} +\frac{1}{\left( k_3+k_4-k_1-k_2\right)^5}+\frac{1}{\left( k_1+k_3-k_4-k_2\right)^5} +\frac{1}{\left( k_1+k_4-k_3-k_2\right)^5 \Big] +{\rm perms}\,. \nonumber \\ \label{bigr4pt} \end{eqnarray} where \begin{equation} H_{\lambda_4 \lambda_1 \lambda_2 \lambda_3}\,=\,{\bf e}_{ij}^{(\lambda_4)} (\hat k_4) {\bf e}_{im}^{(\lambda_1)}(-\hat k_1) {\bf e}_{mn}^{(\lambda_2)}(-\hat k_2) {\bf e}_{nj}^{(\lambda_3)}(-\hat k_1-\hat k_2-\hat k_4) \,. \end{equation} The tensor 4-point function \eqref{bigr4pt} contains poles at physical momenta, which enhance a folded shape of tensor non-Gaussianity, corresponding to a quadrangle with superimposed sides in Fourier space. This example shows that classical correlators from causal sources provide the shape of non-Gaussian signals we are after, and which can source the effects discussed in section \ref{sec_two_point}. Notice that the divergences at the poles can be smoothed by effects as classical dissipation \cite{Green:2020whw}: nevertheless, the corresponding correlation functions have most of their support in folded shapes. \section{The optimal signal-to-noise ratio for the PTA $4$-point function} \label{app_opt} We determine the optimal signal-to-noise ratio (SNR) for estimating the stationary $4$-point function considered in section \ref{sec_four_point}. We generalize the arguments of \cite{Powell:2019kid}, which uses methods developed in \cite{Anholm:2008wy,Thrane:2013oya} and reviewed in \cite{Maggiore:2007ulw}. We assume that the time-delay signal $s_\alpha$ measured with pulsar experiments can be separated in a `true' GW signal $z_\alpha$ (as given in eq \eqref{defKab}) and uncorrelated noise $n_\alpha$: \begin{equation} s_\alpha\,=\,z_\alpha+n_\alpha \,. \end{equation} We then integrate the stationary $4$-point correlator among signals from two pulsars $\alpha$ and $\beta$ over the temporal duration $T$ of the experiment, and we define the quantity ${\cal Y}_{\alpha \beta}$: \begin{equation} \label{defYab1} {\cal Y}_{\alpha \beta}\,=\,\int_{-T/2}^{T/2} d t_1 \, d t_2 \,{\cal K}_{\alpha\beta}(t_1, t_2)\,{\cal F}(t_2-t_1) \,, \end{equation} where ${\cal K}_{\alpha\beta}(t_1, t_2)$, as in eq \eqref{defKab}, is a product of four signals evaluated at two different times, as measured at the earth: \begin{eqnarray} {\cal K}_{\alpha\beta}(t_1, t_2)&=& s_{\alpha}(t_1) s_{\alpha}(t_2) s_\beta(t_1) s_\beta(t_2) \,. \end{eqnarray} The function ${\cal F}$ in eq \eqref{defYab1} is a yet-to-be-determined filter function which decays rapidly with increasing the size of its argument $|t_i-t_j|$. In defining the SNR$=S/N$, the quantity $S$ corresponds to the connected part of the ensemble average value of ${\cal Y}_{\alpha \beta}$ in the presence of the GW signal (see eq \eqref{defKab}); the noise $N$ is the root mean square value of ${\cal Y}_{\alpha \beta}$ when the signal is absent. We determine the filter function ${\cal F}$ that maximises the corresponding SNR. We Fourier transform \eqref{defYab1}, finding \begin{eqnarray} {\cal Y}_{\alpha\beta}&=& \int_{-\infty}^{\infty d f_A\,d f_B\,d f_C\, \,\delta_T(f_A+f_C) \,\delta_T(f_C-f_B) \,\tilde{\cal F}(f_C) \,\tilde {\cal K}_{\alpha\beta}(f_A, f_B) \,, \label{defYabAA} \end{eqnarray} and we introduce $\delta_T(f)\equiv\int_{-T}^T\,\exp{\left[2 \pi i f t \right]}\,d t$, a function with the property $\delta_T(0)\,=\,T$. Eq \eqref{defYabAA} is the starting point for our computations of $S$ and $N$. \smallskip For the signal $S$ we use the stationary property \eqref{defKab} characterizing the connected GW $4$-point functions, which implies\footnote{The factors of $1/2$ in the arguments of the functions are due to the $e^{4\pi i f(t_1-t_2)}$ factor in eq \eqref{defKab}.} \begin{equation} \tilde {\cal K}_{\alpha\beta}(f_A, f_B)\,=\,\frac{8 \pi}{3}\,\delta(f_A+f_B)\, P(f_A/2)\,{ R}_{\alpha\beta}(f_A/2) \,, \end{equation} with $R_{\alpha\beta}$ given in eq \eqref{rab4p}. Plugging this expression in eq \eqref{defYabAA}, we find that the `signal' contribution is \begin{eqnarray} S&=&\frac{8 \pi}{3} \int_{-\infty}^{\infty d f_A\,d f_B\,d f_C\, \,\delta_T(f_A+f_C) \,\delta_T(f_C-f_B) \,\tilde{\cal F}(f_C)\, \delta(f_A+f_B)\, P(f_A/2)\,{ R}_{\alpha\beta}(f_A/2) \nonumber \\ &=&\frac{8 \pi\,T}{3} \,\, \int_{-\infty}^{\infty d f \,\tilde{\cal F}(f)\, P(f/2)\,{ R}_{\alpha\beta}(f/2) \,. \label{defYabAA1} \end{eqnarray} \smallskip We now consider the noise part. We assume the noise has a Gaussian distribution, with 2-point correlation function \begin{equation} \langle n_\alpha(t_1)\,n_{\beta}(t_2) \rangle\,=\,S_n\,\delta(t_1-t_2)\,\delta_{\alpha\beta} \,. \end{equation} For simplicity we assume a common $S_n$ for all pulsars, that as \cite{Thrane:2013oya} we parametrize as \begin{equation} \label{expcno} S_n\,=\,2 \, \Delta t \,\sigma^2 \,, \end{equation} with $1/\Delta t$ the typical measurement cadence, and $\sigma^2$ the {\it rms} of the noise timing. The noise results \begin{eqnarray} N^2&=& \langle {\cal Y}_{\alpha\beta} {\cal Y}_{\alpha\beta} \rangle \,=\, T\,S_n^4\,\int d f \,|\tilde {\cal F}(f)|^2\,. \label{fenoi} \end{eqnarray} We can then build the total SNR assembling the results of eq \eqref{defYabAA1} and eq \eqref{fenoi}, summing over all the pulsar pairs, and denoting for brevity \begin{equation} \label{defrtot} { R}_{\rm tot}(f)\,\equiv\,\frac{8 \pi}{3}\,\sum_{\alpha\beta} { R}_{\alpha\beta}(f) \,. \end{equation} We find \begin{equation} \label{finsnr} {\rm SNR}\,=\,\sqrt{T}\,\frac{ \int d f \,\tilde{\cal F}(f)\, P(f/2)\,{ R}_{\rm tot}(f/2)}{S_n^2\,\left[\int d f \,|\tilde {\cal F}(f)|^2\right]^{1/2}} \,. \end{equation} It is easy to determine the filter function $\tilde {\cal F}$ that maximizes the previous expression. We introduce a positive definite scalar product between two arbitrary quantities $A_i(f)$ \begin{equation} [ A_1(f), A_2(f)]\,\equiv\,\int d f\,A_1(f)\,A_2^\star(f)\,S_n^4 \,. \end{equation} Then the SNR of eq \eqref{finsnr} can be schematically expressed as \begin{equation} {\text{SNR}}\,=\,\sqrt{T}\,\frac{[{\tilde{\cal F}}(f) , \, P(f/2)\,{ R}_{\rm tot}(f/2)/S_n^4] }{[{\tilde{\cal F}}(f) ,{\tilde{\cal F}}(f)]^{1/2}} \,, \end{equation} and it is maximised by choosing an optimal filter function such that \begin{equation} {\tilde{\cal F}}(f) \,=\ P(f/2)\,{ R}_{\rm tot}(f/2)/S_n^4 \,. \end{equation} Plugging this result in eq \eqref{finsnr}, we find that the optimal SNR results \begin{equation}\label{opsnr} {\text{SNR}}^{\rm opt}\,=\,\sqrt{2 T}\,\left[ \frac{1}{S_n^4}\, \int d f \, P(f)\,{ R}_{\rm tot}(f)|^2 \right]^{1/2} \,. \end{equation} The result depends both on the values of the 4-pt correlation of the GW signal, and on the location of pulsars entering in the quantity ${ R}_{\rm tot}$. \end{appendix} \providecommand{\href}[2]{#2}\begingroup\raggedright
4d2c67f98207656c7c44803a3c4c1c1064f0eb5e
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{s:introduction} As cybersecurity skills require higher-order thinking, the best way to develop and ameliorate these abilities is through hands-on training~\cite{mcmurtrey2008,hatzivasilis2020}. In many learning areas, hands-on training produces a tangible output, e.g., a code that can be checked, analyzed, and evaluated. However, this is not the case of cybersecurity, where learning goals consist of process-oriented tasks related to attack or defense skills, e.g., scanning the network for vulnerable servers or protecting the server by a firewall. Modern cyber ranges, in which practical cybersecurity training is often organized~\cite{Knupfer2020,ukwandu2020,yamin2020,chouliaras2021}, provide only limited data about these tasks in the form of event logs, which makes it hard to answer questions like ``Where did the trainees get in trouble and why?'' without deep insight into their behavior. Process mining (PM) methods have great potential in answering analytical questions in process-oriented application domains~\cite{PMbook}. Our goal is to utilize them for cybersecurity training analysis. However, the quality and practical usability of models produced by existing PM algorithms are influenced by many factors, as schematically depicted in Figure~\ref{fig:teaser}. This paper addresses open questions that affect the usability of existing PM techniques for scalable post-training analysis of hands-on cybersecurity exercises, aiming to provide guidelines for their usage. Specifically, we formulated the following research questions. \textbf{RQ1: Data Abstraction -- how to convert cyber training data to the format suitable for process mining?} The PM workflow is used to find a descriptive model of the process. The idea lies in transferring event logs captured during training sessions into behavioral graphs that would provide better cognitive features for understanding users' behavior than the raw data. As the data collected from hands-on training environments are highly variable, the suitable mapping to the input of PM algorithms is unclear. Our goal is to propose a unified data abstraction that can serve as a generic approach to data preprocessing in different cyber ranges with various data sources. \textbf{RQ2: Process Discovery -- what are the key obstacles in the process discovery phase and how to overcome them?} Having the data in the format suitable for process discovery algorithms does not guarantee that generated process models are reasonable. Many input data characteristics affect the process discovery and its practical usability for educational process mining. We aim to identify key features of cyber training data and discuss the limits and obstacles of the process discovery phase. \textbf{RQ3: Exploratory Analysis -- how to deal with the complexity of process graphs during analysis?} Even a relevant process graph obtained by process discovery can become too big and complex for practical learning analytics. Their cognitive features can decrease and become similar to searching for answers in the raw data. Therefore, we research exploratory tactics that can help to tackle the graph complexity problem. We combine specific features of the cybersecurity training data with well-established visual analysis approaches to discuss and demonstrate their usability for interactive learning analytics. In this paper, we restrict ourselves to the in-class (i.e., supervised) \emph{Capture The Flag} (CTF) cybersecurity games~\cite{werther2011,vigna2014,davis2014,svabensky2018,oslejsek2019}. They follow puzzle-based gamification principles, where puzzles are used as a metaphor for getting students to think about how to frame and solve unstructured problems~\cite{michalewicz2008}. This training type is very popular in the education of beginners, e.g., students of cybersecurity courses. \section{Related Work} The idea of using process mining methods for learning analytics is not new. The term educational process mining (EPM) is often used for the application of PM to raw educational data~\cite{romero2016}. Bogarin et al.~\cite{RWBogarin2018education} provide a comprehensive overview of EPM techniques and challenges. We use their classification of event log challenges to clarify features of cybersecurity CTF games and then to address key hurdles, especially the data complexity. PM has already been applied in numerous specific educational situations. Macak et al.~\cite{macak2021using} used process mining to understand student coding-behavior patterns from the Git log of their projects. Mukala et al.~\cite{rwMukala} use process mining to obtain and analyze students' learning habits from Coursera. It is also used to detect students' learning difficulties by Bannert et al.~\cite{rwBannert}. Multiple other approaches use process mining to gain a better understanding of the educational process from Moodle logs~\cite{rwBogar,romero2016}. Our work shares some ideas and principles with these approaches. Still, it addresses a different application domain --- puzzle-based cybersecurity training, aiming to utilize the specific data properties to deal with process mining challenges. Some papers also directly address the utilization of process mining for the analysis of hands-on cybersecurity exercises~\cite{weiss2016,weiss2017,andreolini2020,svabensky2021}. These approaches demonstrate that directed graphs carefully constructed from command history can provide useful information about trainees' behavior. The graphs are built on restricted data samples to deal with the complexity --- only commands identified as significant are selected. Our research is more generic, covering a wider variety of training events and enabling to extent process modeling with new data types. Another difference is in the conceptual approach. The previous approaches are based on conformance checking, i.e., monitoring and checking whether the real execution of the process corresponds to the reference process model. Our solution focuses on exploratory learning analytics based on general process discovery methods where no process model of expected behavior is assumed. Mirkovic et al.~\cite{mirkovic2020} use terminal histories and exercise milestones to enable automated assessment of hands-on cybersecurity training. In contrast, our work aims to introduce a human into the analytical loop~\cite{oslejsek2018} when process models are reconstructed from logs automatically but then interactively analyzed by domain experts so that they are able to reveal hidden relationships in the data. \section{RQ1: Data Abstraction} \label{sec:data-abstraction} In this section, we classify cybersecurity training data and provide their unified mapping into the input of process discovery algorithms to address the research question \emph{RQ1}. The proposed solution builds on our long-term experience in developing \emph{KYPO Cyber Range}\footnote{KYPO is a Czech acronym for Cybersecurity Polygon.}~\cite{vykopal2017}. that we are operating since 2013 and which serves as a platform for regular practical training of students of our university. We also closely collaborate with domain experts (cybersecurity educators) from our university who represent target users of post-training analysis tools. \subsection{Principles of CFT games} Cybersecurity CTF games consist of well-described cybersecurity goals divided into consecutive tasks (puzzles). Completing each task yields a text string called the \emph{flag} that must be inserted into the system to proceed to the subsequent task. Moreover, trainees can take hints or skip the entire task. Points are awarded or deducted for these actions so that the final scores of individual trainees are mutually comparable and can be used for their basic evaluation. Trainees perform cybersecurity tasks on remote hosts located inside isolated computer networks. Modern cyber ranges provide a virtualized implementation of such networks, where each trainee has its own copy of the network and is able to access hosts via remote command lines or desktops, likewise in the physical world. \subsection{Data Types} \label{sec:data-description} Cyber ranges provide telemetry data in the form of events. They are captured from multiple sources and can provide different levels of granularity~\cite{svabensky2021monitoring}. This paper discusses three distinct data categories, but other data types or levels can be included if available. \begin{table}[t] \centering \caption{Game events and their meaning.}\label{tab:gameEvents} \begin{tabular}{ |c|l| } \hline \textbf{Event} & \textbf{Description: The trainee ...} \\ \hline TrainingRunStarted & \dots started the training.\\ \hline TaskCompleted & \dots submitting a correct flag. \\ \hline WrongFlagSubmitted & \dots submitted a wrong flag. \\ \hline HintTaken & \dots took a hint. \\ \hline SolutionDisplayed & \dots viewed the task solution. \\ \hline \end{tabular} \end{table} \textbf{Game events} are produced by the gaming interface of KYPO Cyber Range. Its goal is to provide instructions and guide trainees through the whole training session. User interaction with the interface produces events that capture the gameplay state in the training scenario. Events summarized in Table~\ref{tab:gameEvents} reflect the puzzle-based principles, and they are typical for all games regardless of the content. \textbf{Bash commands} are produced inside computer networks in which the cybersecurity tasks are solved. Currently, commands executed on the UNIX command line (shell) are available. \textbf{Metasploit tool} capture the usage of the Metasploit framework -- a popular command-line application used for penetration testing. These events are also captured at hosts of the computer network, likewise the bash history, but represent even a finer-grained type of data. Each event, regardless of its type or granularity, is extended with additional pieces of information, such as the trainee's identifier, timestamp, and the task (puzzle) in which the event appeared. Moreover, individual event types can have specific mandatory or optional data. For example, the submission of the flag always includes also the flag value, and commands may include their parameters. \subsection{Unified Data Mapping} All process mining techniques require the presence of data with specific semantics~\cite{PMbook}: (a) Each event in the log file needs to refer to a single process instance, named \emph{case}, (b) each event needs to refer to a step in the process, named \emph{activity}, and (c) events within the case have to be ordered, either sequentially or by including \emph{timestamp}. These minimal requirements ensure that each case represented by the sequence of activities can be treated as a \emph{trace} of user actions, enabling the process discovery algorithms to produce graph models capturing all the traces compactly. Unfortunately, CFT data are highly variable. They can differ in abstraction and semantics, as shown by the three aforementioned data types --- game events, bash commands, and the Metasploit tool. To deal with variability, we introduce a generic data abstraction layer that makes the mapping smooth and transparent regardless of the specific training content. The proposed classification scheme serves as a mediator between heterogeneous event logs of the cyber range and the data format required by process mining techniques. Table~\ref{tab:abstraction} provides a mapping example, where a snippet of CTF data (four events) is mapped into the abstraction layer. \begin{table*}[htb] \centering \caption{Mapping of raw data onto the unified CTF data abstraction and process mining inputs.}\label{tab:abstraction} \begin{tabular}{|l|c|c|c|c|c|} \hline \textbf{Process mining input:} & & \emph{activity} & & \emph{time/ordering} & \emph{caseID} \\ \hline \textbf{Data abstraction: } & \textbf{\textsc{event type}} & \textbf{\textsc{event}} & \textbf{\textsc{event parameters}} & \textbf{\textsc{timestamp}} & \textbf{\textsc{trainee}} \\\hline \textbf{Raw data (snippet): } & game & HintTaken 41-1 & & 2020-05-14 10:16:11 & user 1 \\ & game & HintTaken 41-2 & & 2020-05-14 10:16:34 & user 1 \\ & msf & exploit & -j & 2020-05-14 10:18:23 & user 2 \\ & bash & nmap & -sL 10.1.26.9:5050 & 2020-05-14 10:32:16 & user 1 \\ \hline \end{tabular} \end{table*} \textbf{\textsc{Event type:}} A rough classification defining different types of events. We can distinguish player actions in the game from reactions of the system on the player's actions, or assessment events, for instance~\cite{salen2004}. The exact classification used for process mining depends on available data and analytical goals. Usually, each event type has its specific structure (required or optional data), and they affect how the pieces of information are spread across the other elements of the data abstraction. This paper deals with three aforementioned event types: \texttt{game} events capturing the players' progress, \texttt{bash} commands used on network hosts, and \texttt{msf} for Metasploit commands also used on hosts. Additional types can be easily defined. \textbf{\textsc{Event:}} Finer classification of \textsc{event types}. Events represent a primary subject of behavioral analysis. They should capture significant steps in the development of training sessions. Therefore, they represent the \emph{activities} of the process models. In CTF games, events are either game events defined in Table~\ref{tab:gameEvents} or any shell or Metasploit commands. \textbf{\textsc{Event parameters:}} Optional data associated with \textsc{events}. Additional information that extend \textsc{events} and enable the analyst to distinguish finely between them. For example, shell or Metasploit commands can have additional arguments, or the \emph{HintTaken} game event can be equipped with a short hint description. \textbf{\textsc{Timestamp:}} A timestamp of the \textsc{event}. This is required because of the aggregation of multiple \textsc{event types}. \textbf{\textsc{Trainee:}} An anonymized unique identifier of the trainee who produced the \textsc{event}. Using the \textsc{trainee} identifier as the \emph{caseID} ensures that the process discovery reconstructs the walkthroughs of individual trainees. The walkthrough perspective presents a primary subject of learning analytics. It enables analysts to compare trainees' behavior mutually as well as to analyze the expected versus anomalous behavior with respect to the training definition. \begin{figure} \centering \includegraphics[scale=0.45]{figures/Fig5smaller.pdf} \caption{Level of detail based on event type, shown on task~41. The red arrows highlight a flow in the gameplay caused by a bug in platform implementation.} \label{fig:flow} \end{figure} \subsection{Usability} We conducted practical experiments with PM4Py~\cite{pm4py} library to check the utilization of CTF data mapping for process discovery. The experiments proved that the proposed workflow is able to generate meaningful process models from our raw data at runtime. Our initial research revealed that heuristic nets especially fit the analytical goals of educators the best. Even though the goal of these experiments was not to study the impact of obtained models on learning analytics, we were able to notice several interesting facts from process graphs. For example, the game task captured in Figure~\ref{fig:flow} can be considered tough for the trainees because they all took two hints, then two gave up (they looped at the solution with the correct flag). One trainee found and submitted the correct flag on the second try. Using the same model, we also have discovered a flaw in the implementation of KYPO Cyber Range. If trainees submitted the correct flag after displaying a task solution, they were redirected to the solution page instead of being moved to the next puzzle. \section{RQ2: Process Discovery} \label{s:rq2} The proposed data abstraction enables us to use cyber-training data transparently in process mining algorithms. However, the practical usability of process discovery for learning analytics is affected by many factors. The most significant challenges that appear when using event logs for educational process mining are addressed in the previous research~\cite{RWBogarin2018education,romero2016}. Using their classification, we analyzed raw data of multiple training sessions to identify the most significant features that affect the utilization of cyber training logs in post-training process discovery. Fifteen training sessions of six different CTF games were analyzed for statistical properties like training duration or the number of log events of different types. In what follows, we summarize our observations and lessons learned. Each data characteristic is introduced by the problem statement followed by our findings. \subsection{Data Size} The number of cases or events in event logs may become so high that they exceed the time or memory requirements of process discovery algorithms. Moreover, as we aim at providing interactive data exploration, the speed of PM generation should be close to real-time. The real amount of collected data depends on the number of participants, the difficulty of the training content (i.e., the amount of potentially recorded activities), and training duration. CTF games are intended primarily for beginners and then relatively small -- consisting of 4-6 cybersecurity tasks (puzzles) solvable in roughly 120 minutes (observed minimum was 65, maximum 210, average 119). Moreover, in-class training sessions considered in this paper restrict the data even more. It is because also the number of trainees is limited. In our datasets, the number of trainees varied between 4 and 20, 10 on average. The number of logged events (and then potential nodes of the process graphs) in our datasets varied between 370--3000 per the whole training session (average 1100, median 814) and between 53--150 per participant (average 108, median 111). The data amount does not pose any problems to current process discovery algorithms that can treat such an amount of data very quickly~\cite{Hernandez2015}. On the other hand, our experiments revealed that the problem could be with the comprehensibility of produced models, even for limited in-class CTF data. Obtained graphs consisting of tens or hundreds of nodes are usually too complex to be cognitively treated by analysts. Employment of data filtering and interactive exploration is, therefore, necessary. \subsection{Distribution of Data Sources} Data for educational process mining may be distributed over a variety of sources, e.g., theory and practice classroom or online learning environments. These sources provide event logs with different structures and meanings, which makes their unification and aggregation for process discovery challenging. We focus on only the data collected from cyber ranges. Considering other supporting sources of information is out of the scope of this paper. However, the problem with data distribution occurs as well because modern cyber ranges produce data from at least two data sources: (a) the gaming environment responsible for the training tasks and learning milestones and (b) sandboxes (computer networks) where the tasks are performed. Nevertheless, the data abstraction discussed in Section~\ref{sec:data-abstraction} solves this problem by unifying the way the data from multiple data sources is handled and used transparently for process discovery. \subsection{Granularity} Events in event logs may have a different level of detail. The data presented in Section~\ref{sec:data-abstraction} demonstrates that this problem also occurs in the cyber training logs. Thanks to the unified data abstraction, the granularity poses no technical problem for the process discovery of cyber training logs because the data can be mapped transparently. Moreover, this unified approach brings significant advantages when data with different granularity are put together. Multiple levels of granularity can define multiple levels of abstraction that can drive data exploration strategies, as discussed in Section~\ref{s:rq3}. \subsection{Noise in the Data} Noise is defined as exceptional behavior which is not representative of the typical behavior of the process. We observed that many students leave the training unfinished due to the lack of time or the loss of motivation. Normally, this kind of noise could pose troubles for educational PM analysis. However, the puzzle-based structure of CTF games provides clear milestones --- correct flags that explicitly delimit borders of training phases. Therefore, it is easy to spot this situation in process graphs and further investigate the reason. In general, the puzzle-based structure can be considered a template of expected behavior, and any difference revealed by PM models can indicate flows in the game design or the training organization worth further investigation. \subsection{Incompleteness} Possible data incompleteness is tightly connected to the measurement infrastructure and techniques. Although the individual cyber ranges can differ in these aspects, they are often complex, distributed with asynchronous computation, based on underlying virtualization, and then unreliable. Our long-term experience with organizing cyber training sessions of many types reveals that many things can go wrong due to failures in low-level virtualization services, network connectivity, or improper usage. These failures then cause missing data. The experiments have shown that keeping this incomplete data in the dataset can produce biased process models. Unfortunately, it is usually very difficult to notice from process graphs that there is something wrong with the raw event logs. Data cleansing and completeness checking have to be usually done in the preprocessing phase of the analytical workflow. \subsection{Timestamps}\label{s:timestamps} Events need to be ordered per case to be used for process discovery. Our experiments revealed three significant issues in the collected cyber training data. Distributed environments like cyber ranges can produce timestamps that are not sufficiently synchronized. Only a small shift in times can re-order events and then produce significantly different process models. Therefore, precise synchronization at the level of the underlying infrastructure is required. Trainees can start the exercise at different times, even if they sit in the same classroom. This aspect becomes even more significant if the training is not organized as a fixed-time group session, but the training content is available online at any time. Fortunately, the puzzle-based structure of CTF games enables us to identify the exact start of the gameplay of individual trainees and then compute relative times instead of using absolute times, obtaining meaningful process models. An even worse situation can appear if the trainees can ``pause the training''. It does not happen on session-based training courses with a tight schedule. However, loosely conceived training programs would enable participants to stop playing for a while and continue with tasks later, even the next day. Therefore, datasets from the loosely organized training events require much more attention and expertise to be paid by the analyst, who has to take care of time corrections and interpretation of obtained models. \section{RQ3: Exploratory Analysis} \label{s:rq3} Despite the limited size of event logs produced by in-class CTF games, the experiments turned out that obtained process graphs can be too complex and incomprehensible for effective analysis. As the complexity of process graphs can pose a critical aspect for practical usability, we discuss possible strategies for tackling this problem in this section. \subsection{Filtering Driven by Data Abstraction} The granularity of training logs discussed in Section~\ref{s:rq2} can be used to control the level of detail and then the size of obtained process graphs. This kind of semantic classification can be used for efficient data filtering and implementing the well-known Shneiderman's visual information-seeking principle: Overview first, zoom and filter, then details-on-demand~\cite{shneiderman1996}. The granularity is encoded in the \emph{Event types} data abstraction parameter that defines different semantic views of the data. CTF \emph{game events} delimit boundaries of individual puzzles in which other events appear. On the other hand, \emph{bash commands} represent a detailed view of solving tasks within a puzzle. \emph{Metasploit commands} also provide a similar view but at an even more fine-grained level of detail -- the usage of a specific hacking tool. Based on this observation, filtering of the process model to only a specific \textsc{event type} could provide the desired level of detail and then reduce information complexity. Figure~\ref{fig:teaser} depicts the model limited to the Metasploit only, while in Figure~\ref{fig:flow}, only game events are selected, entirely omitting bash and Metasploit commands. Another graph complexity reduction technique utilizes the distribution of the raw data between \emph{event} and \emph{event parameter}. Consider the situation when a trainee takes a hint 41-1 and then a hint 41-2. If these events are mapped into the data abstraction like in Table~\ref{tab:abstraction}, then the process discovery algorithm distinguishes between hints 41-1 and 41-2, creates separate nodes for them and produces a model like that in Figure~\ref{fig:flow}. On the contrary, if we change the mapping so that \textsc{event} = ``\emph{HintTaken}'' and hint numbers 41-1 and 41-2 are provided only as \textsc{event parameters}, then a simplified model is produced with only a single joint ``41-HintTaken'' node covering all hints taken in the task. This filtering principle is even more important for Bash and Metasploit commands than game events because trainees have big freedom of what to type on the command line. Mapping only command names without parameters to \textsc{events} seems to be a reasonable strategy for initial analysis. On the other hand, an \texttt{ssh} command, for instance, says nothing about the remote connection that has been made. In this case, the analyst should rather map the connection argument to the \textsc{event} and then produce separate nodes like \texttt{``ssh [email protected]''} and \texttt{``ssh [email protected]''} in the process graph. Only then, the analyst is able to explicitly see different attempts (traces) and evaluate their correctness. Therefore, the mapping has to be used carefully and iteratively during the analytical process to balance information hiding with graph complexity. \subsection{Puzzle-based Fragmentation and Drill Down} While the unified data abstraction can serve as a fine-grained filtering mechanism of the entire process model across multiple puzzles, the puzzle-based structure of the training content provides a vertical fragmentation of the data usable for drill-down exploration. Process graphs can be logically split into loosely coupled coherent parts that correspond to individual puzzles, as shown in Figure~\ref{fig:fragmentation}, where the puzzles of tasks 43, 44, and an info puzzle are visually recognizable. \begin{figure} \centering \includegraphics[scale=0.22]{figures/fragmentation.png} \caption{Approximate visualization of tasks difficulty (up) and corresponding process graph (bottom). Only \emph{game events} are included in the process graph. Only tasks 43, 44, and the info puzzle are shown in this example to save space.} \label{fig:fragmentation} \end{figure} Based on this observation, we can tackle the complexity of multi-puzzle graphs by allocating puzzles' boundaries and using obtained graph fragments for coarse-grained filtering and data aggregation. Statistical data of each fragment (puzzle) can be distilled into an overview of the whole training session, while smaller detail process graphs of individual puzzles can be used for detail-on-demand exploration. Figure~\ref{fig:fragmentation} illustrates this multi-layer approach. A high-level overview of the training session consists of a series of circles whose size and color can encode interesting metrics. For example, spheres' size can be calculated from the number of activities -- nodes of the puzzle's process graph. In this case, the size of task 44 would indicate that it is the most complicated part of the training with a lot of recorded activities (note that Bash and Metasploit commands are omitted from the graph view in Figure~\ref{fig:fragmentation}, but they can be calculated in the complexity metric and reflected in the sphere's size). Then the analyst can interactively drill down into selected puzzles to analyze the reason that could be either the task complexity (it requires many commands to be used) or difficulty (trainees struggled with the task completion and then generated many events). The number of activities discussed in the previous example is not the only possible metric. Alternate metrics can provide a different perspective on the training results. For example, the number of displayed solutions can indicate how many trainees gave up the puzzle due to the task's difficulty, demotivation, or lack of time. \section{Discussion and Future Work} This section summarizes our results, putting emphasis on simplifications that we put on the training data. \subsection{Limitations} Results of this study are limited by two key constraints put on hands-on training: puzzle-based gamification and in-class education. Considering only well-structured puzzle-based CTF games enables us to better classify data and fragment complex process models for drill-down exploration. We omit other training concepts, e.g., complex Cyber Defense Exercises~\cite{patriciu2009} that are intended for experienced professionals. They use wide network topologies, provide freedom in the exercise scenarios to simulate reality, and participants collaborate in teams, which may produce higher amounts of less-structured data and then violate prerequisites of our observations. In-class training is limited to time and number of participants, which helps us keep data size within reasonable limits. However, cybersecurity training programs can also have the form of online courses accessible at any time by an unlimited number of participants. These courses can produce a significantly larger amount of data and pose some troubles with time dependencies that are crucial for correct process discovery, as discussed in Section~\ref{s:timestamps}. Therefore, extending our approach beyond in-class teaching requires further research. We are also aware that data sets used in this paper were collected from CTF games organized by a single team in a single cyber range, which could affect our observations and limit generalization. On the other hand, to the best of our knowledge, other modern cyber ranges supporting CTF training style, e.g., Cyris, CyTrONE, or Ares~\cite{pham2016,beuran2018, Ares}, share the same concepts and principles that are discussed in this paper. Therefore, the training content and collected data may differ in detail, but the key aspects like size or types of events are very similar. \subsection{Implications for Teaching Practice} It is tough to identify flows in training design or analyze trainees' behavior without transforming events into models with better cognitive features. The proposed unified data abstraction can be directly used to map the data from cyber ranges into the input of exiting process mining tools and algorithms. On the other hand, the practical usability of these generic tools can be limited. Their usability depends on the support of discussed data filtering and exploration techniques that are often domain-specific. Therefore, we are currently working on integrating these techniques into the analytical interface of KYPO Cyber Range so that the process mining analysis becomes an integral part of the training life cycle. \iffalse \subsection{Alternate Views to Process Graphs} Using puzzle-based fragmentation together with the filtering driven by data abstraction can provide a powerful combination enabling analysts to maintain the complexity of process graphs interactively. However, the graph representation of process models is not the only one possible. Process models can be considered so-called \emph{multivariate graphs} that appear in many application domains. Dealing with the complexity of multivariate graphs by complementary visualizations is a broadly researched field within the visual analytics discipline~\cite{kriglstein2016}. According to the classification~\cite{nobre2019}, process graphs of CTF games are of medium or large size, k-partite, they have heterogeneous nodes with few attributes and homogeneous edges. Based on these observations, the best alternate visualization techniques should combine an \emph{attribute-driven faceting} with \emph{quilts} and \emph{integrated} or \emph{juxtaposed} view operations. However, the design of concrete analytical visualizations remains a challenging task requiring further research. \fi \section{Conclusion} This paper explores the practical usability of existing process mining algorithms to analyze cybersecurity training sessions and provides observations that support this direction. Despite the variability of data collected from cyber ranges, we proposed a unified data abstraction for using the data as the input required by process mining algorithms. We tested the usability with data captured in a cyber range that we operate. The practical experiments proved the usefulness of our approach for answering questions related to learning analytics and evaluating corresponding hypotheses but also revealed limits caused by concrete features of the raw data. We analyzed data from 15 training sessions to reveal significant features that affect the practical usability of process discovery algorithms. The main problem we faced was the complexity of the obtained graphs. Therefore, we introduced several strategies of data filtering and interactive data exploration that are built on the features of puzzle-based in-class form of exercises. \begin{acks} This research was supported by the Security Research Programme of the Czech Republic 2015–2022 (BV III/1–VS) granted by the Ministry of the Interior of the Czech Republic under No. VI20202022158 – Research of New Technologies to Increase the Capabilities of Cybersecurity Experts. \end{acks} \bibliographystyle{ACM-Reference-Format}
a9100e6b95546b384932beff67ed5497feb88791
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\subsection*{Acknowledgments} \begingroup \footnotesize The authors thank Matthew Foulkes, David Ceperley, Lucas Wagner, Gareth Conduit, and Ke Liao for helpful discussions. We thank ByteDance AML team specially for their technical and computing support. We also thank ByteDance AI-Lab LIT Group and the rest of ByteDance AI-Lab research team for inspiration and encouragement. This work is directed and supported by Hang Li and ByteDance AI-Lab. J.C. is supported by the National Natural Science Foundation of China under Grant No. 92165101. \endgroup \subsection*{Author contributions} \begingroup \footnotesize X.L. and J.C. conceived the study; X.L. developed the method, performed implementations, simulations, and data analyses; Z.L. contributed to the code development and simulation of HEG; J.C. supervised the project. X.L., Z.L., and J.C. wrote the paper. \endgroup \end{document} \section{Hyperparameters for simulations} The recommended hyperparameters are listed in Supplementary Table~\ref{tab:ge_hyper}. Some employed hyperparameters of the presented results differ from the recommended ones, which are specially given in Supplementary Table~\ref{tab:hyper}. \begin{table}[htb] \centering \begin{tabular}{lclc} \toprule Hyperparameter & Value & Hyperparameter & Value \\ \midrule Pretrain basis & ccpvdz & Pretrain iterations & 1e3\\ Dimension of one electron layer $\mathbf{V}$ & 256 & Dimension of two electron layer $\mathbf{W}$ & 32 \\ Number of layers & 4 & Number of determinants & 8\\ Optimizer & KFAC & Learning rate & 3e-2\\ Damping & 1e-3 & Constrained norm of gradient & 1e-3 \\ Momentum of optimizer & 0.0 & Batch size & \num{4096} \\ Number of training steps & 2e5 & Clipping window of gradient & 5 \\ MCMC burn in & 1e3 & MCMC steps between each iterations & 20 \\ MCMC move width & 2e-2 & Target MCMC acceptance & 55\% \\ Precision & Float64 & Number of inference steps & 5e4 \\ \bottomrule \end{tabular} \caption{\textbf{Recommended hyperparameters} }\label{tab:ge_hyper} \end{table} \begin{table}[htb] \centering \begin{tabular}{|c|c|c|c|c|c|}\hline System & Layer dimension & Layer & Determinants & Batch size & Training steps \\\hline Hydrogen chain & (256, 32) & 3 & 8 & 4096 & 1e5\\ Graphene & (256, 32) & 4 & 8 & 4096 & 3e5\\ $2\times2\times2$ Lithium hydride& (256, 32)& 4& 8 & 4096 & 3e5\\ $3\times3\times3$ Lithium hydride & (256, 32)& 4& 1& 8192 & 4e5\\ Homogeneous electron gas & (256, 32) & 3 & 1 & 4096 & 3e5 \\ \hline \end{tabular} \caption{\textbf{Some system dependent hyperparameters}} \label{tab:hyper} \end{table} \section{Hydrogen chain} \subsection{Training curve} The training curve of ${\rm H}_{10}$ in PBC is plotted in Supplementary Fig.~\ref{fig:h10_training}. The correlation error is defined as \begin{equation} {\rm Correlation\ error} = \Big(1 - \frac{E_{\rm Net}-E_{\rm HF}}{E_{\rm DMC} - E_{\rm HF}}\Big) \times 100\%\ , \end{equation} where $E_{\rm HF}$ is calculated using the ccpvdz basis set and $E_{\rm DMC}$ is taken from Ref.~\cite{hydrogen_chain}. \begin{figure}[htb] \centering \includegraphics[width=0.9\columnwidth]{hydrogen_train.pdf} \caption{\textbf{Hydrogen chain training curve.} For clarity, at each iteration number, we plot the median correlation error of the last 10$\%$ of the corresponding iteration.} \label{fig:h10_training} \end{figure} \subsection{${\rm H}_{10}$ dissociation curve} Energy of ${\rm H}_{10}$ chain per atom is given in Supplementary Table~\ref{tab:h10}, LR-DMC and VMC results from Ref.~\citep{hydrogen_chain} are also listed for comparison. \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|}\hline Bond length (${\rm \AA}$)& Net & LR-DMC(LDA) & VMC(LDA) \\\hline 1.4 & -0.551677(1) & -0.55178(1) & -0.55049(1) \\ 1.6 & -0.568740(1) & -0.56881(1) & -0.56752(1) \\ 1.8 & -0.572922(1) & -0.57304(1) & -0.57172(1) \\ 2.0 & -0.570401(1)& -0.57055(1)& -0.56911(1)\\ 2.4 & -0.556861(1) & -0.55703(1)& -0.55522(1)\\ 2.8 & -0.540783(1) & -0.54102(1)& -0.53831(1)\\ \hline \end{tabular} \caption{\textbf{Energy of ${\rm H}_{10}$ chain}.} \label{tab:h10} \end{table} \subsection{Finite-size error extrapolation} Energies of different hydrogen chains are given in Supplementary Table~\ref{tab:hn}. \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|}\hline Size & Net & LR-DMC(LDA) & VMC(LDA) \\\hline 10 & -0.572922(1) & -0.57304(1) & -0.57172(1) \\ 18 & -0.567776(1) & -0.56796(1) & -0.56644(1)\\ 30 & -0.566114(1) & -0.56627(1) & -0.56478(1)\\ 50 & -0.565419(1) & -0.56560(1) & -0.56409(1)\\ \hline \end{tabular} \caption{Energies of different hydrogen chains, energies are given in Hartree and the bond length of hydrogen chain is fixed at 1.8 Bohr.} \label{tab:hn} \end{table} \section{Graphene} \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|}\hline Atom & Position (${\rm \AA}$) & Lattice vector & Position (${\rm \AA}$) \\\hline C1 & (1.421, 0.0, 0.0) & $\mathbf{a}_1$ & (2.1315, -1.2306, 0.0)\\ C2 & (2.842, 0.0, 0.0) & $\mathbf{a}_2$ & (2.1315, 1.2306, 0.0)\\ & & $\mathbf{a}_3$ & (0, 0, 52.9177)\\ \hline \end{tabular} \caption{\textbf{Geometry of Graphene}} \label{tab:graphene} \end{table} \subsection{Geometry} The primitive cell lattice vectors as well as carbon atom coordinates are given in Supplementary Table~\ref{tab:graphene}. The size of supercell is $2\times 2$. \subsection{Twist average boundary condition (TABC)} A $3\times3$ Monkhorst-Pack mesh in the first Brillouin zone of the supercell reciprocal space with $\Gamma$ point centered is used to approximate the twist average integral, which reads \begin{equation} \begin{gathered} E_{\rm TABC}=\frac{\Omega_S}{(2\pi)^3}\int_{\rm 1. B.Z.} d^3\mathbf{k}_{S}~\frac{\Psi^*_{\mathbf{k}_S}\hat{H}_S\Psi_{\mathbf{k}_S}}{\Psi^*_{\mathbf{k}_S}\Psi_{\mathbf{k}_S}} \approx \frac{1}{9} E_{\rm \mathbf{k}_1} + \frac{2}{3}E_{\rm \mathbf{k}_2} + \frac{2}{9}E_{\rm \mathbf{k}_3}, \\ \mathbf{k}_1 = 0,\ \mathbf{k}_2 = \frac{1}{3} \mathbf{b}_1^S + \frac{1}{3} \mathbf{b}_2^S,\ \mathbf{k}_3 = \frac{2}{3} \mathbf{b}_1^S + \frac{1}{3} \mathbf{b}_2^S, \end{gathered} \end{equation} and the weight factors origin from the different number of symmetry equivalent $\mathbf{k}$ points. \subsection{Training curves} Training curves at different $\mathbf{k}_S$ are plotted in Supplementary Fig.~\ref{fig:graphene_training}. \begin{figure}[!h] \centering \includegraphics[width=0.9\columnwidth]{Graphene_training.pdf} \caption{\textbf{$2\times 2$ Graphene training curve.} For clarity, at each iteration number, we show the median energy per primitive cell over the last 10$\%$ of iteration.} \label{fig:graphene_training} \end{figure} The final results are listed in Supplementary Table~\ref{tab:graphene_energy}. The energy of an isolated carbon atom is taken from Ref.~\citep{FermiNet}, $E=-37.84471$ Hartree. \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|}\hline & $\mathbf{k}_1$ & $\mathbf{k}_2$ & $\mathbf{k}_3$ \\\hline Energy (Hartree) & -76.15588(6) & -76.24949(5) & -76.26314(5) \\ \hline \end{tabular} \caption{\textbf{Energy of graphene at different twists}} \label{tab:graphene_energy} \end{table} \subsection{Structure factor correction} TABC technique is usually combined with structure factor corrections \citep{sf_correction}, and the combination is now seen as the standard scheme of applying QMC to solids. Structure factor $S(\mathbf{k})$ is calculated to correct the exchange-correlation part, namely $V_{\rm xc}$, of the total potential energy, which reads \begin{equation} \begin{gathered} \frac{\Delta V_{\rm xc}}{N_{\rm e}}=\frac{2\pi}{\Omega_S}\lim_{\mathbf{k}\rightarrow 0}\frac{S(\mathbf{k})}{\mathbf{k}^2}\ , \\ S(\mathbf{k})=\frac{1}{N_{\rm e}}[\langle\rho(\mathbf{k})\rho^*(\mathbf{k})\rangle-\langle\rho(\mathbf{k})\rangle \langle\rho^*(\mathbf{k})\rangle] \ ,\ \rho(\mathbf{k})=\sum_i \exp(i\mathbf{k}\cdot \mathbf{r}_i)\ , \end{gathered} \end{equation} where $\mathbf{r}_i$ refers to the coordinate of each electron, and $N_{\rm e}$ denotes the number of electrons in the simulation cell. The calculated $S(\mathbf{k})$ and corresponding $\Delta V_{\rm xc}$ of $\Gamma$ point is plotted in Supplementary Fig.~\ref{fig:graphene_sf}, and corrections of all twists are quite close to each other. \begin{figure}[!h] \centering \includegraphics[width=0.9\columnwidth]{sf.pdf} \caption{\textbf{Structure factor correction of Graphene.} The lines are fitted with the formula: $S(\mathbf{k})=1-\exp(-a\cdot \mathbf{k}^2)$.} \label{fig:graphene_sf} \end{figure} The final correction from structure factor is 0.00122 Hartree / atom. \section{Lithium hydride} \subsection{Geometry} Lithium hydride crystal has a rock-salt structure, whose lattice vectors and atom positions are given in Supplementary Table~\ref{tab:lih}. \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|}\hline Atom & Position & lattice vector & Position \\\hline Li & (0.0, 0.0, 0.0) & $\mathbf{a}_1$ & (0.0, L/2, L/2)\\ H & (L/2, L/2, L/2) & $\mathbf{a}_2$ & (L/2, 0.0, L/2)\\ & & $\mathbf{a}_3$ & (L/2, L/2, 0.0) \\ \hline \end{tabular} \caption{\textbf{Geometry of LiH crystal}} \label{tab:lih} \end{table} \subsection{Training curves} Training curves of the $2\times2\times2$ LiH crystal is plotted in Supplementary Fig.~\ref{fig:lih_training}. \begin{figure}[!h] \centering \includegraphics[width=0.9\columnwidth]{lih_training.pdf} \caption{\textbf{$2\times 2\times2$ LiH training curve.} For clarity, at each iteration number, we show the median energy of primitive cell over the last 10$\%$ of iteration.} \label{fig:lih_training} \end{figure} \subsection{Dissociation curve} The energy of $2\times2\times2$ LiH is listed in Supplementary Table~\ref{tab:lih_energy}. The energy of an isolated lithium atom is taken from Ref.~\citep{FermiNet}, $E=-7.47798 ~{\rm Hartree}$. Corresponding Hatree-Fock corrections are calculated with the ccpvdz basis set and the convergence behavior of HF calculation is plotted in Supplementary Fig.~\ref{fig:hf_fn}. \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|c|c|}\hline L (${\rm \AA}$)& Net & HF correction & L (${\rm \AA}$) & Net & HF correction \\\hline 3.4 & -8.12185(1) & -0.0099 & 4.2 & -8.15112(1) & -0.0004\\ 3.6 & -8.13738(1) & -0.0067 & 4.4 & -8.14967(1) & 0.0009\\ 3.8 & -8.146147(1) & -0.0042 & 4.6 & -8.14502(1) & 0.0020\\ 4.0 & -8.15096(1)& -0.0021& 4.8 & -8.14094(1)& 0.0030\\ \hline \end{tabular} \caption{\textbf{Energy of $2\times 2 \times 2$ LiH crystal.} Energies are all given in Hartree.} \label{tab:lih_energy} \end{table} \begin{figure}[!h] \centering \includegraphics[width=0.9\columnwidth]{hf_fn.pdf} \caption{\textbf{Hartree-Fock corrections.} The convergence behavior of HF calculations with respect to the number of $\mathbf{k}$ points.} \label{fig:hf_fn} \end{figure} \subsection{Birch-Murnaghan fit} The third order Birch-Murnaghan equation of state is employed to fit the dissociation curve, which reads \begin{equation} E(V) = E_0 + \frac{9V_0B_0}{16}\Big\{\Big[\Big(\frac{V_0}{V}\Big)^{2/3}-1\Big]^3B_0'+\Big[\Big(\frac{V_0}{V}\Big)^{2/3}-1\Big]^2\Big[6-4\Big(\frac{V_0}{V}\Big)^{2/3}\Big]\Big\}, \end{equation} where $E_0,V_0,B_0,B_0'$ are fitted quantities, their results and corresponding experiment data \citep{qmc_lih} are listed in Supplementary Table~\ref{tab:bh_fit}. \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|c|}\hline &$a_0$ (\AA) & $B_0$ (GPa) & $E_{\rm coh} $ (eV) \\\hline Net & 4.022 & 36.89 & -4.757 \\ Exp & 4.061(1) & 33-38 & -4.778,-4.759 \\ \hline \end{tabular} \caption{\textbf{Parameters of Birch-Murnaghan equation of state}} \label{tab:bh_fit} \end{table} \subsection{$3\times3\times3$ LiH} The training curve of the $3\times3\times3$ LiH crystal at its equilibrium lattice constant ${\rm L}=4.061{\rm \AA}$ is plotted in Supplementary Fig.~\ref{fig:lih_333_training}, corresponding Hartree-Fock corrections are also given. The final inference results from neural network are listed in Supplementary Table~\ref{tab:lih_333_energy}. \begin{figure}[!h] \centering \includegraphics[width=0.9\columnwidth]{lih_333_training.pdf} \caption{\textbf{$3\times 3\times3$ LiH.} Left panel plots the training curve of the $3\times3\times3$ LiH. For clarity, at each iteration number, we show the median energy per unit cell over the last 10$\%$ of iteration. Right panel plots the corresponding Hartree-Fock corrections with the ccpvdz basis set.} \label{fig:lih_333_training} \end{figure} \begin{table}[!h] \centering \begin{tabular}{|c|c|c|}\hline L (${\rm \AA}$)& Net & HF correction \\\hline 4.061 & -8.16020(2) & 0.0069\\ \hline \end{tabular} \caption{\textbf{Energy of the $3\times 3 \times 3$ LiH crystal.} Energies are all given in Hartree.} \label{tab:lih_333_energy} \end{table} \section{Homogeneous electron gas} \subsection{Training curve} The training curve of HEG system containing 54 electrons is plotted in Supplementary Fig.~\ref{fig:electron_gas_training}. $E_{\rm HF}$ and $E_{\rm DMC}$ are taken from Ref. \cite{heg_method_3}. Final results of neural network, BF-DMC, BF-VMC and DCD \citep{heg_method_3,heg_method_5} are listed in Supplementary Table~\ref{tab:electron_gas}. \begin{figure}[!h] \centering \includegraphics[width=0.9\columnwidth]{electron_gas_training.pdf} \caption{\textbf{Homogeneous electron gas.} For clarity, at each iteration number, we show the median correlation error over the last 10$\%$ of iteration.} \label{fig:electron_gas_training} \end{figure} \begin{table}[!h] \centering \begin{tabular}{|c|c|c|c|c|}\hline $r_s$ & Net & BF-DMC & BF-VMC & DCD \\\hline 0.5 & 3.221226(2) & 3.22112(4) & 3.22132(7) & 3.22052\\ 1 & 0.530019(1) & 0.52989(4) & 0.53009(3) & 0.53001\\ 2 & -0.013840(1) & -0.013966(9) & -0.01382(2) & -0.01286 \\ 5 & -0.0788354(2) & -0.079036(3) & -0.078961(5) & -0.07655\\ 10 & -0.0542785(1) & -0.054443(2) & -0.054389(2)& -0.05157\\ 20 & -0.0316886(1) & -0.032047(2) & -0.0319984(8)& -0.02925\\ \hline \end{tabular} \caption{\textbf{Energy per electron of HEG at different mean radius of electrons $r_s$.} HEG system contains 54 electrons and energies are all given in Hartree, $r_s$ is given in Bohr.} \label{tab:electron_gas} \end{table} \section{Bader charge analysis} Detailed Bader charge analysis \cite{bader_charge} is applied to conventional LiH crystal, and the result is plotted in Fig.~\ref{fig:bader}. \begin{figure}[!h] \centering \includegraphics[width=0.9\columnwidth]{bader.pdf} \caption{\textbf{Bader charge of LiH crystal.} Calculated Bader charge of atoms in LiH crystal, point denotes the number uniformly dividing the crystal.} \label{fig:bader} \end{figure} According to the result, Li and H atoms in LiH become ${\rm Li}^{0.67+}$ and ${\rm H}^{0.67-}$ ions respectively. \section{Introduction} \section{Introduction} Solving the many-body electronic structure of real solids from \textit{ab initio} is one of the grand challenges in condensed matter physics and materials science \citep{KohnNobel}. More accurate \textit{ab initio} solutions can push the limit of our understanding in many fundamental and mysterious emergent phenomena, such as superconductivity, light-matter interaction, heterogeneous catalysis, to name just a few \citep{martin_2004}. The current workhorse method is density functional theory (DFT), whose accuracy depends quite sensitively on the choice of the so-called exchange-correlation functional and unfortunately there lacks a systematic routine towards the exact \citep{DFT-JONES,kirkpatrick_pushing_2021}. Other commonly used \textit{ab initio} quantum chemistry methods, such as the coupled-cluster and configuration interaction theories \cite{simons2020}, can provide more accurate solutions for molecules but face severe difficulty when applied to solid systems. Recently, several breakthroughs have been made in applying these quantum chemistry methods on solids \citep{Booth2013TowardsAE,mihm_shortcut_2021}, driving the study of solid systems towards a new frontier. Meanwhile, in the last few years, new attempts to tackle the correlated wavefunction problem in molecules or model Hamiltonians using neural network based approaches have been reported by different groups \citep{han_solving_2019,RBM_ising,FermiNet,spencer2020better,PauliNet,ferminetecp, ferminet_dmc}. The key idea is to use the neural network as the wavefunction ansatz in quantum Monte Carlo (QMC) simulations. The stochastic nature of QMC enables a considerably economical \citep{guther_neci_2020,FoulkesReview,ShiAFQMC,Booth2013TowardsAE} time scaling and efficient parallelization. The universal approximation theorem behind neural network based ansatz significantly improves the accuracy of the traditional QMC method and the strategy has been proved successful in studying small molecules \cite{FermiNet,spencer2020better,PauliNet}. However, how to apply such neural network ansatz for real solids, i.e. how to apply periodic boundary conditions (PBC) in the neural network, and whether it can describe the long-range electron correlations in extended systems remain as open questions. Here we propose a powerful periodic neural network ansatz, based on which we develop a highly efficient QMC method for \textit{ab initio} calculation of real solid and general periodic systems with unprecedented accuracy. We apply our method to periodic hydrogen chains, graphene, lithium hydride (LiH) crystal, and homogeneous electron gas. These systems cover a wide range of interests, including materials dimension from one to three, electronic structure from metallic to insulating, and bonding type from covalent to ionic. The calculated dissociation curve, cohesive energy and correlation energy, can be compared satisfactorily with available experimental values and other state-of-the-art computational approaches. Electron densities of typical systems are further calculated to test our neural network and explore the underlying physics. All the results demonstrates that our method can achieve accurate electronic structure calculations of real solid/periodic systems. \section{Results} \subsection{Neural network for solid system} \begin{figure*}[t] \centering \includegraphics[width=2.0\columnwidth]{figs/net_row.pdf} \caption{\textbf{Sketch of neural network architecture.} The electron coordinates ${\mathbf{r}_i}$ are passed to two channels. In the first one, they build the periodic distance features $d(\mathbf{r})$ using the periodic metric matrix $\mathbf{M}$ and the lattice vectors ${\mathbf{a}}$, and then $d(\mathbf{r})$ features are fed into two molecular neural networks, that represent separately the real and the imaginary part of wavefunction. In the second channel, ${\mathbf{r}_i}$ constructs the plane-wave phase factors on a selected set of crystal momentum vectors. The total wavefunctions of solids are constructed by the two channels following the expression of Eq.~\eqref{eq:ansatz}.} \label{fig:net} \end{figure*} Periodicity and anti-symmetry are two fundamental properties of the wavefunction of a solid system. The anti-symmetry can be ensured by the Slater determinant, which has been commonly used as the basic block in molecular neural networks. We also express the wavefunction by two Slater determinants of one spin-up channel and one spin-down channel, \begin{equation} \Psi(\mathbf{r}) = {\rm Det}_\uparrow[e^{i\mathbf{k}\cdot \mathbf{r}_\uparrow}u^\uparrow_{\rm mol}(d)]{\rm Det}_\downarrow[e^{i\mathbf{k}\cdot \mathbf{r}_\downarrow}u_{\rm mol}^\downarrow(d)]\ . \label{eq:ansatz} \end{equation} In this regard, our ansatz resembles the structure of FermiNet \citep{FermiNet,spencer2020better}, whereas other neural network wavefunction ansatz may include extra terms in addition to the Slater determinants \citep{PauliNet}. Each determinant is then constructed from a set of periodic orbitals, which inherits the physics captured by the Bloch function form by a product of phase factor $e^{i\mathbf{k}\cdot \mathbf{r}}$ and collective molecular orbital $u_{\rm mol}$. Fig.~\ref{fig:net} displays more details on the structure of our neural network. Building an efficient and accurate periodic ansatz is the key step in developing \textit{ab initio} methods for solid. Here we have followed the recently proposed scheme of Whitehead et al. to construct a set of periodic distance features $d(\mathbf{r})$ \citep{PeriodicDis} using lattice vectors in real and reciprocal space $(\mathbf{a}_i,\mathbf{b}_i)$, \begin{equation} \begin{gathered} d(\mathbf{r})=\frac{\sqrt{\mathbf{A}\mathbf{M}\mathbf{A}^T}}{2\pi}~,~ \mathbf{A}=(\mathbf{a}_1,\mathbf{a}_2,\mathbf{a}_3)\ ,\\ \mathbf{M}_{ij}=f^2(\omega_i)\delta_{ij}+g(\omega_i)g(\omega_j)(1-\delta_{ij}) ~,~\omega_i=\mathbf{r}\cdot\mathbf{b}_i\ . \end{gathered} \label{eq:periodic_metric} \end{equation} The periodic metric matrix $\mathbf{M}$ is constructed by periodic functions $f,g$, which retains ordinary distances at the origin and regulates them to periodic ones at far distances, ensuring asymptotic cusp form, continuity, and periodicity requirement at the same time. The constructed periodic distance features $d(\mathbf{r})$ can then be fed into molecular neural networks to form collective orbitals $u_{\rm mol}$. Specifically, in this work we represent the molecular networks with FermiNet \citep{FermiNet}, which incorporates the electron-electron interactions. The inclusion of all-electron features promotes the traditional single-particle orbitals to the collective ones, and hence the description of wavefunction and correlation effects can be improved while fewer Slater determinants are required. In addition, the wavefunction of solid systems is necessarily complex-valued, and we introduce two sets of molecular orbitals to represent the real and imaginary parts of the solid wavefunction, respectively. The plane-wave phase factors $e^{{\rm i}\mathbf{k}\cdot\mathbf{r}}$ in Fig.~\ref{fig:net} are used to construct the Bloch function like orbitals, and the corresponding $\mathbf{k}$ points are selected to minimize the Hartree-Fock (HF) energy. Based on the variational principle, our neural network is trained using the variational Monte Carlo (VMC) approach. To efficiently optimize the network, a modified Kronecker factored curvature estimator (KFAC) optimizer \citep{kfac} is adopted, which significantly outperforms traditional energy minimization algorithms. Calculations are also ensured by efficient and massive parallelization on multiple nodes of high-performance GPUs. More details on the theories, methods, and computations are included in the Methods section and the supplementary information. \begin{figure*}[t] \centering \includegraphics[width=2.0\columnwidth]{figs/unify_sf.pdf} \caption{\textbf{Calculated results of neural network}. Our results are all labeled as Net. ${\rm \mathbf{a}}$, ${\rm H}_{10}$ dissociation curve is plotted. ${\rm \mathbf{b}}$, energy of different hydrogen chain sizes N, the bond length of hydrogen chain is fixed at 1.8 Bohr. LR-DMC and VMC both use TZ-LDA basis and AFQMC is pushed to complete basis limit \citep{hydrogen_chain}. ${\rm \mathbf{c}}$, structure of graphene. ${\rm \mathbf{d}}$, the cohesive energy per atom of $\Gamma$ point and finite-size error corrected result is plotted. Experiment cohesive energy is from Ref.~\cite{Graphene_exp}. Graphene is calculated at its equilibrium length 1.421 \AA. ${\rm \mathbf{e}}$, structure of rock-salt lithium hydride crystal. ${\rm \mathbf{f}}$, equation of state of LiH crystal is plotted, fitted Birch-Murnaghan parameters and experimental data are also given. HF corrections are calculated using ccpvdz basis, and $E_\infty^{\rm HF}$ is approximated by $E_{\rm N=8}^{\rm HF}$. The arrows denote the corresponding HF corrections. ${\rm \mathbf{g}}$, plot of homogeneous electron gas system. ${\rm \mathbf{h}}$, correlation error of 54 electrons HEG systems at different $r_s$. DCD and BF-VMC results are displayed for comparison, and BF-DMC data is used as reference \citep{heg_method_3,heg_method_5}.} \label{fig:unify} \end{figure*} \subsection{Ground-state energy} \subsubsection{Hydrogen chain} Hydrogen chain is one of the simplest models in condensed matter research. Despite its simplicity, hydrogen chain is a challenging and interesting system, serving as a benchmark system for electronic structure methods and featuring intriguing correlated phenomena \citep{hydrogen_chain}. The calculated energy of the periodic $\text{H}_{10}$ chain as a function of the bond length is shown in Fig.~\ref{fig:unify}a. The results from lattice-regularized diffusion Monte Carlo (LR-DMC) and traditional VMC are also plotted for comparison \citep{hydrogen_chain}. We can see that our results nearly coincide with the LR-DMC results and significantly outperform traditional VMC (see Supplementary Table 3). In Fig.~\ref{fig:unify}b, the energy of hydrogen chains of different atom numbers are calculated for extrapolation to the thermodynamic limit (TDL). The shaded bar in Fig.~\ref{fig:unify}b illustrates the extrapolated energy of the periodic hydrogen chain at TDL from auxiliary field quantum Monte Carlo (AFQMC), which is considered as the current state-of-the-art along with LR-DMC. Our TDL result is comparable with both AFQMC and LR-DMC (see Supplementary Table 4). \subsubsection{Graphene} Graphene is arguably the most famous two-dimensional system (Fig.~\ref{fig:unify}c) receiving broad attention in the past two decades for its mechanical, electronic, and chemical applications \citep{geim_nobel}. Here we carry out simulations to estimate its cohesive energy, which measures the strength of C-C chemical bonding and long-range dispersion interactions. The calculations are performed on a $2\times2$ supercell of graphene using twist average boundary condition (TABC) \citep{twist_average} in conjunction with structure factor $S(\mathbf{k})$ correction \citep{sf_correction} (see Supplementary Fig. 3) to reduce the finite-size error. The calculated results are plotted in Fig.~\ref{fig:unify}d along with the experimental value \cite{Graphene_exp}, and it shows that our neural network can deal with graphene very well, producing a cohesive energy of graphene within 0.1 eV/atom to the experimental reference (see Supplementary Table 6). We also plotted the results with PBC, namely the $\Gamma$ point only result, which deviates from the experiment data by 1.25 eV/atom. \subsubsection{Lithium hydride crystal} For three-dimensional system, we consider the LiH crystal with a rock-salt structure (Fig.~\ref{fig:unify}e), another benchmark system for accurate \textit{ab initio} methods \citep{Booth2013TowardsAE, scf_lih, qmc_lih}. Despite consisting of only simple elements, LiH represents typical ionic and covalent bondings upon changing the lattice constants. Using our neural network, we first simulate the equation of state of LiH on a $2\times2\times2$ supercell, as shown in Fig.~\ref{fig:unify}f. In addition, we employ a standard finite-size correction based on Hartree-Fock calculations of a large supercell (see Supplementary Fig. 5). In Fig.~\ref{fig:unify}f we also show the Birch-Murnaghan fitting to the equation of state, based on which we can obtain thermodynamic quantities such as the cohesive energy, the bulk modulus, and the equilibrium lattice constant of LiH. As shown in the inset, our results on the thermodynamic quantities agree very well with experimental data \citep{scf_lih} (see Supplementary Table 8, 9). For further validation, we have also computed directly the $3\times3\times3$ supercell of LiH at its equilibrium length $4.061 \AA$, which contains 108 electrons. To the best of our knowledge, this is the largest electronic system computed using a high-quality neural network ansatz. The $3\times3\times3$ supercell calculation predicts the total energy per unit cell of LiH is $-8.160$ Hartree and the cohesive energy per unit cell is $-4.770~{\rm eV}$ after the finite-size correction (see Supplementary Table 10), which is also very close to the experimental value $-4.759~{\rm eV}$ \citep{scf_lih}. \subsubsection{Homogeneous electron gas} In addition to the real solids, our computational framework can also apply straightforwardly to model systems such as homogeneous electron gas (HEG). HEG has been studied for a long time to understand the fundamental behavior of metals and electronic phase transitions \citep{ElectronGas}. Several seminal \textit{ab initio} works have reported the energy of HEG at different densities \citep{ElectronGas, heg_method_3,heg_method_5, wapnet, ferminetGas}, and recently more investigations have been conducted using neural network ansatz \citep{wapnet,ferminetGas}. Here we broaden our tests to simulate a simple cubic cell containing 54 electrons in closed-shell configuration (Fig.~\ref{fig:unify}g). Fig.~\ref{fig:unify}h shows the correlation energy error from our neural network calculations on HEG at 6 different densities from $r_s = 0.5 $ Bohr to 20.0 Bohr. The state-of-the-art results, namely VMC with backflow correlation (BF) \citep{heg_method_3} and distinguishable cluster with double excitations (DCD) \citep{heg_method_5} are also plotted for comparison, and the most accurate BF-DMC result is used as the reference energy of correlation error. Overall, our neural network performs very well, with an error of less than 1\% in a wide range of density (see Supplementary Table 11). Generally, the correlation error increases as the density of HEG decreases when the correlation effects become larger, which also appears in DCD calculations. \subsection{Electron density} \begin{figure}[t] \centering \includegraphics[width=0.70\columnwidth]{figs/h10_order.pdf} \caption{\textbf{Electron density of $\mathbf{{\rm H}_{10}}$ chains.} Horizontal axis is scaled by the corresponding bond length. Complex polarization modulus ${|Z|}$ as a function of bond length is plotted in the inset. } \label{fig:h10_density} \end{figure} Besides the total energy of solid systems, the electron density is also a key quantity to be calculated. For example, electron density is crucial for characterizing different solids, such as the difference between insulators and conductors, and the distinct nature of ionic and covalent crystals. In DFT the one-to-one correspondence between many-body wavefunction and electron density proved by Hohenberg and Kohn in 1964 suggests that electron density is a fundamental quantity of materials. However, an interesting survey found that while new functionals in DFT improve the energy calculation the obtained density somehow can deviate from the exact \citep{dft_science}. Here, with our accurate neural network wavefunction, we can also obtain accurate electron density of solids and provide a valuable benchmark and guidance for method development. A conductor features free-moving electrons, which would have macroscopic movements under external electric fields. In contrast, electrons are localized and constrained in insulators and cause considerable electron resistance. In Fig.~\ref{fig:h10_density}, as an example, we show the calculated electron density of the hydrogen chain at two different bond lengths. As we can see, for the compressed hydrogen chain (${\rm L} = 2$ Bohr), the electron density is rather uniform and has small fluctuations. As the chain is stretched, the electrons are more localized and the density profile has larger variations. The observation is consistent with the well-known insulator-conductor transition on the hydrogen chain by varying the bond length. To measure the transition more quantitatively, we further calculate the complex polarization $Z$ as the order parameter for insulator-conductor transition \citep{vmc_complex_polarization}. A conducting state is characterized by a vanishing complex polarization modulus $|Z|\sim 0$, while an insulating state has finite $|Z|\sim1$. We can see that the conductor-insulator transition bond length of hydrogen chain is around 3 Bohr according to the calculated results, which is also consistent with previous studies \cite{vmc_complex_polarization}. \begin{figure}[t] \centering \includegraphics[width=1.0\columnwidth]{figs/density.pdf} \caption{\textbf{Electron density of solids.} \textbf{a}, structures of solids, where the lattice planes for plotting electron densities are indicated. \textbf{b}, electron density of diamond-structured Si in its ($01\bar{1}$) plane, ccECP[Ne] is employed, and the bond length of Si equals $5.42 \AA$. \textbf{c}, electron density of NaCl crystal in its $xy$-plane, ccECP[Ne] is employed, and the bond length of NaCl equals $5.7 \AA$. \textbf{d}, electron density of LiH crystal in its $xy$-plane, and the bond length of LiH equals $4.0 \AA$.} \label{fig:density} \end{figure} Ionic and covalent bonds are the most fundamental chemical bonds in solids. While the physical pictures of these two types of bonding are very different, they both lie in the behavior of electrons as the "quantum glue" and electron density distribution is a simple way to visualize different bonding types. Here we choose to calculate the electron density of the diamond-structured Si, rock-salt NaCl and LiH crystals at their equilibrium position. They are representative of covalent and ionic crystals and have also been investigated by other high-level wavefunction methods, e.g. AFQMC \citep{afqmc_density}. Note that in the calculations of NaCl and Si, correlation-consistent effective core potential (ccECP) is employed to reduce the cost, which removes the inertia core electrons and keeps the behavior of active valence electrons \citep{ccecp, ferminetecp}. The electron density of diamond-structured Si in its $(01\bar{1})$ plane is plotted in Fig.~\ref{fig:density}b. We can see that valence electrons are shared by nearest Si atoms, forming apparent Si-Si covalent bonds. In contrast, valence electrons are located around atoms in NaCl crystal as Fig.~\ref{fig:density}c shows. All the valence electrons are attracted around Cl atoms, forming effective $\rm{Na^+}$ and $\rm{Cl^-}$ ions in the crystal. Moreover, the electron density of LiH crystal is also calculated and plotted in Fig.~\ref{fig:density}d. LiH crystal is a moderate system between a typical ionic and covalent crystal. According to the result, the electrons are nearly equally distributed near Li and H atoms for our network. Detailed Bader charge analysis \citep{bader_charge} manifests the atoms in the crystal become ${\rm Li^{0.67+}}$ and ${\rm H^{0.67-}}$ ions respectively (resolution $\sim {\rm 0.015 \AA}$), which slightly deviates from the stable closed-shell configuration (see Supplementary Note 6 for more details). \section{Conclusion} The construction of a wave function for solid systems is a crucial but unsolved problem in the neural network community. The core mechanism of our neural network is the use of the periodic distance feature, which promotes molecule neural networks elegantly to the corresponding periodic ones and avoids time-consuming lattice summation. Considering the high-accuracy results obtained in this work, our neural network can be further applied to study more delicate physics and materials problems, such as the phase transitions of solids, surfaces, interfaces, and disordered systems, to name just a few. Our ansatz also offers a flexible extension to other neural networks and an easy integration into traditional computational techniques. The naturally evolved many-body wavefunction from the neural network may provide more physical and chemical insights to emergent phenomena of complex materials. \section{Methods} \paragraph{Supercell approximation.} Simulating a solid system requires solving the Schr\"{o}dinger equation of many electrons within a large bulk. Supercell approximation is usually adopted to simplify the problem, considering a finite number of electrons and nuclei with periodic boundary conditions, whose Hamiltonian reads \begin{equation} \begin{gathered} \hat{H}_S=\sum_i -\frac{1}{2}\Delta_i + \frac{1}{2}\sum_{\mathbf{L}_S,i,j}'\frac{1}{|\mathbf{r}_i-\mathbf{r}_j+\mathbf{L}_S|} \\ - \sum_{\mathbf{L}_S,i,I}\frac{Z_I}{|\mathbf{r}_i-\mathbf{R}_I+\mathbf{L}_S|} + \frac{1}{2}\sum_{\mathbf{L}_S,I,J}'\frac{Z_I Z_J}{|\mathbf{R}_I-\mathbf{R}_J+\mathbf{L}_S|}\ , \end{gathered}\label{eq:supercell_h} \end{equation} where $\mathbf{r}_i$ denotes the spatial position of i-th electron in the supercell. $\mathbf{R}_I,Z_I$ are the spatial position and charge of I-th nucleus and $\{\mathbf{L}_S\}$ is the set of supercell lattice vectors, which is usually a subset of primitive cell lattice vectors $\{\mathbf{L}_p\}$. In order to simulate the real environments of electrons in solids, the interactions between the particles and their images are also included in $\hat{H}_S$, and the prime symbol in summation means $i=j$ terms are omitted for $\mathbf{L}_S=0$. Supercell Hamiltonian $\hat{H}_S$ is invariant under translation of any electron by a vector in $\{\mathbf{L}_S\}$ as well as a simultaneous translation of all electrons by a vector in $\{\mathbf{L}_p\}$. As a consequence, two periodic conditions are required for the ground-state wavefunction $\Psi$, \begin{equation} \label{eq:periodic_con} \begin{gathered} \Psi(\mathbf{r}_1+\mathbf{L}_p,...,\mathbf{r}_N+\mathbf{L}_p)=\exp({i\mathbf{k}_p\cdot\mathbf{L}_p})\Psi(\mathbf{r}_1,...,\mathbf{r}_N)\ , \\ \Psi(\mathbf{r}_1+\mathbf{L}_S,...,\mathbf{r}_N)=\exp({i\mathbf{k}_S\cdot\mathbf{L}_S})\Psi(\mathbf{r}_1,...,\mathbf{r}_N)\ , \end{gathered} \end{equation} where $\mathbf{k}_S, \mathbf{k}_p$ denote the momentum vectors reduced in the first Brillouin zone of the supercell and the primitive cell, respectively. Eq.~\eqref{eq:periodic_con} and the anti-symmetry condition together form the fundamental requirements for $\Psi$. As the size of supercell increases, simulation results gradually converge to the thermodynamic limit of real solid system. \paragraph{Wavefunction ansatz.} In conventional QMC simulation of solids, Hartree-Fock type wavefunction anzatz composed of Bloch functions is often used, which reads \begin{equation} \begin{gathered} \label{eq:hf} \Psi^{\rm HF}_{\mathbf{k}_S,\mathbf{k}_p}(\mathbf{r})={\rm Det}\left| \begin{matrix} e^{i\mathbf{k}_1\cdot\mathbf{r}_1}u_{\mathbf{k}_1}(\mathbf{r}_1) & \cdots & e^{i\mathbf{k}_N\cdot\mathbf{r}_1}u_{\mathbf{k}_N}(\mathbf{r}_1) \\ \cdot & & \cdot\\ \cdot & & \cdot\\ \cdot & & \cdot\\ e^{i\mathbf{k}_1\cdot\mathbf{r}_N}u_{\mathbf{k}_1}(\mathbf{r}_N) & \cdots & e^{i\mathbf{k}_N\cdot\mathbf{r}_N}u_{\mathbf{k}_N}(\mathbf{r}_N) \\ \end{matrix} \right|\ . \end{gathered} \end{equation} In order to satisfy Eq.~\eqref{eq:periodic_con}, $\mathbf{k}_i$ in the determinant should lie on the grid of supercell reciprocal lattice vectors $\{\mathbf{G}_S\}$ offset by $\mathbf{k}_S$ within the first Brillouin zone of primitive cell. Moreover, $u_{\mathbf{k}}$ functions in Eq.~\eqref{eq:hf} should satisfy the translation invariant condition by the primitive cell lattice vectors, \begin{equation} \begin{gathered} \label{eq:uk_con} u_{\mathbf{k}}(\mathbf{r}+\mathbf{L}_p)=u_{\mathbf{k}}(\mathbf{r})\ . \end{gathered} \end{equation} Following the strategy of FermiNet \citep{FermiNet}, Bloch functions in Eq.~\eqref{eq:hf} can be promoted with collective distances, \begin{equation} \begin{gathered} \label{eq:promotion} e^{i\mathbf{k}\cdot\mathbf{r}_i}u_{\mathbf{k}}(\mathbf{r}_i)\rightarrow e^{i\mathbf{k}\cdot\mathbf{r}_i}u_\mathbf{k}(\mathbf{r}_i;\mathbf{r}_{\neq i})\ , \end{gathered} \end{equation} where $\mathbf{r}_{\neq i}$ denotes all the electron coordinates except $\mathbf{r}_i$. These collective orbitals are constructed to achieve the equivalence of electron permutations $P$, \begin{equation} P_{i,j}u_{\mathbf{k}_i}(\mathbf{r}_j;\mathbf{r}_{\neq j})=u_{\mathbf{k}_j}(\mathbf{r}_i;\mathbf{r}_{\neq i})\ , \label{eq:permutation} \end{equation} which combined with the Slater determinant ensure the anti-symmetry nature of electron. Moreover, we use the periodic distance features $d(\mathbf{r})$ in Eq.~\eqref{eq:periodic_metric} to substitute ordinary $|\mathbf{r}|$ in the molecular neural network. The periodic functions $f,g$ used in Eq.~\eqref{eq:periodic_metric} read \begin{equation} \begin{gathered} \label{eq:fg} f(\omega)=|\omega|~(1-\frac{|\omega/\pi|^3}{4})\ ,\\ g(\omega)=\omega~(1-\frac{3}{2}|\omega/\pi|+\frac{1}{2}|\omega/\pi|^2)\ , \end{gathered} \end{equation} and their arguments $\omega$ are reduced into $[-\pi,\pi]$. Eq.~\eqref{eq:uk_con} can then be satisfied without causing discontinuity \citep{PeriodicDis}. For an overall sketch of the neural network, see Algorithm~\ref{alg:solidnet}. Note that the distance between electrons and nuclei is omitted for HEG system since it does not contain any nucleus. Specific hyperparameters of each system are listed in Supplementary Note 1. \begin{algorithm}[h] \caption{\textbf{Pseudocode of network}} \label{alg:solidnet} \begin{algorithmic}[1] \Require electron positions $\{\mathbf{r}_1^\uparrow, \cdots, \mathbf{r}_{n^\uparrow}^\uparrow, \mathbf{r}_1^\downarrow, \cdots, \mathbf{r}_{n^\downarrow}^\downarrow\}$ \Require nuclear positions $\{\mathbf{R}_I\}$ in the primitive cell \Require lattice vector $\{\mathbf{a}^{p,S}_1,\mathbf{a}^{p,S}_2,\mathbf{a}^{p,S}_3\}$ of primitive cell and supercell \Require reciprocal lattice vector $\{\mathbf{b}^{p,S}_1,\mathbf{b}^{p,S}_2,\mathbf{b}^{p,S}_3\}$ of primitive cell and supercell \Require occupied $\{\mathbf{k_i}\}$ points offered by Hartree-Fock method \For{each electron e, atom I} \State $\omega_{e,I}=(\mathbf{r}_e-\mathbf{R}_I)\cdot\{\mathbf{b}^{p}_1,\mathbf{b}^{p}_2,\mathbf{b}^{p}_3\}$ \State $\omega_{e,e'}=(\mathbf{r}_e-\mathbf{r}_{e'})\cdot\{\mathbf{b}^{S}_1,\mathbf{b}^{S}_2,\mathbf{b}^{S}_3\}$ \EndFor \For {each electron e} \State $\mathbf{h}_e=\{\Sigma_{i=1}^3g(\omega_{e,I}^i)\ \mathbf{a}^p_i, d(\omega_{e,I})\}$ \State $\mathbf{h}_{e,e'}=\{\Sigma_{i=1}^3g(\omega_{e,e'}^i)\ \mathbf{a}^S_i, d(\omega_{e,e'})\}$ \EndFor \For{each layer l} \State $\mathbf{g}^{l,\uparrow}=\frac{1}{n^\uparrow}\sum_e\mathbf{h}_{e}^{l,\uparrow}$ \State $\mathbf{g}^{l,\downarrow}=\frac{1}{n^\downarrow}\sum_e\mathbf{h}_{e}^{l,\downarrow}$ \For{each electron e, spin $\alpha$} \State $\mathbf{g}^{l,\alpha,\uparrow}_e=\frac{1}{n^\uparrow}\sum_{e'}\mathbf{h}_{e,e'}^{l,\alpha,\uparrow}$ \State $\mathbf{g}^{l,\alpha,\downarrow}_e=\frac{1}{n^\downarrow}\sum_{e'}\mathbf{h}_{e,e'}^{l,\alpha,\downarrow}$ \State $\mathbf{f}^{l,\alpha}_e={\rm cat}(\mathbf{h}_e^{l,\alpha},\mathbf{g}^{l,\uparrow}, \mathbf{g}^{l,\downarrow}, \mathbf{g}_e^{l,\alpha,\uparrow}, \mathbf{g}_e^{l,\alpha,\downarrow})$ \State $\mathbf{h}_e^{l+1,\alpha}={\rm tanh}(\mathbf{V}^l\cdot \mathbf{f}_e^{l,\alpha}+\mathbf{b}^l)+\mathbf{h}_e^{l,\alpha}$ \State $\mathbf{h}_{e,e'}^{l+1,\alpha,\beta}={\rm tanh}(\mathbf{W}^l\cdot \mathbf{h}_{e,e'}^{l,\alpha,\beta}+\mathbf{c}^l)+\mathbf{h}_{e,e'}^{l,\alpha,\beta}$ \EndFor \EndFor \For {each orbital i} \For{each electron e, spin $\alpha$} \State $u_{i,e}^\alpha={\rm Orb}_{i,\alpha}^{\rm Re}\cdot \mathbf{h}_e^L + \mathbf{i}\times{\rm Orb}_{i,\alpha}^{\rm Im}\cdot\mathbf{h}_e^L$ \State $p_{i,e}^\alpha = \exp(\mathbf{i}\mathbf{k}_i\cdot\mathbf{r}_e^\alpha)$ \State ${\rm enve}_{i,e}^\alpha=\sum_I \pi_{i}^{I,\alpha}\exp(-\sigma_{i}^{I,\alpha} d(\omega_{e,I}))$ \State $\phi_{i,e}^\alpha=p_{i,e}^\alpha u_{i,e}^\alpha {\rm enve}^\alpha_{i,e}$ \EndFor \EndFor \State $\Psi={\rm Det}[\phi^{\uparrow}]{\rm Det}[\phi^{\downarrow}]$ \end{algorithmic} \end{algorithm} \paragraph{Neural network optimization.} Parameters $\theta$ within the neural network can be optimized to minimize the energy expectation value $\langle E_l \rangle$, and the gradient $\nabla_\theta\langle E_l\rangle$ reads \begin{equation} \label{eq:energy_grad} \begin{gathered} \nabla_\theta\langle E_l\rangle = {\rm Re}[\langle E_l\nabla_\theta\ln\Psi^*\rangle - \langle E_l\rangle\langle\nabla_\theta\ln\Psi^*\rangle]\ , \\ E_l = \Psi^{-1}\hat{H}_S\Psi\ , \end{gathered} \end{equation} where $E_l$ denotes the local energy of neural network ansatz $\Psi$. Besides energy minimization, stochastic reconfiguration optimization \citep{SR} has also been widely adopted and proved to be much more efficient, whose gradient reads \begin{equation} \label{eq:sr} \begin{gathered} {\rm Grad} = F^{-1}\nabla_\theta\langle E_l\rangle\ ,\\ F_{ij} = {\rm Re}\Big[\langle\frac{\partial\ln\Psi^*}{\partial \theta_i}\frac{\partial\ln\Psi}{\partial \theta_j}\rangle-\langle\frac{\partial\ln\Psi^*}{\partial\theta_i}\rangle\langle\frac{\partial\ln\Psi}{\partial\theta_j}\rangle\Big]\ . \end{gathered} \end{equation} In this work, we adopt a modified KFAC optimizer, which approximates $F$ as \begin{equation} \label{eq:kfac} \begin{aligned} F& ={\rm Re}\Big[\langle\frac{\partial\ln\Psi^*}{\partial {\rm vec}(W_l)}\frac{\partial\ln\Psi^T}{\partial {\rm vec}(W_l)}\rangle-\langle\frac{\partial\ln\Psi^*}{\partial{\rm vec}(W_l)}\rangle\langle\frac{\partial\ln\Psi^T}{\partial{\rm vec}(W_l)}\rangle\Big] \\ &= {\rm Re}\Big[\langle(a_l\otimes e_l^*)(a_l\otimes e_l)^T\rangle-\langle(a_l\otimes e_l^*)\rangle\langle(a_l\otimes e_l)\rangle^T\Big] \\ &\approx {\rm Re}\Big[\langle a_la_l^T\rangle \otimes \langle e_l^*e_l^T\rangle\Big]\ , \end{aligned} \end{equation} where $W_l$ denotes the weight parameters of layer $l$, and vec means vectorized form. $a_l,e_l$ denote the activation and sensitivity of layer $l$ respectively. Note that activation $a_l$ is always real-valued, which explains the absence of conjugation of $a_l$ in the second line. The first term in the bracket of Eq.~\eqref{eq:kfac} is approximated as the Kronecker product of the expectation values, and the second term is omitted for simplification. \paragraph{Twist average boundary condition.} TABC is a conventional technique to reduce the finite-size error due to the constrained size of supercell \citep{twist_average}. It averages the contributions from different periodic images of the supercell and improve the convergence on the total energy. The formula reads \begin{equation} \begin{gathered} E_{\rm TABC}=\frac{\Omega_S}{(2\pi)^3}\int_{\rm 1. B.Z.} d^3\mathbf{k}_{S}~\frac{\Psi^*_{\mathbf{k}_S}\hat{H}_S\Psi_{\mathbf{k}_S}}{\Psi^*_{\mathbf{k}_S}\Psi_{\mathbf{k}_S}}\ , \end{gathered} \end{equation} where ${\rm 1. B. Z.}$ denotes the first Brillouin zone of supercell and the integral is practically approximated by a discrete sum of a Monkhorst-Pack mesh (see Supplementary Note 3.3 for more details). \paragraph{Structure factor correction} Finite-size error can be further reduced via the structure factor $S(\mathbf{k})$ correction \citep{sf_correction}, which is usually calculated to correct the exchange-correlation potential $V_{\rm xc}$ and the formula reads \begin{equation} \begin{gathered} \frac{\Delta V_{\rm xc}}{N_{\rm e}}=\frac{2\pi}{\Omega_S}\lim_{\mathbf{k}\rightarrow 0}\frac{S(\mathbf{k})}{\mathbf{k}^2}, \\ S(\mathbf{k})=\frac{1}{N_{\rm e}}[\langle\rho(\mathbf{k})\rho^*(\mathbf{k})\rangle-\langle\rho(\mathbf{k})\rangle \langle\rho^*(\mathbf{k})\rangle] \ ,\ \end{gathered} \end{equation} where $\lim_{\mathbf{k}\rightarrow 0}$ is practically estimated via interpolation (see Supplementary Note 3.4 for more details). \paragraph{Empirical correction formula.} Empirical formulas are also commonly employed to reduce the finite-size error \citep{FoulkesReview}, one of which reads \begin{equation} \begin{gathered} E_\infty=E_{\rm N}^{\rm Net}+(E_{\infty}^{\rm HF}-E_{\rm N}^{\rm HF})\ . \label{eq:fneq} \end{gathered} \end{equation} The simulation size of high-accuracy methods is usually limited due to high computational costs. Hence methods with much more practical time scaling, such as HF, is usually used to give a posterior estimation of the finite-size error. All the results of LiH are corrected using this empirical formula with HF results in ccpvdz basis (see Supplementary Note 4.3 for more details). \paragraph{Electron density analysis} Electron density $\rho(\mathbf{r})$ is defined as \begin{equation} \rho(\mathbf{r})=N\int d^3\mathbf{r}_2\cdots d^3\mathbf{r}_N \ |\Psi(\mathbf{r},\mathbf{r}_2,\cdots,\mathbf{r}_N)|^2, \label{eq:density} \end{equation} and it's practically evaluated by accumulating Monte Carlo samples of electrons on a uniform grid over the simulation cell. As for the complex polarization $Z$, it is defined as \citep{vmc_complex_polarization} \begin{equation} Z = \langle \exp(i\sum_i\frac{2\pi}{L}\mathbf{r}_i^{\parallel})\rangle, \end{equation} where $\mathbf{r}^\parallel$ denotes the projection of electron coordinate along the chain direction. Moreover, Bader charge is employed to estimate the charge partition on each atom \citep{bader_charge}. The convergence test of Bader charge is shown in the Supplementary Fig.8. \paragraph{Workflow and computational details.} This work is developed upon open-source FermiNet and PyQMC on Github, deep learning framework JAX \citep{jax2018github} is used which supports flexible and powerful complex number calculation. Ground-state energy calculations are performed with all-electrons. Diamond-structured Si and NaCl crystal are simulated with ccECP[Ne] \citep{ccecp}. The neural network is pretrained by Hartree-Fock ansatz, obtained with PySCF software \citep{pyscf}. All the expectation values for distribution $|\Psi|^2$ are evaluated via the Monte Carlo approach, and then the energy and wavefunction is optimized using the modified KFAC optimizer (see Supplementary Fig.1, 2, 4, 6, 7). The Ewald summation technique is implemented for the lattice summation in energy calculation. After training is converged, energy is calculated in a separate inference phase. Concrete code of this work is developed on Github at \url{https://github.com/bytedance/DeepSolid}.
fca764a3bc28f99fa367905582ef37d92db086d7
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Methods} \label{sec:methods} \figframework Our aim was to build a flexible and manipulative style space. In particular, we considered the following objectives. (i) Visual similarity should be considered. For example, visually similar pairs, such as a wolf and a dog, should be placed in similar places in the style space. (ii) There should be a representative value, such as a discrete label, providing a good starting point when the user wants to fine-tune the result. \subsection{Framework} The framework overview is shown in Fig.~\ref{fig:framework}, which shows the sampling strategies for the style code and the training procedures of the entire model. \noindent\textbf{Style-aware discriminator}\quad Given an image $\textbf{x} \in \mathcal{X}$, discriminator $D$ returns a vector as output. The discrimination head $h_D$ determines whether $\textbf{x}$ is a real or fake image, and the style head outputs the latent code $\textbf{z}_s = h_s(D(\textbf{x}))$. We formulate the traditional discriminator $f_D(\textbf{x})$ and the style encoder $f_s(\textbf{x})$ as $h_D(D(\textbf{x}))$ and $h_s(D(\textbf{x}))$, respectively. \noindent\textbf{Prototypes}\quad We represent the style space using a set of L2-normalized vectors $\textbf{C} \in \mathbb{R}^{K\times D}$ rather than predefined labels or pseudo-labels, where $K$ and $D$ denote the number of prototypes and style code dimension, respectively. We denote $\textbf{c}_k$ as an element of $\textbf{C}$. \noindent\textbf{Generator}\quad The generator comprises an encoder and a decoder, similar to typical current I2I translation generators \cite{choi2020stargan}. The encoder $G_{enc}(\textbf{x})$ extracts style-agnostic content code $\textbf{z}_c \in \mathbb{R}^{D\times W \times H}$ from input $\textbf{x}$, and decoder $G_{dec}(\textbf{z}_c,\textbf{z}_s)$ synthesizes a new image reflecting content code and style code. Similar to Karras \etal \cite{Karras2020training}, we use a 2-layer multi-layer perceptron (MLP) to transform the normalized style code $\textbf{z}_s$ into valid features. The generator uses weight modulation \cite{karras2020analyzing} or AdaIN \cite{huang2017arbitrary} for latent injection. \subsection{Modeling the style space} Intuitively, an ideal style encoder would output the same code even though the input image was geometrically transformed. This idea is the fundamental concept underlying contrastive learning \cite{oord2018representation,chen2020simple,he2020momentum,li2020prototypical,caron2020unsupervised}, which has been actively studied in recent years. We adopted self-supervised learning in our framework to learn the style space. \noindent\textbf{Data augmentation}\quad The goal of existing contrastive learning is to classify object instances other than the style in images. Chen \etal \cite{chen2020simple} proposed a specific augmentation pipeline (\eg, random crop, color distortion) which has become the preferred approach. However, distorting the color does not serve our purpose since style is deeply related to color. Hence we use geometric transforms (\eg, scale, rotation) to learn content invariant representation, and cutout \cite{devries2017improved} to learn styles such as gender and facial expressions for human faces. We also use random crop and resize following the work of \cite{chen2020simple}. \noindent\textbf{SwAV}\quad We used the SwAV framework \cite{caron2020unsupervised}, online clustering based self-supervised learning, because it aligns with our goals in terms of updating prototypes and achieving better performance for small batch sizes. The basic concept is that encoded representations from both views (\ie, augmented images) for the same image predict each other's assignments $\textbf{q}$. The objective for learning style space is expressed as: \begin{equation} \mathcal{L}_{swap} = l(\textbf{q}^{(2)}, \textbf{z}_s^{(1)}) + l(\textbf{q}^{(1)}, \textbf{z}_s^{(2)}), \end{equation} where $l(\textbf{q}, \textbf{z}_s) = -\sum_{k}^{K} \textbf{q}_k (\exp(\frac{\textbf{z}_s\cdot \textbf{c}_k}{\tau})/\sum_{k'}^K\exp(\frac{\textbf{z}_s\cdot \textbf{c}_{k'}}{\tau}))$, $\tau$ is a temperature parameter, and $\textbf{q}$ is a code computed using the Sinkhorn algorithm \cite{cuturi2013sinkhorn,caron2020unsupervised}. Note that swapped prediction loss can be replaced by other self-supervised learning objectives, such as InfoNCE \cite{oord2018representation}, by sacrificing the advantages of the prototype. \subsection{Learning to synthesize} During training, we sample a target style code $\tilde{\textbf{z}_s}$ from the prototype or dataset $\mathcal{X}$. When sampling from the prototype, we use perturbed prototypes or samples that are linearly interpolated between two prototypes (see Appendix~\ref{appx:a3} for more details). Then, we apply a stop-gradient to prevent the style space from being affected by other objectives. As shown in Fig.~\ref{fig:framework} (c), the generator $G$ synthesizes a fake image $G(\textbf{x}, \tilde{\textbf{z}_s})$. To enforce synthesized image be realistic, we adopted a non-saturating adversarial loss \cite{goodfellow2014gan}: \begin{equation} \mathcal{L}_{adv} = \mathbb{E}_{\textbf{x}} \left[ \log(f_D(\textbf{x})) \right] + \mathbb{E}_{\textbf{x},\tilde{\textbf{z}_s}} \left[ \log(1 - f_D(G(\textbf{x}, \tilde{\textbf{z}_s}))) \right]. \end{equation} We also employed R1 regularization \cite{mescheder2018r1reg} following previous works \cite{choi2020stargan,baek2021rethinking,lee2021contrastive,park2020swapping,kim2021exploiting}. We adopted a \textit{style reconstruction loss} to ensure the generator $G$ utilize the style code: \begin{equation} \mathcal{L}_{style} = \mathbb{E}_{\textbf{x},\tilde{\textbf{z}_s}}[||\tilde{\textbf{z}_s} - f_{s}(G(\textbf{x}, \tilde{\textbf{z}_s})) ||_2^2], \end{equation} Previous multi-domain and multi-modal I2I translation methods \cite{choi2020stargan,huang2018munit,baek2021rethinking} introduced similar objectives, the difference between the current and previous approaches is that we do not update a style encoder using this objective. \subsection{Disentanglement of style and content} An ideal image manipulation network should be able to separate an image into two mutually exclusive representations and synthesize them back into the original image without information loss \cite{huang2018munit}. Thus, the framework must satisfy the following: \begin{equation} \phi(\textbf{x}, G(f_c(\textbf{x}), f_s(\textbf{x}))) = 0, \end{equation} where $\phi(\cdot)$ is a distance measure in pixel space; and $f_c(\textbf{x})$, $f_s(\textbf{x})$ are encoding functions for content and style, respectively. To achieve this, we employ a \textit{reconstruction loss}: \begin{equation} \mathcal{L}_{recon} = \mathbb{E}_{\textbf{x}} \left[ \phi(\textbf{x}, G(\textbf{x}, \texttt{sg}(f_s(\textbf{x})))) \right], \end{equation} where \texttt{sg} denotes a stop-gradient operation. This objective encourages $G_{enc}$ to encode mutually exclusive features with the style code since $f_s(\textbf{x})$ is not updated. Although any distance measure in pixel space can be used, we used learned perceptual image patch similarity (LPIPS) \cite{zhang2018unreasonable} since we empirically found this works better than Euclidean or Manhattan distance. In order to learn content space through the reconstruction loss above, it is necessary to condition that the generator should not ignore input latents code. For example, the generator may ignore the content code and perform reconstruction with only style code. To prevent this, we enforce the generator to preserve input content code using a \textit{content reconstruction loss}: \begin{equation} \mathcal{L}_{content} = \mathbb{E}_{\textbf{x},\tilde{\textbf{z}_s}}\left[\frac{1}{WH}\sum_{i,j}^{W,H} ||\textbf{z}_{c,i,j} - \tilde{\textbf{z}}_{c,i,j}||_2^2 \right], \end{equation} where $\textbf{z}_c$, $\tilde{\textbf{z}_c}$ are $G_{enc}(\textbf{x})$, $G_{enc}(G(\textbf{z}_c,\tilde{\textbf{z}_s}))$, respectively. This objective enforces patch-level similarity between inputs and outputs, similar to PatchNCE \cite{park2020contrastive}. However, our proposed objective is simpler since we only compare the last layer features, and our objective does not contrast features between patches. In practice, we found that there was no need to apply this loss every step, and hence we apply the objective every 16th step. We assume that this is because similar results can be obtained through a \textit{reconstruction loss}. \noindent\textbf{Overall objectives}\quad Our final objective function for the discriminator is $\mathcal{L}_{StyleD} = \mathcal{L}_{adv} + \lambda_{swap} \mathcal{L}_{swap}$, and for the generator is $\mathcal{L}_{G} = \mathcal{L}_{adv} + \lambda_{sty} \mathcal{L}_{style} + \lambda_{rec} \mathcal{L}_{recon}$, where $\lambda_{sty}, \lambda_{rec}$ are hyperparameters for each term, and we use for all $\lambda = 1.0$ except $\lambda_{rec} = 0.3$ for AdaIN-based models. We set $K$ as 32 and 64 for AFHQ and CelebA-HQ, respectively. Please refer to Appendix~\ref{appx:a} for more details. \subsection{Local image translation} One advantage of factored representations is having a higher degree of freedom when editing an image. The content of an image can easily be copied or moved by editing in the content space \cite{park2020swapping}. To progress further, we propose a simple method of patch-level image translation. Kim \etal \cite{kim2021exploiting} proposed mixing spatial information in the latent space to enable local editing. Similarly, we mix spatial information in the feature space. \begin{equation} \textbf{f}_{o} = \textbf{m} \otimes \textrm{\texttt{mod}}(\textbf{f}_i, \textbf{z}_s^{(i)}) + (1 - \textbf{m}) \otimes \textrm{\texttt{mod}}(\textbf{f}_i, \textbf{z}_s^{(j)}), \end{equation} where $\textbf{f}$ and $\textbf{m}$ are feature map and mask, and \texttt{mod} is modulated convolution \cite{karras2020analyzing} or AdaIN. For patch-level image translation, we simply replace the entire modulated convolution layer \cite{karras2020analyzing} with above. To ensure content is maintained even when several styles are mixed, we mixed two styles with a random mask when calculating a content preserving loss. \section{Implementation} \label{appx:a} \subsection{Architecture} \label{appx:a1} The overall architecture of our method follows StarGAN v2 \cite{choi2020stargan}. We normalized the output content code in each pixel to the unit length following Park \etal \cite{park2020swapping}. When using the StyleGAN2-based generator, we replaced the instance normalization of the content encoder with pixel normalization \cite{karras2018progressive}. We did not use an equalized learning rate \cite{karras2020analyzing}. The style-aware discriminator consists of $M = 0.25 * \log_2(\textrm{resolution})$ residual blocks followed by an average pooling. The style head and the discrimination head are two-layer MLPs. We used the same discriminator for the StyleGAN2-based and AdaIN-based models. We set dimension of prototypes to 256. We set $K$ to 32 for AFHQ, 64 for CelebA-HQ, and 128 for LSUN churches and FFHQ. \subsection{Augmentation} \label{appx:a2} \noindent\textbf{Geometric transform}\quad We used the \texttt{RandomRation} and \texttt{RandomScaleAdjustment} augmentations. We applied reflection padding to avoid empty areas in the image before applying the geometric transform. We chose the rotation angle to be between -30 and 30 and the scale parameter between 0.8 and 1.2. Each transform was applied with a probability of 0.8. \noindent\textbf{Cutout}\quad The style of the human face domain is integral to characteristics other than color and texture, including gender, expression, and accessories. We can read such information (\ie, the style) from an image even when part of a human face is occluded. Accordingly, we employed cutout augmentation. In practice, we used the \texttt{RandomErasing} method from the \texttt{torchvision} library with the following probability and scale parameters: \texttt{p=0.8} and \texttt{scale=(0.1, 0.33)}. \noindent\textbf{Color distortion}\quad We observed that when the variation of the dataset is significant (\eg, FFHQ) or when the batch size is small, it was not possible to manipulate short hair into long hair. In that case, we employed weak color jittering. More specifically, we applied the \texttt{ColorJitter} method with the following parameters with a probability of 0.8: \texttt{brightness=0.2}, \texttt{contrast=0.2}, \texttt{saturation=0.2}, \texttt{hue=0.01}. Note that, we applied this augmentation only with the CelebA-HQ dataset using AdaIN and the FFHQ experiments. \subsection{Style code sampling} \label{appx:a3} We sampled the style code from the dataset $\mathcal{X}$ with a probability $p$. Otherwise, we sampled from the prototypes. When sampling from a dataset, we used a randomly shuffled minibatch $\textbf{x}^{\prime}$ to create a style code $\tilde{\textbf{z}_s} = f_s(\textbf{x}^{\prime})$. In the case of sampling from the prototypes, we used the following pseudocode. In practice, we set $p$ to 0.8 except in the case of for longer training (25 M), where we used 0.5. \begin{lstlisting}[language=Python] # C: prototypes (K x D) # N: batch size # K: number of prototypes # D: prototype dimension @torch.no_grad() def sample_from_prototypes(C, N, eps=0.01): K, D = C.shape samples = C[torch.randint(0, K, (N,))] if torch.rand(1) < 0.5: # perturbation eps = eps * torch.randn_like(samples) samples = samples + eps else: # interpolation targets = C[torch.randint(0, K, (N,))] t = torch.rand((N, 1)) samples = torch.lerp(samples, targets, t) return F.normalize(samples, p=2, dim=1) \end{lstlisting} \subsection{Training details} \label{appx:a4} In every iterations, we sampled a minibatch $\textbf{x}$ of $N$ images from the dataset. To calculate the \textit{swapped prediction loss}, we created two different views $\textbf{x}_1 = \mathcal{T}_1(\textbf{x}), \textbf{x}_2 = \mathcal{T}_2(\textbf{x})$, where $\mathcal{T}$ is an augmentation. We reused the $\textbf{x}_1$ as the input of the generator. We obtained style codes by sampling the prototype with probability $p$ or encoding reference images $\textbf{x}^{\prime} = \textrm{\texttt{shuffle}}(\textbf{x}_1)$ with probability ($1-p$). In practice, we usually set $p$ as 0.8, but 0.5 when training is long enough (longer than 5 M). When sampling from the prototype, the first two of Eq. 2 was selected uniformly. The adversarial loss for updating the discriminator $D$ was calculated for $G(\textbf{x}_1, \textbf{s})$, and the adversarial loss for updating the generator $G$ was calculated for $G(\textbf{x}_1, \textbf{x})$ and the reconstructed image. We applied the lazy R1 regularization following \cite{karras2020analyzing}. To stabilize the SwAV training, we adopted training details from the original paper \cite{caron2020unsupervised}. In more detail, we fixed the prototype for the first 500 iterations and used the queue after the 20,000th iteration if $K < N$. We linearly ramped up learning rate for the first 3000 iterations. We initialized all of the networks using Kaiming initialization \cite{he2015delving}. Following Choi \etal \cite{choi2020stargan}, we used ADAM \cite{kingma2015adam} with a learning rate of 0.0001, $\beta_1 = 0.0$ and $\beta_2 = 0.99$. We scaled the learning rate of the mapping network by 0.01, similar to previous studies \cite{karras2019style,choi2020stargan}. By default, we used a batch size of 16 for the AdaIN-based model and 32 for the StyleGAN2-based model. We used a larger batch size (64) and longer training (25 M) for the FFHQ and LSUN churches datasets. We observed that the performance improves as the batch size and the number of training images increase. \section{Additional results} \label{appx:b} \subsection{Quantitative results for the unlabeled datasets} \tabunlabel \tablerp We measured the quality of the latent-guided and reference-guided synthesis on the unlabeled datasets in Table~\ref{tab:unlabel}. The proposed method significantly outperforms the Swapping Autoencoder \cite{park2020swapping} on the LSUN churches validation set. For reference, we also report the results of unconditionally generated StyleGAN2 images. Even though the proposed method is inferior to unconditional GANs (\ie, StyleGAN2 \cite{karras2020analyzing}), note that unconditional GANs are unsuitable for image editing \cite{park2020swapping}. \subsection{Quality of the style interpolation} \figlerp To evaluate the quantitative results of the style interpolation, we calculated FID between the training set and images synthesized using interpolated styles ($\textrm{FID}_{lerp}$). We sampled images from two different domains and generated ten style codes by interpolating their corresponding style code. Then, we synthesized ten images using those style codes (we used the first sample as a source image). We created 30,000 fake images for the AFHQ and a total of 20,000 fake images for CelebA-HQ. As shown in Table~\ref{tab:lerp}, the proposed method outperforms the supervised approaches \cite{choi2020stargan,liu2021smoothing} in terms of FID. Fig.~\ref{fig:lerp} shows the qualitative comparison between the proposed model and baselines. The proposed approach was the only model that produced smooth interpolation results while maintaining the content such as backgrounds. \subsection{Additional qualitative results} Here, we include qualitative results for various datasets. Fig.~\ref{fig:afhqv2} shows the results of the model trained at 512$\times$512 resolution on the AFHQ v2 dataset. Fig.~\ref{fig:ffhq} and~\ref{fig:church} show the reference-guided image synthesis results on unlabeled datasets (FFHQ and LSUN churches). Fig.~\ref{fig:flower} shows the reference-guided image synthesis results for the Oxford-102 dataset. Finally, we visualize all prototypes learned with the AFHQ and CelebA-HQ datasets in Fig.~\ref{fig:proto}. \section{Additional analyses} \label{appx:c} \subsection{Effect of the style-aware discriminator} \label{appx:c1} \figsep The low k-NN metric of the \texttt{separated} method implies that the style space is not highly correlated with the species. This is further supported by the qualitative results. As shown in Fig.~\ref{fig:sep}, the \texttt{separated} method learns to translate the tone of the image rather than desired style (\ie, the species), which explains the very high mFID\footnote{In the AFHQ dataset, the models that cannot change species result in high mFID, since the FID between different species can be rather large. For example, the FID between a real cat and real dog is 170.4.}. \subsection{Ablation based on the number of prototypes} \tababalk In Table~\ref{tab:abalk}, we evaluate the effect of the number of prototypes ($K$) on the proposed method. We trained the AdaIN-based model with varying $K$ using the AFHQ dataset. We observed that the appropriate number of prototypes was critical to the synthesis quality. However, even when the value of $K$ was large, the mFID value did not deviate from a certain range. We did not conduct experiments to determine the optimal value of $K$ for the other datasets; instead, we set the value of k based on the number of images in the dataset. \figafhq \figffhq \figchurch \figflower \figproto \section{Experiments} \label{sec:exp} \figlatent \subsection{Experimental setup} We not only employed a StyleGAN2-based generator but also considered models using AdaIN to enable a fair comparison with I2I translation models that use AdaIN. \noindent\textbf{Datasets}\quad We trained the proposed and various comparator models on AFHQ, AFHQ v2 \cite{choi2020stargan}, CelebA-HQ \cite{karras2018progressive}, FFHQ \cite{karras2019style}, Oxford-102 \cite{Nilsback08}, and LSUN churches \cite{yu2015lsun}. Since high resolution models requires considerable training time, the proposed and comparison models were trained and evaluated at 256$\times$256 resolution. For AFHQ and CelebA-HQ, we used the splits provided by Choi \etal \cite{choi2020stargan}. \noindent\textbf{Baselines}\quad Our primary goal is to synthesize an image with a reference image or a latent sampled from a learned space (\ie, I2I translation). We compared the proposed approach with recent supervised \cite{choi2020stargan,liu2021smoothing} and unsupervised \cite{baek2021rethinking,lee2021contrastive} methods. In contrast with most I2I translation methods, the proposed approach has further applications such as image editing. To compare real-time image editing capability, we compared our approach with Swapping Autoencoder (SwapAE) \cite{park2020swapping} and StyleMapGAN \cite{kim2021exploiting}. We used pre-trained networks provided by the authors whenever possible. Otherwise, we trained the models from scratch using the official implementation, except for CLUIT, where we employed our implementation because the authors have not yet published their code. We showed 1.6 and 5 M images to the AdaIN- and StyleGAN2-based models, respectively. For StyleMapGAN, we used pre-trained networks trained for 5 M images. \subsection{Main results} We quantitatively and qualitatively evaluated the proposed approach and the baselines on two datasets: AFHQ and CelebA-HQ. \noindent\textbf{Latent-guided image synthesis}\quad We report Fr\'{e}chet Inception Distance (FID) \cite{heusel2017fid} and Kernel Inception Distance (KID) \cite{binkowski2018demystifying} to evaluate the latent-guided image synthesis quality, calculating FID and KID between 50,000 synthesized images and training samples. Parmer \etal \cite{parmar2021cleanfid} recently demonstrated that values of these metrics depend on the resizing method; therefore, we calculated FID and KID for all methods using Pillow-bicubic \cite{clark2015pillow}. To synthesize images, we used a style code sampled using the strategy used in the training. To evaluate supervised methods \cite{choi2020stargan,liu2021smoothing}, we created a style code using randomly sampled domain and noise. We performed style mixing with randomly sampled latent with StyleMapGAN \cite{kim2021exploiting}. In Table~\ref{tab:results}, the proposed model showed better results than the existing unsupervised methods and comparable results to the supervised methods. Although the result of the proposed approach is slightly worse than StarGAN v2 in AFHQ, our approach allows users to choose one of several prototypes, whereas StarGAN v2 only allows users to choose from three classes. In Fig.~\ref{fig:latent}, we show the prototype-guided synthesis results of our methods trained on unlabeled datasets. Note that we directly used prototypes obtained during the training without additional processing. \figref \tabresult \noindent\textbf{Reference-guided image synthesis}\quad Although FID/KID protocol can estimate the manipulated image quality, it provides good performance scores even if the generator ignores the given latent (\eg, reconstruction). Therefore, we evaluated reference-guided image synthesis to evaluate whether the generator reflects the latent corresponding to each domain. Following \cite{choi2020stargan}, we synthesize images using a source-reference pair from each task (\eg, cat$\rightarrow$dog, male$\rightarrow$female) and calculate FID and KID with a training set of a target domain. We report average values of all tasks (mFID and mKID). As shown in the first two rows of Fig.~\ref{fig:reference}, supervised approaches \cite{choi2020stargan,liu2021smoothing} often misrecognized the style of reference images within the same classes. However, the proposed method successfully captures the styles of reference images. Furthermore, while other methods failed to preserve the details of the source image, the proposed method was the only method that preserved details such as pose and background. \tabuserstudy \noindent\textbf{User study}\quad To investigate the human preferences, we conducted a survey using the Amazon MTurk platform. We randomly generated 100 source-reference pairs per dataset and asked the respondents to answer three questions: (Q1) Which one best reflects the style of the reference while preserving the content of the source? (Q2) Which one is the most realistic? (Q3) Which one would you use for manipulating an image? Each set was answered by 10 respondents. As shown in Table~\ref{tab:userstudy}, the respondents obviously preferred our method in the AFHQ. In the CelebA-HQ, our model was not preferred over the supervised models (which use attribute labels and a pre-trained face alignment network); nevertheless, our model was still the most preferred among the unsupervised methods. See Appendix~\ref{appx:b} for additional results including experiments on AFHQ v2 and Oxford-102. \figcontrol \subsection{Controllable image translation} \noindent\textbf{Real image projection}\quad To edit an image in the latent space, we first need to project the image into the latent space. What matters here is how quickly and accurately the image can be reconstructed. We measured the runtime and LPIPS \cite{zhang2018unreasonable} between the input and reconstructed images. As shown in Table~\ref{tab:projection}, our model can embed an image into the latent space faster and more accurately than other real-time image editing methods. \noindent\textbf{Style interpolation}\quad With the proposed method, it is possible to control only the style of the image as desired. In Fig.~\ref{fig:control} (a), we first projected images into content and style space, then interpolated style code with randomly selected prototypes. The results show that the proposed approach is suitable for controlling the results of synthesized images. \tabproj \noindent\textbf{Content transplantation}\quad Although we did not specifically target content transplantation, the proposed method supports this application. We achieved this by copying the content code from another content code. After manipulating the content code, we synthesized the image using a style code of the source image. As shown in Fig.~\ref{fig:control} (b), our model shows qualitatively similar results to the StyleMapGAN, which specifically targeting the local editing. Since our model separated the content and style, it is also possible to transplant only the content (\ie, a big smile) without changing the style (\ie, a beard) (bottom). \noindent\textbf{Local image translation}\quad Fig.~\ref{fig:control} (c) shows the results of local image translation. The first two rows are the result of using vertically split masks. The red box in the bottom row indicates the mask for reference 1. The proposed method can synthesize the content using multiple styles. \figsearch \tabcombine \subsection{Analysis} \noindent\textbf{Effect of the style-aware discriminator}\quad We trained the model with a separated discriminator and style encoder to analyze the effect of integrating the discriminator and style encoder. The difference is that we used the hard-assigned prototypes as pseudo-label for the multi-task discriminator. To evaluate the alignment between learned style representation and domain labels, we measured the k-NN accuracy used for self-supervised learning \cite{he2020momentum,caron2021emerging}. In Table~\ref{tab:combine}, \texttt{separated} achieved significantly lower k-NN accuracy, and failed to relfect the style of the target images (high mFID). See Appendix ~\ref{appx:c1} for a further discussion. \figablation \noindent\textbf{Effect of data augmentation}\quad We employed random resized crop, rotation, and scale for augmentation, along with random erasing for facial datasets (\eg, CelebA-HQ, FFHQ). Among them, we analyzed the effect of color distortion and cutout, which are major differences compared with other methods \cite{baek2021rethinking,lee2021contrastive}. As shown in Fig.~\ref{fig:search}, different augmentation choice leads to different style space. This result further leads to incorrect or unwanted synthesis results (Fig.~\ref{fig:ablation}). For example, when the color distortion is used, the style space ignores the color. On the other hand, if the cutout is not applied in the human face domain, learned style space failed to capture the attribute information such as gender. \noindent\textbf{Speed and memory}\quad Table~\ref{tab:memory} shows the trainable parameter counts and the training time of each method. The proposed approach is more efficient and faster than conventional I2I translation methods because it requires one less module for training and has fewer modules than SwapAE, which uses two discriminators. Nevertheless, the proposed method achieved comparable or better performance, which shows the efficiency of our method. \tabmemory \section{Related work} \label{sec:related} \noindent\textbf{Multi-domain I2I translation}\quad StarGAN \cite{choi2018stargan} enabled many-to-many translation using a given attribute label, but this and similar approaches have the disadvantage of being deterministic for a given input and domain. Subsequent studies suggested using reference images rather than labels \cite{liu2019few,saito2020coco}, enabling translation based on an image from unseen classes in the same domain. StarGAN v2 \cite{choi2020stargan} introduced a noise-to-latent mapping network to synthesize diverse results for the same domain, but since all of these methods depend on labels defined for classification, representations for image manipulation cannot be learned. Therefore, we developed a new multi-domain I2I approach from two perspectives. The proposed method learns a style-specific representation suitable for image manipulation without relying on labels; and then provides more user-controllability while supporting various applications. To overcome the problem of label dependency, Bahng \etal \cite{bahng2020exploring} clustered the feature space for pre-trained networks to create pseudo-labels and corresponding latent code. Similarly, TUNIT trained a guiding network using contrastive learning and clustering directly in target data \cite{baek2021rethinking}. These methods obtain pseudo-labels that can be substituted for class labels; however, the proposed approach models a continuous style space rather than discrete pseudo-labels. Thus the proposed model is significantly more efficient than previous approaches. CLUIT \cite{lee2021contrastive} recently proposed using contrastive learning through a discriminator, but used contrastive learning to replace the multi-task discriminator. Therefore, the style encoder exists independently, in contrast with the proposed model. Furthermore, CLUIT requires additional process (\eg, clustering), to obtain a style code without a reference image. \noindent\textbf{Learning-based image editing}\quad Recently, Karras \etal discovered that GANs naturally learn to disentangle pre-defined latent space \cite{karras2019style,karras2020analyzing}. Several subsequent sutides proposed image editing methods using StyleGANs \cite{abdal2019image2stylegan,abdal2020image2stylegan++,zhu2020domain}. However, these methods suffered from the long time it takes to find a corresponding latent. Recently, StyleMapGAN \cite{kim2021exploiting} and Swapping Autoencoder (SwapAE) \cite{park2020swapping} proposed directly encoding an image into the latent, enabling real-time and various image editing applications. Our study is different in that content and style can be manipulated separately because of disentangled latent space. SwapAE has a separate latent space called texture and structure, similar to the proposed method, but is challenging to operate without a reference image. In addition, its texture-focused representation does not work well for tasks that require dramatic changes, such as the interspecies variation of animal faces (Fig.~\ref{fig:reference}). On the other hand, since the proposed method learns the style space and the prototype, manipulating an image without a reference image is possible. Furthermore, because our method is designed for I2I translation, more challenging manipulations are possible. \noindent\textbf{Discriminator and self-supervised learning}\quad GANs \cite{goodfellow2014gan} have always suggested that discriminators could be feature extractors, and many previous studies have demonstrated that GANs benefit from representation learning through a discriminator \cite{chen2019self,li2021jigsawgan,liu2020towards,jeon2021fa,jeong2020training}. We also utilize self-supervised learning via the discriminator, but differ from previous approaches in that the primary purpose of the self-supervised learning is to function as an encoder, not just to improve the quality. Hence, our discriminator continues to work as an encoder after training; as opposed to most current GANs, which abandon discriminators after training. \section{Introduction} \label{sec:intro} Image-to-image (I2I) translation aims to manipulate the style of an existing image, where style refers to generic attributes that can be applied to any image in a dataset (\eg, texture or domain). Content generally refers to the remaining information, such as the pose and structure. This task has shown significant progress with generative adversarial network (GAN) \cite{goodfellow2014gan} developments. Recent studies have expanded the functionality to multi-modal and multi-domains using domain-specific discriminators and latent injection \cite{huang2017arbitrary}, enabling the direct manipulation of existing images using domain labels or reference images \cite{choi2018stargan,choi2020stargan,liu2019few,saito2020coco,liu2021smoothing}. However, despite promising functionality advances, there remains considerable room for development in terms of controllability. For example, users can only control the classes used for training. Although a reference image can be used to control output but this can often lead to erroneous results, particularly for misrecognition within the same class; and another common problem is inability to fine-tune the output. Since the label space does not consider the semantic distance between classes, the learned style space cannot reflect these semantic distances, which leads to unrealistic images when controlling the results by manipulating the style code \cite{liu2021smoothing}. This study investigates I2I translation controllability, \ie, to be able to edit the result as desired using the style code, without being limited to the previously defined label space. The proposed model learns the style space using prototype-based self-supervised learning \cite{caron2020unsupervised} with carefully chosen augmentations. Although the current domain-specific discriminators are not designed for an external continuous space, this is possible if the discriminator knows the style internally. Therefore, we propose a \textit{Style-aware Discriminator}, combining a style encoder and a discriminator into a single module. Thus, the proposed model is somewhat lighter by reducing one module and achieves better performance because of to the better representation space of the discriminator. We used the style code sampled from prototypes during training to improve the controllability; and feature-level and pixel-level reconstructions to improve the consistency. Thus, the proposed model goes beyond image translation to support various applications, including style interpolation and content transplantation. Finally, we propose feedforward local image translation by exploiting spatial properties of the GAN feature space. We evaluated the model on several challenging datasets: Animal Faces HQ (AFHQ) \cite{choi2020stargan}, CelebA-HQ \cite{karras2018progressive}, LSUN churches \cite{yu2015lsun}, Oxford-102 \cite{Nilsback08}, and FlickrFaces-HQ (FFHQ) \cite{karras2019style}. Extensive experiments confirm that the proposed method outperforms current state-of-the-art models in terms of both performance and efficiency without semantic annotations. The proposed model can also project an image into the latent space faster than baselines while achieving comparable reconstruction results. The contributions from this study are summarized as follows: (i) We propose an integrated module for style encoding and adversarial losses for I2I translation, as well as a data augmentation strategy for the style space. The proposed method reduces the parameter count significantly and does not require semantic annotations. (ii) We achieve state-of-the-art results in \textit{truly} unsupervised I2I translation in terms of the Fr\'{e}chet Inception Distance (FID) \cite{heusel2017fid}. The proposed method shows similar or better performance compared with supervised methods. (iii) We extend image translation functionality to various applications, including style interpolation, content transplantation, and local image translation. \section{Discussion and limitation} \label{sec:discuss} In this study, we proposed a \textit{style-aware discriminator}, which learns a style space in a self-supervised manner and guides the generator. Here, we discuss reasons why the proposed approach can be successfully trained. First, representation learning using human-defined labels cannot be a representation for style space. In contrast, the proposed method learns latent space specifically designed for style. Second, in the existing I2I translation, both the generator and the style encoder are updated together by the signal from the discriminator. In this case, the separation between content and style is ambiguous. Conversely, the proposed model can have a separate content space with the style encoder being updated completely separately from the generator, which results in better disentanglement. Finally, a style-aware discriminator can provide a better signal to the generator since it has a better understanding of the style space. Yet still, the proposed method cannot preserve the face identity of the source image, unlike \cite{choi2020stargan,liu2021smoothing}. One can therefore consider using a pre-trained network for identity or landmark following previous works \cite{choi2020stargan,patashnik2021styleclip}. However, preserving the identity may increase risks of misuse or abuse. Therefore, we did not force the proposed method to preserve the facial identity of a source image. Though, preserving the facial identity without using additional information (\eg, face landmark or id) will be a valuable future work.
7892293b7625403d0328227934912e4c38509587
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Cardinality estimation, or the distinct counting problem, is a fundamental data analysis task. Typical applications are found in network traffic monitoring \cite{estan2003bitmap}, query optimization \cite{selinger1989access}, and counting unique search engine queries \cite{heule2013hyperloglog}. A key challenge is to perform this estimation in small space while processing each data item quickly. Typical approaches for solving this problem at scale involve data sketches such as the \acrfull{fm} sketch \cite{flajolet1985probabilistic}, \acrfull{hll} \cite{flajolet2007hyperloglog}, Bottom-$k$ \cite{bar2002counting, cohen2007summarizing, beyer2009distinct}. All these provide approximate cardinality estimates but use bounded space. While research has historically focused on the accuracy, speed, and space usage of these sketches, recent work examines their privacy guarantees. These privacy-preserving properties have grown in importance as companies have built tools that can grant an appropriate level of privacy to different people and scenarios. The tools aid in satisfying users' demand for better data stewardship, while also ensuring compliance with regulatory requirements. We show that \emph{all} cardinality estimators in a class of hash-based, order-invariant sketches with bounded size are $\epsilon$-differentially private (DP) so long as the algorithm is combined with a simple down-sampling procedure and the true cardinality satisfies a mild lower bound. This lower bound requirement can be guaranteed to hold by inserting sufficiently many ``phantom elements'' into the stream when initializing the sketch. We also show that, even with no modification, algorithms in our class satisfy $(\epsilon, \delta)$-differential privacy, where $\delta$ falls exponentially with the stream cardinality. Our novel analysis has significant benefits. First, prior works on differentially private cardinality estimation have analyzed only specific sketches \cite{tschorsch2013algorithm, von2019rrtxfm, choi2020differentially, smith2020flajolet}. Moreover, many of the sketches analyzed (e.g., \cite{tschorsch2013algorithm, smith2020flajolet}), while reminiscent of sketches used in practice, in fact differ from practical sketches in important ways. For example, Smith et al. \cite{smith2020flajolet} analyze a \emph{variant} of \acrshort{hll} that Section \ref{s:hlls} shows has an update time that can be $k$ times slower than an \acrshort{hll} sketch with $k$ buckets. While our analysis covers an entire class of sketches at once, our error analysis improves upon prior work in many cases when specialized to specific sketches. For example, our analysis yields tighter privacy bounds for HLL than the one given in \cite{choi2020differentially}, yielding both an $\epsilon$-DP guarantee, rather than an $(\epsilon, \delta)$-DP guarantee, as well as tighter bounds on the failure probability $\delta$---see Section \ref{s:hlls} for details. Crucially, the class of sketches we analyze captures many (in fact, almost all to our knowledge) of the sketches that are actually used in practice. This means that existing systems can be used in contexts requiring privacy, either without modification if streams are guaranteed to satisfy the mild cardinality lower bound we require, or with a simple pre-processing step described if such cardinality lower bounds may not hold. Thus, existing data infrastructure can be easily modified to provide DP guarantees, and in fact existing sketches can be easily migrated to DP summaries. \subsection{Related work} \label{sec:related-work} One perspective is that cardinality estimators cannot simultaneously preserve privacy and offer good utility \cite{desfontaines2019cardinality}. However, this impossibility result applies only when an adversary However, this impossibility result applies only when an adversary can create and merge an arbitrary number of sketches, effectively observing an item's value many times. It does not address the privacy of one sketch itself. Other works have studied more realistic models where either the hashes are public, but private noise is added to the sketch \cite{tschorsch2013algorithm, mir2011pan, von2019rrtxfm}, or the hashes are secret \cite{choi2020differentially} (i.e., not known to the adversary who is trying to ``break'' privacy). This latter setting turns out to permit less noisy cardinality estimates. Past works study specific sketches or a variant of a sketch. For example, Smith et al. \cite{smith2020flajolet} show that an \acrshort{hll}-type sketch is $\epsilon$-DP while \cite{von2019rrtxfm} modifies the \acrshort{fm} sketch using coordinated sampling, which is also based on a private hash. Variants of both models are analyzed by Choi et al. \cite{choi2020differentially}, and they show (amongst other contributions) a similar result to \cite{smith2020flajolet}, establishing that an \acrshort{fm}-type sketch is differentially private. Like these prior works, we focus on the setting when \emph{the hash functions are kept secret} from the adversary. A related problem of differentially private estimation of cardinalities under set operations is studied by \cite{pagh2021efficient}, but they assume the inputs to each sketch are already de-duplicated. There is one standard caveat: following prior works \cite{smith2020flajolet, choi2020differentially} our privacy analysis assumes a perfectly random hash function. One can remove this assumption both in theory and practice by using a cryptographic hash function. This will yield a sketch that satisfies either a computational variant of differential privacy called SIM-CDP, or standard information-theoretic notions of differential privacy under the assumption that the hash function fools space-bounded computations \cite[Section 2.3]{smith2020flajolet}. Other works also consider the privacy-preserving properties of common $L_p$ functions over data streams. For $p=2$, these include fast dimensionality reduction \cite{blocki2012johnson,upadhyay2014randomness} and least squares regression \cite{sheffet2017differentially}. Meanwhile, for $0 < p \le 1$, frequency-moment estimation has also been studied \cite{wang2022differentially}. Our focus is solely the cardinality estimation problem when $p=0$. \subsection{Preliminaries} More formally, we consider the following problem. \paragraph{Problem Definition} Let $\ensuremath{\mathcal D} = \{x_1, \ldots, x_n\}$ denote a stream of samples with each identifier $x_i$ coming from a large universe $U$, e.g., of size $2^{64}$. The objective is to estimate the cardinality, or number of distinct identifiers, of $\ensuremath{\mathcal D}$ using an algorithm $S$ which is given privacy parameters $\epsilon, \delta \ge 0$ and a space bound $b$, measured in bits. \begin{definition}[Differential Privacy \cite{dwork2006calibrating}] A randomized algorithm $S$ is $(\epsilon, \delta)$-differentially private ($(\epsilon, \delta)$-DP for short or if $\delta=0$, \emph{pure} $\epsilon$-DP) if for any pair of data sets $\ensuremath{\mathcal D}, \ensuremath{\mathcal D}'$ that differ in one record and for all $\ensuremath{S}$ in the range of $S$, $\Pr (S(\ensuremath{\mathcal D}') \in \ensuremath{S}) \le e^{\epsilon} \Pr (S(\ensuremath{\mathcal D}) \in \ensuremath{S}) + \delta$ with probability over the internal randomness of the algorithm $S$. \end{definition} Rather than analyzing any specific sketching algorithm, we analyze a natural class of randomized distinct counting sketches. Algorithms in this class operate in the following manner: each time a new stream item $i$ arrives, $i$ is hashed using some uniform random hash function $h$, and then $h(i)$ is used to update the sketch, i.e., the update procedure depends only on $h(i)$, and is otherwise independent of $i$. Our analysis applies to any such algorithm that depends only on the \emph{set} of observed hash values. Equivalently, the sketch state is invariant both to the order in which stream items arrive, and to item duplication.\footnote{ A sketch is \emph{duplication-invariant} if and only if its state when run on any stream $\sigma$ is identical to its state when run on the stream $\sigma'$, in which all elements of the stream $\sigma$ appear exactly once. } We call this class of algorithms \emph{hash-based, order-invariant} cardinality estimators. Note that for any hash-based, order-invariant cardinality estimator, the distribution of the sketch depends only on the cardinality of the stream. All distinct counting sketches of which we are aware that are invariant to permutations of the input data are included in this class. This includes \acrshort{fm}, LPCA, Bottom-$k$, Adaptive Sampling, and HLL as shown in Section \ref{sec:example-sketches}. \begin{definition}[Hash-Based, Order-invariant Cardinality Estimators] Any sketching algorithm that depends only on the \emph{set} of hash values of stream items using a uniform random hash function is a \emph{hash-based order-invariant cardinality estimator}. We denote this class of algorithms by $\ensuremath{\mathcal C}$. \end{definition} We denote a sketching algorithm with internal randomness $r$ by $S_r$ (for hash-based algorithms, $r$ specifies the random hash function used). The algorithm takes a data set $\ensuremath{\mathcal D}$ and generates a data structure $S_r(\ensuremath{\mathcal D})$ that is used to estimate the cardinality. We refer to this structure as the \emph{state of the sketch}, or simply the \emph{sketch}, and the values it can take by $s \in \Omega$. Sketches are first initialized and then items are inserted into the sketch with an \texttt{add} operation that may or may not change the sketch state. The size of the sketch is a crucial constraint, and we denote the space consumption in bits by $b$. For example, \acrshort{fm} consists of $k$ bitmaps of length $\ell$. Thus, its state $s \in \Omega = \{0, 1\}^{k \times \ell}.$ Typically, $\ell = 32$, so that $b = 32 k$. Further examples are given in Section \ref{sec:example-sketches}. Our goal is to prove such sketches are differentially private. \label{s:fmdeets} \section{Hash-Based Order-Invariant Estimators are Private} \label{sec:sketches are private} The distribution of any hash-based, order-invariant cardinality estimator depends only on the cardinality of the input stream, so without loss of generality we assume the input is $\ensuremath{\mathcal D}=\{1, \dots, n\}$. Denote the set $\ensuremath{\mathcal D} \backslash \{i\}$ by $\ensuremath{\mathcal D}_{-i}$ for $i \in \ensuremath{\mathcal D}$ and a sketching algorithm with internal randomness $r$ by $S_r(\ensuremath{\mathcal D})$. By definition, for an $\epsilon$-differential privacy guarantee, we must show that the Bayes factor comparing the hypothesis $i \in \ensuremath{\mathcal D}$ versus $i \notin \ensuremath{\mathcal D}$ is appropriately bounded: \begin{align} \label{eqn:DP inequality} e^{-\epsilon} < \frac{\Pr_r(S_r(\ensuremath{\mathcal D}) = s)}{\Pr_r(S_r(\ensuremath{\mathcal D}_{-i}) = s)} < e^{\epsilon} \quad \forall s \in \Omega, i\in \ensuremath{\mathcal D}. \end{align} \textbf{Overview of privacy results.} The main result in our analysis bounds the privacy loss of a hash-based, order-invariant sketch in terms of just two sketch-specific quantities. Both quantities intuitively capture how sensitive the sketch is to the removal or insertion of a single item from the data stream. The first quantity is a bound $k_{max}$ on the number of items that would change the sketch if \emph{removed} from the stream. Denote the items whose removal from the data set changes the sketch by \begin{align} \label{eq:krdef} \ensuremath{\mathcal K}_r &:= \{i \in \ensuremath{\mathcal D} : S_r(\ensuremath{\mathcal D}_{-i}) \neq S_r(\ensuremath{\mathcal D}) \}. \end{align} Denote its cardinality by $K_r := \left| \ensuremath{\mathcal K}_r \right|$ and the upper bound by $k_{max} = \sup_r K_r$. The second quantity is a bound on a "sampling" probability. Let $\pi(s)$ be the probability that a newly \emph{inserted} item would change a sketch in state $s$, \begin{equation} \label{eq:pi-defn} \pi(s) \coloneqq \Pr_r(S_r(\ensuremath{\mathcal D}) \neq S_r(\ensuremath{\mathcal D}_{-i})\, |\, S_r(\ensuremath{\mathcal D}_{-i}) = s). \end{equation} Although a sketch generally does not store explicit samples, conceptually, it can be helpful to think of $\pi(s)$ as the probability that an as-yet-unseen item $i$ gets ``sampled'' by a sketch in state $s$. We upper bound $\pi^* \coloneqq \sup_{s \in \Omega} \pi(s)$ to limit the influence of items added to the stream. The main sub-result in our analysis (Theorem \ref{thm:main result}) roughly states that the sketch is $\epsilon$-DP so long as (a) the sampling probability $\pi^* < 1-e^{-\epsilon}$ is small enough, and (b) the stream cardinality $n > \frac{k_{max}}{e^{\epsilon}-1} = \Theta(k_{max}/\epsilon)$ is large enough. We show Property (a) is a \emph{necessary} condition for any $\epsilon$-DP algorithm if the algorithm works over data universes of unbounded size. Unfortunately, Property (a) does \emph{not} directly hold for natural sketching algorithms. But we show (Section \ref{s:actualdpalgs}) by applying a simple down-sampling procedure, any hash-based, order-invariant algorithm can be modified to satisfy (a). Furthermore, Section \ref{sec:example-sketches} shows common sketches satisfy Property (a) with high probability, thus providing $(\epsilon, \delta)$-DP guarantees for sufficiently large cardinalities. Compared to \cite{choi2020differentially}, these guarantees are tighter, more precise, and more general as they establish the failure probability $\delta$ decays exponentially with $n$, provide explicit formulas for $\delta$, and apply to a range of sketches rather than just HLL. \paragraph{Overview of the analysis.} The definition of $\epsilon$-DP requires bounding the Bayes factor in equation \ref{eqn:DP inequality}. The challenge is that the numerator and denominator may not be easy to compute by themselves. However, it is similar to the form of a conditional probability involving only one insertion. Our main trick re-expresses this Bayes factor as a sum of conditional probabilities involving a single insertion. Since the denominator $\Pr_r(S_r(\ensuremath{\mathcal D}_{-i})=s)$ involves a specific item $i$ which may change the sketch, we instead consider the smallest item $J_r$ whose removal does not change the sketch. This allows us to re-express the numerator in terms of a conditional probability $\Pr_r(S(\ensuremath{\mathcal D}) = s \land J_r=j) = \Pr_r(J_r = j | S(\ensuremath{\mathcal D}_{-j})=s) \Pr_r( S(\ensuremath{\mathcal D}_{-j})=s)$ involving only a single insertion plus a nuisance term $\Pr_r( S(\ensuremath{\mathcal D}_{-j})=s)$. The symmetry of items gives that the nuisance term is equal to denominator $\Pr_r( S(\ensuremath{\mathcal D}_{-j})=s) = \Pr_r( S(\ensuremath{\mathcal D}_{-i})=s)$, thus allowing us to eliminate it. \begin{lemma} \label{lem:sketch-state} Suppose $n > \sup_r K_r$. Then $\Pr_r(K_r = n) = 0$, and \begin{equation} \frac{\Pr_r(S_r(\ensuremath{\mathcal D}) = s)}{\Pr_r(S_r(\ensuremath{\mathcal D}_{-i}) = s)} = \sum_{j \in \ensuremath{\mathcal D}} \Pr_r(J_r = j \,|\, S_r(\ensuremath{\mathcal D}_{-j}) = s). \label{eq:sketch-state} \end{equation} \end{lemma} By further conditioning on the total number of items that, when removed, can change the sketch, we obtain conditional probabilities that are simple to calculate. A combinatorial argument simplifies the resulting expression and gives us two factors in Lemma \ref{lem:sum-sampling-prob}, one involving the sampling probability for new items $\pi(s)$ given a sketch in state $s$ and the other being an expectation involving $K_r$. This identifies the two quantities that must be controlled in order for a sketch to be $\epsilon$-DP. \begin{lemma} \label{lem:sum-sampling-prob} Under the same assumptions as Lemma \ref{lem:sketch-state} \begin{equation} \sum_{j \in \ensuremath{\mathcal D}} \Pr_r(J_r = j \,|\, S_r(\ensuremath{\mathcal D}_{-j}) = s) = (1-\pi(s)) {\ensuremath{\mathbb E}}_r \left(1 + \frac{ K_r }{n -K_r+1} \bigg| S_r(\ensuremath{\mathcal D}_{-1}) = s \right). \label{eq:sum-sampling-prob-main} \end{equation} \end{lemma} To show that all hash-based, order invariant sketching algorithms can be made $\epsilon$-DP, we show that $K_r$ can always be bounded by the maximum size of the sketch in bits. Thus, if a sketch is combined with a downsampling procedure to ensure $\pi(s)$ is sufficiently small, one satisfies both of the properties that are sufficient for an $\epsilon$-DP guarantee. Having established \eqref{eq:sum-sampling-prob-main}, we can derive a result showing that a hash-based, order-invariant sketch is $\epsilon$-DP so long as the stream cardinality is large enough and $\sup_{s \in \Omega} \pi(s)$ is not too close to $1$. \begin{corollary} Let $\Omega$ denote the set of all possible states of a hash-based order-invariant distinct counting sketching algorithm. When run on a stream of cardinality $n > \sup_r K_r$, the sketch output by the algorithm satisfies $\epsilon$-DP if \begin{align} &\pi_0 := 1-e^{-\epsilon} > \sup_{s \in \Omega} \pi(s) \quad \text{and} \label{eq:downsampling probability} \\ &e^{\epsilon} > 1+{\ensuremath{\mathbb E}}_r \left(\frac{ K_r }{n -K_r+1} \bigg| S_r(\ensuremath{\mathcal D}_{-1}) = s \right) \quad \text{for all sketch states $s \in \Omega$.} \label{eq:raw cardinality condition} \end{align} Furthermore, if the data stream $\ensuremath{\mathcal D}$ consists of items from a universe $U$ of unbounded size, Condition \ref{eq:downsampling probability} is necessarily satisfied by \emph{any} sketching algorithm satisfying $\epsilon$-DP. \label{cor:raw main result} \end{corollary} The above corollary may be difficult to apply directly since the expectation in Condition \eqref{eq:raw cardinality condition} is often difficult to compute and depends on the unknown cardinality $n$. Our main result provides sufficient criteria to ensure that Condition \eqref{eq:raw cardinality condition} holds. The criteria is expressed in terms of a minimum cardinality $n_0$ and sketch-dependent constant $k_{max}$. This constant $k_{max}$ is a bound on the maximum number of items which change the sketch when removed. That is, for all input streams $\ensuremath{\mathcal D}$ and all $r$, $k_{max} \geq |\ensuremath{\mathcal K}_r|$. We derive $k_{max}$ for a number of popular sketch algorithms in Section \ref{sec:example-sketches}. \begin{theorem} Consider any hash-based, order-invariant distinct counting sketch. The sketch output by the algorithm satisfies an $\epsilon$-DP guarantee if \begin{align} &\sup_{s \in \Omega} \pi(s) < \pi_0 := 1-e^{-\epsilon} \quad \text{and there are strictly greater than} \label{eq:downsampling probability2} \\ &n_0 \coloneqq {k_{max}} /{(1-e^{-\epsilon})} \quad \text{unique items in the stream.} \label{eq:artificial items bound} \end{align} \label{thm:main result} \end{theorem} Later, we explain how to modify existing sketching algorithms in a black-box way to satisfy these conditions. If left unmodified, most sketching algorithms used in practice allow for some sketch values $s \in \Omega$ which violate Condition \ref{eq:downsampling probability2}, i.e $\pi(s) > 1-e^{-\epsilon}$. We call such sketch values ``privacy-violating''. Fortunately, such values turn out to arise with only tiny probability. The next theorem states that, so long as this probability is smaller than $\delta$, the sketch satisfies $(\epsilon, \delta)$-DP without modification. The proof of Theorem \ref{thm:approxdp} follows immediately from Theorem \ref{thm:main result}. \begin{theorem} Let $n_0$ be as in Theorem \ref{thm:main result}. Given a hash-based, order-invariant distinct counting sketch with bounded size, let $\Omega'$ be the set of sketch states such that $\pi(s) \geq \pi_0$. If the input stream $\ensuremath{\mathcal D}$ has cardinality $n > n_0,$ then the sketch is $(\epsilon, \delta)$ differentially private where $\delta = \Pr_r(S_r(\ensuremath{\mathcal D}) \in \Omega')$. \label{thm:approxdp} \end{theorem} \subsection{Constructing Sketches Satisfying Approximate Differential Privacy: Algorithm \ref{alg:basic}} \label{sec:approx-dp-results} Theorem \ref{thm:approxdp} states that, when run on a stream with $n \geq n_0$ distinct items, any hash-based order-invariant algorithm (see Algorithm \ref{alg:basic}) automatically satisfies $(\epsilon, \delta)$-differential privacy where $\delta$ denotes the probability that the final sketch state $s$ is ``privacy-violating'', i.e., $\pi(s) > \pi_0 = 1 - e^{-\epsilon}$. In Section \ref{sec:example-sketches}, we provide concrete bounds of $\delta$ for specific algorithms. In all cases considered, $\delta$ falls exponentially with respect to the cardinality $n$. Thus, high privacy is achieved with high probability so long as the stream is large. We now outline how to derive a bound for a specific sketch. We can prove the desired bound on $\delta$ by analyzing sketches in a manner similar to the coupon collector problem. Assuming a perfect, random hash function, the hash values of a universe of items defines a probability space. We can identify $v \le k_{max}$ events or coupons, $C_1, \ldots, C_{v}$, such that $\pi(s)$ is guaranteed to be less than $\pi_0$ after all events have occurred. Thus, if all coupons are collected, the sketch satisfies the requirement to be $\epsilon$-DP. As the cardinality $n$ grows, the probability that a particular coupons remains missing decreases exponentially. A simple union bound shows that the probability $\delta$ that \emph{any} coupon is missing decreases exponentially with $n$. For more intuition as to why unmodified sketches satisfy an $(\epsilon, \delta)$-DP guarantee when the cardinality is large, we note that the inclusion probability $\pi(s)$ is closely tied to the cardinality estimate in most sketching algorithms. For example, the cardinality estimators used in HLL and KMV are inversely proportional to the sampling probability $\pi(s)$, i.e., $\hat{N}(s) \propto 1/\pi(s)$, while for LPCA and Adaptive Sampling, the cardinality estimators are monotonically decreasing with respect to $\pi(s)$. Thus, for most sketching algorithms, when run on a stream of sufficiently large cardinality, the resulting sketch is privacy-violating only when the cardinality estimate is also inaccurate. Theorem \ref{thm:privacy violation} is useful when analyzing the privacy of such algorithms, as it characterizes the probability $\delta$ of a ``privacy violation'' in terms of the probability the returned estimate, $\hat{N}(S_r(\ensuremath{\mathcal D}))$, is lower than some threshold $\tilde{N}(\pi_0)$. \begin{theorem} \label{thm:privacy violation} Let $S_r$ be a sketching algorithm with estimator $\hat{N}(S_r)$. If $n \geq n_0$ and the estimate returned on sketch $s$ is a strictly decreasing function of $\pi(s)$, so that $\hat{N}(s) = \tilde{N}(\pi(s))$ for a function $\tilde{N}$. Then, $S_r$ is $(\epsilon, \delta)$-DP where $\delta = \Pr_r(\hat{N}(S_r(\ensuremath{\mathcal D})) < \tilde{N}(\pi_0))$. \label{thm:eps-delta using Nhat} \end{theorem} \subsection{Constructing Sketches Satisfying Pure Differential Privacy: Algorithm \ref{alg:dp-large-set} - \ref{alg:dp-any-set}} Theorem \ref{thm:main result} guarantees an $\epsilon$-DP sketch if \eqref{eq:downsampling probability2}, \eqref{eq:artificial items bound} hold. Condition \eqref{eq:downsampling probability2} requires that $\sup_{s \in \Omega}\pi(s) < 1-e^{-\epsilon}$, i.e., the ``sampling probability'' of the sketching algorithm is sufficiently small regardless of the sketch's state $s$. Meanwhile, \eqref{eq:artificial items bound} requires that the input cardinality is sufficiently large. We show that \emph{any} hash-based, order-invariant distinct counting sketching algorithm can satisfy these two conditions by adding a simple pre-processing step which does two things. First, it ``downsamples'' the input stream by hashing each input, interpreting the hash values as numbers in $[0, 1]$, and simply ignoring numbers whose hashes are larger than $\pi_0$. The downsampling hash must be independent to that used by the sketching algorithm itself. This ensures that Condition \eqref{eq:downsampling probability2} is satisfied, as each input item has maximum sampling probability $\pi_0$. If there is an a priori guarantee that the number of distinct items $n$ is greater than $n_0 = \frac{k_{max}}{1-e^{-\epsilon}}$, then \eqref{eq:artificial items bound} is trivially satisfied. Pseudocode for the resulting $\epsilon$-DP algorithm is given in Algorithm \ref{alg:dp-large-set}. If there is no such guarantee, then the preprocessing step adds $n_0$ items to the input stream to satisfy \eqref{eq:artificial items bound}. To ensure unbiasedness, these $n_0$ items must (i) be distinct from any items in the ``real'' stream, and (ii) be downsampled as per the first modification. An unbiased estimate of the cardinality of the unmodified stream can then be easily recovered from the sketch via a post-processing correction. Pseudocode for the modified algorithm, which is guaranteed to satisfy $\epsilon$-DP, is given in Algorithm \ref{alg:dp-any-set}. \label{s:actualdpalgs} \begin{figure} \renewcommand\figurename{Algorithms} \hspace{-0.5cm} \begin{subfigure}{.29\textwidth} \begin{algorithmic} \Function{Base}{items, $\epsilon$} \State $S \gets InitSketch()$ \State \For{$x \in items$} \State \State $S.add(x)$ \EndFor \State \Return $\hat{N}(S)$ \EndFunction \end{algorithmic} \caption{$(\epsilon, \delta)$-DP for $n \ge n_0$.} \label{alg:basic} \end{subfigure \begin{subfigure}{.36 \textwidth} \begin{algorithmic} \Function{DPSketchLargeSet}{items, $\epsilon$} \State $S \gets InitSketch()$ \State $\pi_0 \gets 1-e^{-\epsilon}$ \For{$x \in items$} \If{$hash(x) < \pi_0$} \State $S.add(x)$ \EndIf \EndFor \State \Return $\hat{N}(S) / \pi_0$ \EndFunction \end{algorithmic} \caption{$(\epsilon, 0)$-DP for $n \ge n_0$.} \label{alg:dp-large-set} \end{subfigure} \begin{subfigure}{.36\textwidth} \begin{algorithmic} \Function{DPSketchAnySet}{items, $\epsilon$} \State $S, n_0 \gets DPInitSketch(\epsilon)$ \State $\pi_0 \gets 1-e^{-\epsilon}$ \For{$x \in items$} \If{$hash(x) < \pi_0$} \State $S.add(x)$ \EndIf \EndFor \State \Return $\hat{N}(S) / \pi_0 - n_0$ \EndFunction \end{algorithmic} \caption{$(\epsilon, 0)$-DP for $n \ge 1$.} \label{alg:dp-any-set} \end{subfigure}% \caption{Differentially private cardinality estimation algorithms from black box sketches. The function $InitSketch()$ initializes a black-box sketch. The uniform random hash function $hash(x)$ is chosen independently of any hash in the black-box sketch and is interpreted as a real in $[0, 1]$. The cardinality estimate returned by sketch $S$ is denoted $\hat{N}(S)$. \texttt{DPInitSketch} is given in Algorithm \ref{alg:DPInitSketch}.} \label{alg:dp sketches} \addtocounter{algorithm}{1} \end{figure} \begin{corollary} \label{maincor} The functions \texttt{DPSketchLargeSet} (Algorithm \ref{alg:dp-large-set}) and \texttt{DPSketchAnySet} (Algorithm \ref{alg:dp-any-set}) yield $\epsilon$-DP distinct counting sketches provided that $n \ge n_0$ and $n \ge 1$, respectively. \label{cor:algo-1b-1c-DP} \end{corollary} \subsection{Constructing $\epsilon$-DP Sketches from Existing Sketches: Algorithm \ref{alg:make dp}, Appendix \ref{app: algos}} \label{sec:existing sketches post processing} As regulations change and new ones are added, existing data may need to be appropriately anonymized. However, if the data has already been sketched, the underlying data may no longer be available, and even if it is retained, it may be too costly to reprocess it all. Our theory allows these sketches to be directly converted into differentially private sketches when the sketch has a merge procedure. Using the merge procedure to achieve $\epsilon$-differential privacy yields more useful estimates than the naive approach of simply adding Laplace noise to cardinality estimates in proportion to the global sensitivity. The algorithm assumes it is possible to take a sketch $S_r(\ensuremath{\mathcal D}_1)$ of a stream $\ensuremath{\mathcal D}_1$ and a sketch $S_r(\ensuremath{\mathcal D}_2)$ of a stream $\ensuremath{\mathcal D}_2$, and ``merge'' them to get a sketch of the concatenation of the two streams $\ensuremath{\mathcal D}_1 \circ \ensuremath{\mathcal D}_2$. This is the case for most practical hash-based order-invariant distinct count sketches. Denote the merge of sketches $S_r(\ensuremath{\mathcal D}_1)$ and $S_r(\ensuremath{\mathcal D}_2)$ by $S_r(\ensuremath{\mathcal D}_1) \cup S_r(\ensuremath{\mathcal D}_2)$. In this setting, we think of the existing non-private sketch $S_r(\ensuremath{\mathcal D}_1)$ being converted to a sketch that satisfies $\epsilon$-DP by Algorithm \ref{alg:make dp} (see pseudocode in Appendix \ref{app: algos}). Since sketch $S_r(\ensuremath{\mathcal D}_1)$ is already constructed, items cannot be first downsampled in the build phase the way they are in Algorithms \ref{alg:dp-large-set}-\ref{alg:dp-any-set}. To achieve $\epsilon$-DP, Algorithm \ref{alg:make dp} constructs a noisily initialized sketch, $S_r(\ensuremath{\mathcal D}_2)$, which satisfies both the downsampling condition (Condition \eqref{eq:downsampling probability2}) and the minimum stream cardinality requirement (Condition \eqref{eq:artificial items bound}) and returns the merged sketch $S_r(\ensuremath{\mathcal D}_1) \cup S_r(\ensuremath{\mathcal D}_2)$. Hence, the sketch will satisfy both conditions for $\epsilon$-DP, as shown in Corollary \ref{cor:makedp} This merge based procedure typically adds no additional error to the estimates for large cardinalities. In contrast, the naive approach of adding Laplace noise can add significant noise since the sensitivity can be very large. For example, HLL's estimator is of the form $\hat{N}_{HLL}(s) = \alpha / \pi(s)$ where $\alpha$ is a constant and $s$ is the sketch. One item can update a bin to the maximum value, so that the updated sketch $s'$ has sampling probability $\pi(s') < \pi(s)(1-1/k)$. The sensitivity of cardinality estimate is thus at least $\hat{N}_{HLL}(s) / k$. Given that the cardinality estimate, and hence sensitivity, can be arbitrarily large when $n \geq k$, the naive approach is unworkable to achieve $\epsilon$-DP. \floatname{algorithm}{Algorithm} \section{The Utility of Private Sketches} \label{sec:utility analysis} When processing a data set with $n$ unique items, denote the expectation and variance of a sketch and its estimator by ${\ensuremath{\mathbb E}}_n(\hat{N})$ and $\mathsf{Var}_n(\hat{N})$ respectively. We show that our algorithms all yield unbiased estimates. Furthermore, we show that for Algorithms \ref{alg:basic}-\ref{alg:dp-any-set}, if the base sketch satisfies a \emph{relative error guarantee} (defined below), the DP sketches add no additional error asymptotically. \textbf{Establishing unbiasedness.} To analyze the expectation and variance of each algorithm's estimator, $\hat{N}(S(\ensuremath{\mathcal D}))$, note that each estimator uses a `base estimate' $\hat{N}_{base}$ from the base sketch $S$ and has the form $\hat{N}(S(\ensuremath{\mathcal D})) = \frac{\hat{N}_{base}}{p} - V$; $p$ is the downsampling probability and $V$ is the number of artificial items added. This allows us to express expectations and variance via the variance of the base estimator. \begin{theorem} Consider a base sketching algorithm $S \in \ensuremath{\mathcal C}$ with an unbiased estimator $\hat{N}_{base}$ for the cardinality of items added to the base sketch. Algorithms \ref{alg:dp sketches} (a)-(c) and \ref{alg:make dp} yield unbiased estimators. \label{thm:unbiased} \end{theorem} \paragraph{Bounding the variance.} Theorem \ref{thm:unbiased} yields a clean expression for the variance of our private algorithms. Namely, $\mathsf{Var} [ \hat{N}(S_r(\ensuremath{\mathcal D})) ] = {\ensuremath{\mathbb E}} [ \mathsf{Var} (\frac{\hat{N}_{base}}{p} | V ) ]$ which is shown in Corollary \ref{cor:var}. The expression is a consequence of the law of total variance and that the estimators are unbiased. We say that the base sketch satisfies a \textbf{relative-error guarantee} if with high probability, the estimate returned by the sketching algorithm when run on a stream of cardinality $n$ is $(1 \pm 1/\sqrt{c}) n$ for some constant $c>0$. Let $\hat{N}_{base,n}$ denote the cardinality estimate when the base algorithm is run on a stream of cardinality $n$, as opposed to $\hat{N}_{base}$ denoting the cardinality estimate produced by the base sketch on the sub-sampled stream used in our private sketches \texttt{DPSketchLargeSet} (Algorithm \ref{alg:dp-large-set}) and \texttt{DPSketchAnySet} (Algorithm \ref{alg:dp-any-set}). The relative error guarantee is satisfied when $\mathsf{Var}_n(\hat{N}_{base,n}) < n^2 / c$; this is an immediate consequence of Chebyshev's inequality. When the number of artificially added items $V$ is constant as in Algorithms \ref{alg:dp-large-set} and \ref{alg:dp-any-set}, Corollary \ref{cor:var} provides a precise expression for the variance of the differentially private sketch. In Theorem \ref{thm:utility given relative error} below, we use this expression to establish that the modification of the base algorithm to an $\epsilon$-DP sketch as per Algorithms \ref{alg:dp-large-set} and \ref{alg:dp-any-set} satisfy the exact same relative error guarantee asymptotically. In other words, the additional error due to any pre-processing (down-sampling and possibly adding artificial items) is insignificant for large cardinalities $n$. \begin{theorem} Suppose $\hat{N}_{base,n}$ satisfies a relative error guarantee, $\mathsf{Var}_n(\hat{N}_{base,n}) < n^2 / c$, for all $n$ and for some constant $c$. Let $v = 0$ for Algorithm \ref{alg:dp-large-set} and $v = n_0$ for Algorithm \ref{alg:dp-any-set}. Then Algorithms \ref{alg:dp-large-set} and \ref{alg:dp-any-set} satisfy \begin{align} &\mathsf{Var}_n(\hat{N}) \leq \frac{(n+v)^2}{c} + \frac{(n+v)(v + \pi_0^{-1})}{k_{max}} = \frac{(n+v)^2}{c} + O(n), \label{eq: variance result \end{align} so that ${\mathsf{Var}_n(\hat{N})}/{\mathsf{Var}_n(\hat{N}_{base,n})} \to 1 \,\,\mbox{ as } n \to \infty.$ \label{thm:utility given relative error} \end{theorem} In Corollary \ref{cor: variance-ratios} we prove an analagous result for Algorithm \ref{alg:make dp}, which merges non-private and noisy sketches to produce a private sketch. Informally, the result is comparable to \eqref{eq: variance result}, albeit with $v \ge n_0$. This is because, in Algorithm \ref{alg:make dp}, the number of artificial items added $V$ is a random variable. We ensure that the algorithm satisfies a utility guarantee by bounding $V$ with high probability. This is equivalent to showing that the base sketching algorithm satisfies an $(\epsilon, \delta)$-DP guarantee as for any $n^* \geq n_0$ and dataset $\ensuremath{\mathcal D}^*$ with $|\ensuremath{\mathcal D}^*| = n^*$, $(\epsilon, \delta_{n^*})$-DP ensures $\delta_{n^*} > \Pr_r(\pi(\ensuremath{S}_r(\ensuremath{\mathcal D}^*)) > \pi_0) = \Pr_r(V > n^*)$ which follows from the definition of $V$ in Algorithm \ref{alg:DPInitSketchForMerge}. \section{Examples of Hash-based, Order-Invariant Cardinality Estimators} \label{sec:example-sketches} We now provide $(\epsilon, \delta)$-DP results for a select group of samples: \acrshort{fm}, LPCA, Bottom-$k$, Adaptive Sampling, and HLL. The $(\epsilon, \delta)$-DP results in this section operate in the Algorithm \ref{alg:basic} setting with no modification to the base sketching algorithm. Recall that the quantities of interest are the number of bins used in the sketch $k$, the size of the sketch in bits $b$ and the number of items whose absence changes the sketch $k_{max}$. From Section \ref{sec:sketches are private} and Lemma \ref{lem:k bound} we know that $k_{max} \le b$ but for several common sketches we show a stronger bound of $k_{max} = k$. The relationship between these parameters for various sketching algorithms is summarized in Table \ref{tab:sketch comparison}. Table \ref{tab: related-work-bounds}, Appendix \ref{app: sketch examples}, details our improvements over \cite{smith2020flajolet,choi2020differentially} in both privacy and utility. We remind the reader that, per \eqref{eq:downsampling probability}, $\pi_0 = 1-e^{-\epsilon},$ and \eqref{eq:artificial items bound} $n_0 = \frac{k_{max}}{1-e^{-\epsilon}}.$ Furthermore, recall that once we bound the parameter $k_{max}$ for any given hash-based order-invariant sketching algorithm, Corollary \ref{maincor} states that the derived algorithms \ref{alg:dp-large-set}-\ref{alg:dp-any-set} satisfy $\epsilon$-DP provided that $n \ge n_0$ and $n \ge 1$, respectively. Accordingly, in the rest of this section, we bound $k_{max}$ for each example sketch of interest, which has the consequences for pure $\epsilon$-differential privacy delineated above. \begin{table}[] \caption{Properties of each sketch with $k$ ``buckets'' (see each sketch's respective section for details of what this parameter means for the sketch). Each sketch provides an $(\epsilon, \delta)$-DP guarantee, where the column $\ln \delta$ provides an upper bound on $\ln \delta$ established in the relevant subsection of Section \ref{s:allthesketches}. } \label{tab:sketch comparison} \centering \begin{tabular}{llllll} \toprule Sketch & $b$: size (bits) & Standard Error & $k_{max}$ & $\ln \delta$ & Reference \\ \midrule FM85 & $32k$ & $0.649n / \sqrt{k}$ & $32k$ & $-\frac{\pi_0}{2k} n + o(1)$ & \cite{lang2017back} \\ LPCA & $k$ & $n/\sqrt{k}$ \tablefootnote{This approximation holds for $n < k$. A better approximation of the error is $\sqrt{k(\exp(n/k)-n/k-1)}$} & $k$ & $-\frac{\pi_0}{\tilde{N}(\pi_0)} n + O(\log n)$ & \cite{whang1990linear} \\ Bottom-$k$ & $64k$ & $n/\sqrt{k}$ & $k$ & $-\frac{1}{2}\frac{\pi_0}{1-\pi_0} n + o(1)$ & \cite{giroire2009order}\\ Adaptive Sampling & $k$ & $1.2 n / \sqrt{k}$ & $k$ & $-\frac{1}{2}\frac{\pi_0}{1-\pi_0} n + o(1)$ & \cite{flajolet1990adaptive} \\ HLL & $5k$ & $1.04\, n / \sqrt{k}$ & $k$ & $-\frac{\pi_0}{k} n + o(1)$ & \cite{flajolet2007hyperloglog} \\ \bottomrule \end{tabular} \end{table} \label{s:allthesketches} \paragraph{Flajolet-Martin '85} The FM85 sketch, often called \emph{Probabilistic Counting with Stochastic Averaging (PCSA)}, consists of $k$ bitmaps $B_i$ of length $\ell$. Each item is hashed into a bitmap and index $(B_i,G_i)$ and sets the indexed bit in the bitmap to 1. The chosen bitmap is uniform amongst the $k$ bitmaps and the index $G_i \sim Geometric(1/2)$. If $\ell$ is the length of each bitmap, then the total number of bits used by the sketch is $b = k \ell$ and $k_{max} = k \ell$ for all seeds $r$. A typical value for $\ell$ is 32 bits, as used in Table \ref{tab:sketch comparison}. Past work \cite{von2019rrtxfm} proposed an $\epsilon$-DP version of \acrshort{fm} using a similar subsampling idea combined with random bit flips. \begin{theorem} Let $v = \lceil -\log_2 \pi_0 \rceil$ and $\tilde{\pi}_0 := 2^{-v} \in (\sfrac{\pi_0}{2}, \pi_0]$. If $n \ge n_0$, then the \acrshort{fm} sketch is $(\epsilon, \delta)$-DP with $\delta \leq kv \exp\left(- \tilde{\pi}_0 \frac{n}{k} \right)$. \label{thm:fm85-dp} \end{theorem} For any $k$, \acrshort{fm} has $k_{max} \in \{32k, 64k\}$. This is worse than all other sketches we study which have $k_{max} = k$, so \acrshort{fm} needs a larger number of minimum items $n_0$ to ensure the sketch is $(\epsilon, \delta)$-DP. \paragraph{LPCA} The Linear Probabilistic Counting Algorithm (LPCA) consists of a length-$k$ bitmap. Each item is hashed to an index and sets its bit to $1$. If $B$ is the number of $1$ bits, the LPCA cardinality estimate is $\hat{N}_{\mathtt{LPCA}} = - k \log (1- B/k) = k \log \pi(\ensuremath{S}_r(\ensuremath{\mathcal D}))$. Trivially, $k_{max} = k$. Since all bits are expected to be $1$ after processing roughly $k \log k$ distinct items, the capacity of the sketch is bounded. To estimate larger cardinalities, one first downsamples the distinct items with some sampling probability $p$. To ensure the sketch satisfies an $\epsilon$-DP guarantee, one simply ensures $p \geq \pi_0$. In this case, our analysis shows that LPCA is differentially private with no modifications if the cardinality is sufficiently large. Otherwise, since the estimator $\hat{N}(s)$ is a function of the sampling probability $\pi(s)$, Theorem \ref{thm:eps-delta using Nhat} provides an $(\epsilon, \delta)$ guarantee in terms of $\hat{N}$. \begin{theorem} Consider a LPCA sketch with $k$ bits and downsampling probability $p$. If $p < \pi_0$ and $n > \frac{k}{1-e^{-\epsilon}}$ then LPCA is $\epsilon$-DP. Otherwise, let $b_0 = \lceil k(1-\pi_0/p) \rceil$, $\tilde{\pi}_0 = b_0/k$, and $\mu_0$ be the expected number of items inserted to fill $b_0$ bits in the sketch. Then, LPCA is $(\epsilon, \delta)$-DP if $n > \mu_0$ with \begin{align} \delta &= \Pr_r(B < b_0) < \frac{\mu_0}{n} \exp\left(-\frac{\tilde{\pi}_0 }{\mu_0}n \right) \exp(- \tilde{\pi}_0) \end{align} where $B$ is the number of filled bits in the sketch. Furthermore, $\mu_0 < \tilde{N}(\tilde{\pi}_0)$ where $\tilde{N}(\tilde{\pi}) = -\frac{k}{p} \log(1-\tilde{\pi})$ is the cardinality estimate of the sketch when the sampling probability is $\tilde{\pi}$. \label{thm:lpc-dp} \end{theorem} \textbf{Bottom-$k$ (also known as MinCount or KMV)} sketches store the $k$ smallest hash values. Removing an item changes the sketch if and only if 1) the item's hash value is one of these $k$ and 2) it does not collide with another item's hash value. Thus, $k_{max} = k$. Typically, the output size of the hash function is large enough to ensure that the collision probability is negligible, so for practical purposes $k_{max}=k$ exactly. Since the Bottom-$k$ estimator $\hat{N}(s) = \sfrac{(k-1)}{\pi(s)}$ is a function of the update probability $\pi(s)$, Theorem \ref{thm:eps-delta using Nhat} gives an $(\epsilon, \delta)$-DP guarantee in terms of the cardinality estimate by coupon collecting; Theorem \ref{thm:kmv-dp} tightens this bound on $\delta$ for a stronger $(\epsilon, \delta)$-DP guarantee. \begin{theorem} Consider Bottom-$k$ with $k$ minimum values. Given $\epsilon > 0$, let $\pi_0, n_0$ be the corresponding subsampling and minimum cardinality to ensure the modified Bottom-$k$ sketch is $(\epsilon, 0)$-DP. When run on streams of cardinality $n \geq n_0$, then the unmodified sketch is $(\epsilon, \delta)$-DP, where $\delta = P(X \leq k) < \exp(-n \alpha_n)$ where $X \sim Binomial(n, \pi_0)$ and $\alpha_n = \frac{1}{2} \frac{(\pi_0 - k/n)^2}{\pi_0(1-\pi_0) + \sfrac{1}{3n^2}} \to \frac{1}{2}\frac{\pi_0}{1 - \pi_0}$ as $n \to \infty$. \label{thm:kmv-dp} \end{theorem} The closely related \textbf{Adaptive Sampling} sketch has the same privacy behavior as a bottom-$k$ sketch. Rather than storing exactly $k$ hashes, the algorithm maintains a threshold $p$ and stores up to $k$ hash values beneath $p$. Once the sketch size exceeds $k$, the threshold is halved and only hashes less than $p/2$ are kept. Since at most $k$ hashes are stored, and the sketch is modified only if one of these hashes is removed the maximum number of items that can modify the sketch by removal is $k_{max} = k$. \begin{corollary} For any size $k$ and cardinality $n$, if a bottom-$k$ sketch is $(\epsilon, \delta)$-DP, then a maximum size $k$ adaptive sampling sketch is $(\epsilon, \delta)$-DP with the same $\epsilon$ and $\delta$. \label{cor:ads-dp} \end{corollary} \paragraph{HyperLogLog (HLL)} \label{s:hllparagraph} hashes each item to a bin and value $(B_i, G_i)$. Within each bin, it takes the maximum value so each bin is a form of Bottom-1 sketch. If there are $k$ bins, then $k_{max} = k$. Our results uniformly improve upon existing DP results on the HLL sketch and its variants. One variation of the HLL sketch achieves $\epsilon$-DP but is far slower than HLL, as it requires every item to be independently hashed once for each of the $k$ bins, rather than just one time \cite{smith2020flajolet}. In other words, \cite{smith2020flajolet} needs $O(k)$ update time compared to $O(1)$ for our algorithms. Another provides an $(\epsilon, \delta)$ guarantee for streams of cardinality $n \geq n_0'$, for an $n_0'$ that is larger than our $n_0$ by a factor of roughly (at least) $8$, with $\delta$ falling exponentially with $n$ \cite{choi2020differentially}. In contrast, for streams with cardinality $n \geq n_0$, we provide a \emph{pure} $\epsilon$-DP guarantee using Algorithms \ref{alg:dp-large-set}-\ref{alg:dp-any-set}. HLL also has the following $(\epsilon, \delta)$ guarantee. \begin{theorem} If $n \geq n_0$, then HLL satisfies an $(\epsilon, \delta)$-DP guarantee where $\delta \leq k \exp(-\sfrac{\pi_0 n}{k})$ \label{thm:hll-dp} \end{theorem} HLL's estimator is only a function of $\pi(s)$ for medium to large cardinalities as it has the form $\hat{N}(s) = \tilde{N}(\pi(s))$ when $\tilde{N}(\pi(s)) > 5 k / 2$. Thus, if $\pi_0$ is sufficiently small so that $\tilde{N}(\pi_0(s)) > 5 k / 2$, then Theorem \ref{thm:eps-delta using Nhat} can still be applied, and HLL satisfies $(\epsilon, \delta)$-DP with $\delta = P(\hat{N}(\ensuremath{S}_r(\ensuremath{\mathcal D})) < \tilde{N}(\pi_0))$. \label{s:hlls} \section{Empirical Evaluation} \setcounter{figure}{0} \begin{figure*}[b] \begin{adjustbox}{max width=\linewidth,center} \centering \subfloat[Wall-clock update time in seconds vs. $k$.]{{\input{timings.tex}} \label{fig:timing-comparison}}% \subfloat Estimated space increase using QLL \cite{smith2020flajolet} rather than PHLL.] {{\input{space_vs_error.tex}} \label{fig:space-ratio}} \end{adjustbox} \caption{ (\ref{fig:timing-comparison}) QLL's update time is not competitive since it performs $O(k)$ hashes. (\ref{fig:space-ratio}) QLL is less efficient spacewise than PHLL. The relative size of a QLL sketch to a PHLL sketch, the \emph{Space ratio}, is larger for more accurate sketches. } \end{figure*} We provide two experiments highlighting the practical benefits of our approach. Of past works, only \cite{choi2020differentially, smith2020flajolet} are comparable and both differ from our approach in significant ways. We empirically compare only to \cite{smith2020flajolet} since \cite{choi2020differentially} is simply an analysis of HLL. Our improvement over \cite{choi2020differentially} for HLL consists of providing significantly tighter privacy bounds in Section \ref{s:hllparagraph} and providing a fully $\epsilon$-DP sketch in the secret hash setting. We denote our $\epsilon$-DP version of HLL using Algorithm \ref{alg:dp-large-set} by PHLL (private-HLL) and that of \cite{smith2020flajolet} by QLL. Details of the experimental setup are in Appendix \ref{app:exptdetails}. \textbf{Experiment 1: Update Time (Figure \ref{fig:timing-comparison}).} We implemented regular, non-private HLL, our PHLL, and QLL and recorded the time to populate every sketch over $2^{10}$ updates with $k \in \{2^7, 2^8, \dots 2^{12} \}$ buckets. For HLL, these bucket sizes correspond to relative standard errors ranging from $\approx 9\%$ down to $\approx 1.6\%$. Each marker represents the mean update time over all updates and the curves are the evaluated mean update time over $10$ trials. As expected from theory, the update time of \cite{smith2020flajolet} grows as $O(k)$. In contrast, our method PHLL has a constant update time and is similar in magnitude to HLL. Both are roughly $500\times$ faster than \cite{smith2020flajolet} when $k=2^{12}$. Thus, figure \ref{fig:timing-comparison} shows that \cite{smith2020flajolet} is not a scalable solution and the speedup by achieving $O(1)$ updates is substantial. \textbf{Experiment 2: Space Comparison (Figure \ref{fig:space-ratio}).} In addition to having a worse update time, we also show that QLL has lower utility in the sense that it requires more space than PHLL to achieve the same error. Fixing the input cardinality at $n=2^{20}$ and the privacy budget at $\epsilon = \ln(2)$, we vary the number of buckets $k \in \{2^7, 2^8, \dots 2^{12} \}$ and simulate the $\epsilon$-DP methods, PHLL and QLL \cite{smith2020flajolet}. The number of buckets controls the error and we found that both methods obtained very similar mean relative error for a given number of bins\footnote{ This is shown in Figure \ref{fig:utility-space}, Appendix \ref{app:exptdetails}.} so we plot the space usage against the expected relative error for a given number of buckets. For QLL, since the error guarantees tie the parameter $\gamma$ to the number of buckets, we modify $\gamma$ accordingly as well. We compare the sizes of each sketch as the error varies. Since the number of bits required for each bin depends on the range of values the bin can take, we record the simulated $\textbf{total sketch size} := k \cdot \log_2 \max_i s_i$, by using the space required for the largest bin value over $k$ buckets. Although QLL achieves similar utility, it does so using a sketch that is larger: when $k = 2^7$, we expect an error of roughly $9\%$, QLL is roughly $1.1\times$ larger. This increases to about $1.6\times$ larger than our PHLL sketch when $k=2^{12}$, achieving error of roughly $1.6\%$. We see that the average increase in space when using QLL compared to PHLL \emph{grows exponentially in the desired accuracy of the sketch}; when lower relative error is necessary, we obtain a greater space improvement over QLL than at higher relative errors. This supports the behavior expected by comparing with space bounds of \cite{smith2020flajolet} with (P)HLL. \section{Conclusion} We have studied the (differential) privacy of a class of cardinality estimation sketches that includes most popular algorithms. Two examples are the \acrshort{hll} and KMV (bottom-$k$) sketches that have been deployed in large systems \cite{heule2013hyperloglog, datasketches}. We have shown that the sketches returned by these algorithms are $\epsilon$-differentially private when run on streams of cardinality greater than $n_0 = \frac{k_{max}}{1-e^{-\epsilon}}$ and when combined with a simple downsampling procedure. Moreover, even without downsampling, these algorithms satisfy $(\epsilon, \delta)$-differential privacy where $\delta$ falls exponentially with the stream cardinality $n$ once $n$ is larger than the threshold $n_0$. Our results are more general and yield better privacy guarantees than prior work for small space cardinality estimators that preserve differential privacy. Our empirical validations show that our approach is practical and scalable, being much faster than previous state-of-the-art while consuming much less space. \begin{ack} We are grateful to Graham Cormode for valuable comments on an earlier version of this manuscript. Justin Thaler was supported by NSF SPX award CCF-1918989 and NSF CAREER award CCF-1845125. \end{ack} \newpage
e42a5b535ce4641e5b40894660b486c5fb6b5667
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \subsection{Definition}\label{sec:geom} Let $X$ be a smooth complex projective variety of dimension $n$, and $D \subset X$ a simple normal crossings ({$\mathsf{snc}$}) divisor, i.e., a normal crossings divisor whose irreducible components $\{D_p\}_{p \in P}$ are smooth. We consider $\mathrm{Div}(X,D) \simeq \Z^P$, the free abelian group generated by divisors supported on $D$. Let $\mathsf{N} \subset \mathrm{Div}(X,D)_\Q$ be a rational polyhedral cone---so $\mathsf{N} = \{ \sum_{i=1}^s \lambda_i \delta_i : \lambda_i \geq 0\}$ for a set of generators $\delta_i\in \mathrm{Div}(X,D)$---satisfying the following conditions: \begin{enumerate} \item [] \textbf{(Ample)} $\mathsf{N}$ contains an ample class in its interior; \item [] \textbf{(Semiample)} $\mathsf{N}$ is contained in the cone of effective semiample divisors supported on $D$; \item []\textbf{(Semipositive)} $\mathsf{N}$ contains a `homological anticanonical divisor', i.e. one homologous to the anticanonical divisor modulo torsion. \end{enumerate} We recall that a $\Q$-divisor $L$ is called semiample if there is a natural number $m$ for which $|m L|$ is a basepoint-free linear system, and that semiample implies nef. The \textbf{(Semiample)} assumption implies that $\mathsf{N}$ is strictly convex: $\mathsf{N}\cap (- \mathsf{N}) = \{0\}$. Declare $(X,D)$ to satisfy the \emph{non-negativity condition} if such a cone exists. \begin{rmk} If $X$ is simply connected, the non-negativity condition implies that $-K_X$ is semiample. Hence $-K_X$ is nef; by \cite{CH}, $X$ is therefore a product $Y\times F$, where $Y$ has trivial canonical bundle and $F$ is rationally connected. \end{rmk} Intersecting with components of $D$ defines a map \begin{align} \label{eq:takerelint} H_2(X,X \setminus D;\Z) &\to \Z^P, \qquad \text{which we denote by}\\ \nonumber u & \mapsto u \cdot D. \end{align} We will arrange that all holomorphic curves we consider have non-negative intersection number with the divisors in $\mathsf{N}$ (Lemma \ref{lem:posint}), so their image under the map \eqref{eq:takerelint} lies in the cone $\NE \subset \Z^P$ dual to $\mathsf{N}$. Any element $\alpha\in \NE$ has only finitely many decompositions $\alpha = \alpha_1 + \alpha_2$ as a sum of two elements of $\NE$, since $\alpha(\delta_i) \in \Z_{\geq 0}$ for all $i$ where $(\delta_1,\dots, \delta_s)$ are generators of $\mathsf{N}$. One can therefore form the completed monoid ring \begin{equation} R = \Z \, \power{\NE} \end{equation} of infinite series $\sum _{\alpha \in \NE} n_\alpha T^\alpha$ with $n_\alpha\in \Z$. We think of $R$ as roughly analogous to the ring of non-negative Novikov series used in \cite{FO3}. Let $\mathfrak{m} \subset R$ be the ideal generated by $T^\beta$ for $\beta \in \NE \setminus \{0\}$, and equip $R$ with the $\mathfrak{m}$-adic filtration. The main construction of this paper is the \emph{relative Fukaya category} $\EuF(X,D,\mathsf{N})$. It is a $\Z/2$-graded curved filtered $R$-linear $A_\infty$ category (this notion is defined precisely in Section \ref{subsec:curvfilt}). It is independent of all auxiliary choices made in its construction, up to curved filtered quasi-equivalence (this notion is defined precisely in Section \ref{subsec:bc}). Furthermore, if $\mathsf{N}_0 \subset \mathsf{N}_1$, then there is a curved filtered quasi-equivalence \begin{equation} \label{eq:N0N1} \EuF(X,D,\mathsf{N}_1) \otimes_{\Z\power{\NE_1}} \Z\power{\NE_0} \simeq \EuF(X,D,\mathsf{N}_0). \end{equation} \begin{rmk} It was pointed out to us by Marco Castronovo that it should be possible (and not particularly difficult) to relax the requirement that $D$ be simple normal crossings. \end{rmk} \subsection{Properties} The relative Fukaya category satisfies \cite[Assumption 5.1]{Sheridan2016} (up to an irrelevant change of grading conventions). This concerns the relationship between the relative Fukaya category and the exact Fukaya category of the affine variety $X \setminus D$, as defined in \cite{Seidel:FCPLT}. We briefly outline our conventions concerning the exact Fukaya category. It is a $\Z/2$-graded, $\Z$-linear $A_\infty$ category. Its objects are closed, exact Lagrangian submanifolds $L \subset X \setminus D$, equipped with spin structures. The morphism spaces $hom^*(L_0,L_1)$ are free, finite-rank, $\Z/2$-graded $\Z$-modules generated by the intersection points betwen $L_0$ and a Hamiltonian perturbation of $L_1$. The $A_\infty$ structure maps count certain pseudoholomorphic discs $u$ in $X \setminus D$. \begin{prop}[Assumption 5.1 of \cite{Sheridan2016}]\label{prop:5.1} There is a strict isomorphism \[ \EuF(X,D,\mathsf{N}) \otimes_R R/\mathfrak{m} \simeq \EuF(X \setminus D).\] \end{prop} In particular, the objects of $\EuF(X,D,\mathsf{N})$ are identical to those of $\EuF(X \setminus D)$. The morphism spaces of $\EuF(X,D,\mathsf{N})$ are obtained from those of $\EuF(X \setminus D)$ by tensoring with $R$: in particular they are free, finite-rank, $\Z/2$-graded $R$-modules. The $A_\infty$ structure maps count certain pseudoholomorphic discs $u$ in $X$, weighted by $T^{[u]\cdot D} \in R$. We remark that the relative Fukaya category also satisfies \cite[Assumptions 5.2 and 5.3]{Sheridan2016}. \subsection{Bounding cochains} For any curved filtered $A_\infty$ category $\EuA$, we can form the associated uncurved $A_\infty$ category $\EuA^\mathsf{bc}$ of c-unital bounding cochains in $\EuA$; and if two curved filtered $A_\infty$ categories are curved filtered quasi-equivalent, then their associated categories of bounding cochains are quasi-equivalent (see Theorem \ref{thm:cqiso}). Let $\BbK$ be a commutative ring,\footnote{All our rings, and homomorphisms thereof, are taken to be unital.} equipped with a complete, exhaustive, decreasing filtration, and a filtered ring homomorphism $\Z\power{\NE} \to \BbK$. Then $\EuF(X,D,\mathsf{N}) \otimes_{\Z\power{\NE}} \BbK$ is a curved filtered $\BbK$-linear $A_\infty$ category, which is independent of all choices made in its construction up to curved filtered quasi-equivalence. In particular, the corresponding category of c-unital bounding cochains is independent of choices up to quasi-equivalence. \begin{rmk} We define an (uncurved) $A_\infty$ functor to be a quasi-equivalence if it induces an equivalence on the level of cohomology, and say that two $A_\infty$ categories are quasi-equivalent if they are connected by a zig-zag of quasi-equivalences (Definition \ref{defn:qeq}). This is a `good' equivalence relation if the morphism cochain complexes are cofibrant (see \cite[Section 3.1]{GPS2017}); this is true for example if the coefficient ring $\BbK$ is a field, but we have not checked it in general. \end{rmk} The most important example to consider is the following. Let $\Bbbk$ be a commutative ring and $K \subset \R$ a submonoid. We define the corresponding Novikov-type ring $\Lambda_{\Bbbk,K}$ to be the completion of the group ring $\Bbbk[K]$ with respect to the filtration $F^a$, for any $a>0$, where $F^a_{\ge \lambda}$ is spanned by the monomials $T^{\lambda'}$ with $\lambda' \ge a \cdot \lambda$. Now let $\kappa$ be a class in the interior of $\mathsf{N}$, so that $\kappa(\NE) \subset K$; this determines a filtered ring homomorphism \begin{align*} \Z\power{\NE} & \to \Lambda_{\Bbbk,K}, \qquad \text{sending}\\ T^\beta & \mapsto T^{\kappa(\beta)}. \end{align*} (Recall that the filtration on $\Lambda_{\Bbbk,K}$ depends on a choice of $a>0$; we choose $a \le \min_{\beta \in \mathfrak{m}} \kappa(\beta)$, so that the homomorphism is filtered.) \begin{defn} We define $$ \EuF(X,D,\kappa;\Lambda_{\Bbbk,K}) := \EuF(X,D,\mathsf{N}) \otimes_{\Z\power{\NE}} \Lambda_{\Bbbk,K}. $$ \end{defn} By our previous remark, $\EuF(X,D,\kappa;\Lambda_{\Bbbk,K})$ is independent of all auxiliary choices made in the definition of $\EuF(X,D,\mathsf{N})$, up to curved filtered quasi-equivalence. It is also independent of $\mathsf{N}$ up to curved filtered quasi-equivalence, using equation \eqref{eq:N0N1}; that is why we omit $\mathsf{N}$ from the notation. It follows that $\EuF(X,D,\kappa;\Lambda_{\Bbbk,K})^\mathsf{bc}$ is independent of these choices up to quasi-equivalence. \begin{rmk} The data on which $\EuF(X,D,\kappa;\Lambda_{\Bbbk,K})^\mathsf{bc}$ depends (up to quasi-equivalence) are as follows. We need a pair $(X,D)$ such that there exists an effective homological anticanonical divisor supported on $D$, together with a class $\kappa \in H^2(X,X \setminus D;\R) \simeq \R^P$ such that $\kappa_p > 0$ for all $p$, and $\sum_p \kappa_p \cdot D_p$ is ample. In order to make the construction, we need to choose a rational polyhedral cone $\mathsf{N}$ satisfying the \textbf{(Ample)}, \textbf{(Semiample)}, and \textbf{(Semipositive)} conditions, and containing $\kappa$ in its interior. For this it suffices to observe that $\kappa$ lies in the interior of the convex cone of effective semiample classes supported on $D$ (using the fact that ampleness is an open condition, and ample implies semiample), and the homological anticanonical divisor lies in the same cone. \end{rmk} \subsection{Why we can work over $\Z$}\label{subsec:whyZ} In general, the Fukaya category can only be defined over a ring containing $\Q$, because the moduli spaces of holomorphic discs may be orbifolds. The orbifold points arise when the holomorphic disc admits a nontrivial finite symmetry group. A smooth holomorphic disc won't have such a symmetry group; however in general the definition of the Fukaya category involves virtual counts over moduli spaces of stable discs. A stable disc may admit such a symmetry group, arising from symmetries of a spherical component. In order to define the Fukaya category over $\Z$, one must rule out the appearance of such spherical components in the moduli spaces. This can be done when the symplectic manifold is exact \cite{Seidel:FCPLT}, or more generally, spherically positive \cite{FO3:integers} (i.e., any $J$-holomorphic sphere $u$ with $c_1(u) \le 0$ is constant). In this paper we show that the relative Fukaya category can be defined over $\Z\power{\NE}$ when $(X,D)$ satisfies the non-negativity condition. This encompasses the important Calabi--Yau case ($c_1=0$), which is not spherically positive. The non-negativity condition ensures that all $J$-holomorphic spheres $u$ satisfy $c_1(u) \ge 0$. The technique of ruling out such spheres in this case goes back to \cite{Hofer1995}: all relevant moduli spaces of holomorphic discs have dimension $\le 1$. Bubbling off a sphere with $c_1>0$ subtracts at least two from the dimension of the disc moduli space, leaving it with negative dimension and hence empty; on the other hand spheres with $c_1=0$ sweep out a space of codimension $4$, and hence generically avoid all one-dimensional moduli spaces of discs as they sweep out a space of dimension $3$. \begin{rmk} A number of authors have studied Lagrangian Floer theory and homological mirror symmetry in finite characteristic in recent years, see e.g. \cite{Perutz2012,Lekili2015,Lekili2017,Lekili2020}. It has not possible to carry on this study for compact Calabi--Yau varieties of dimension $\ge 3$, because the available constructions of the Fukaya category relied on a characteristic-zero assumption (c.f. \cite{FO3,Sheridan:CY,Fukaya2017,CharestWoodward}). Our construction in this paper removes this obstacle. \end{rmk} \subsection{Applications} Homological mirror symmetry was proved for `generalized Greene--Plesser mirrors' in \cite[Theorem D]{SS:GGP}, contingent on a definition of the Fukaya category satisfying certain properties (e.g., Abouzaid's split-generation criterion). This paper provides such a definition, namely $\EuF(X,D,\kappa;\Lambda_{\C,\R})^\mathsf{bc}$, and the relevant properties will be established in future work.\footnote{More precisely, because we only consider embedded Lagrangians in this paper, our construction is only adequate to the purposes of \cite[Theorem D]{SS:GGP} under the `embeddedness condition' [\emph{op. cit.}, Definition 1.3].} The proof of homological mirror symmetry for generalized Greene--Plesser mirrors goes through almost verbatim over a coefficient ring $\Lambda_{\Bbbk,K}$ where $\Bbbk$ is a field of characteristic zero and $K \subset \R$ is a subgroup containing the image of $\kappa(\NE)$. The obstruction to extending the proof to the case of finite characteristic is that the deformation theory techniques used in \cite{Sheridan2016}, on which \cite{SS:GGP} depends, use the characteristic-zero assumption in a fundamental way; however this could possibly be circumvented by using a different approach to the deformation theory (for example, \cite[Lemma 3.9]{Seidel:HMSquartic} works for a field of arbitrary characteristic). The characteristic-zero assumption is also used in \cite{SS:GGP} in the verification of smoothness of the mirror, but this can presumably be remedied by modifying the `MPCP condition' depending on the characteristic. It was shown in \cite{Ganatra2015} that homological mirror symmetry for Calabi--Yau varieties implied closed-string (Hodge-theoretic) mirror symmetry. The proof required a definition of the relative Fukaya category satisfying certain properties (e.g., the existence of a cyclic open--closed map respecting connections). Again, this paper provides the necessary definition, namely $\EuF(X,D,\kappa;\Lambda_{\C,\Z})^\mathsf{bc}$, but the relevant properties are relegated to future work. \subsection{Outline} Section \ref{sec:bc} defines the relevant notion of `curved filtered quasi-equivalence' of curved filtered $A_\infty$ categories, gives the construction of the uncurved $A_\infty$ category $\EuA^\mathsf{bc}$ of c-unital bounding cochains on a curved filtered $A_\infty$ category $\EuA$, and proves that if $\EuA$ and $\EuB$ are curved filtered quasi-equivalent then $\EuA^\mathsf{bc}$ and $\EuB^\mathsf{bc}$ are quasi-equivalent. Section \ref{sec:targ} introduces the notions of relative K\"ahler form, system of divisors $V$, and the class of almost-complex structures we will work with (namely, those $J$ which preserve a chosen system of divisors, and are sufficiently close to the integrable complex structure). Section \ref{sec:spheres} establishes basic results about the moduli spaces of stable $J$-holomorphic spheres, which will allow us to rule out their bubbling off a moduli space of pseudoholomorphic discs by the argument sketched in Section \ref{subsec:whyZ} above. Section \ref{sec:discs} introduces the relevant moduli spaces of pseudoholomorphic discs. Section \ref{sec:def} gives the definition of the relative Fukaya category, and proves Proposition \ref{prop:5.1}. Section \ref{sec:indep} proves independence of the definition on the auxiliary choices made in its construction, up to curved filtered quasi-equivalence, as well as the `independence of $\mathsf{N}$' result described in equation \eqref{eq:N0N1}. \textbf{Acknowledgments:} N.S. is supported by a Royal Society University Research Fellowship, ERC Starting Grant 850713 -- HMS, and the Simons Collaboration on Homological Mirror Symmetry. T.P. is partially supported by NSF CAREER grant 1455265. N.S. is grateful to Paul Seidel for very helpful conversations, including suggesting the crucial notion of a system of divisors. \section{Curved filtered $A_\infty$ categories} \label{sec:bc} \subsection{Definition}\label{subsec:curvfilt} All of our rings will be unital. In this section we will work over $\BbK$, which will be a commutative ring equipped with an exhaustive, complete, decreasing filtration $F_{\ge \bullet} \BbK$. One key example of such a ring $\BbK$ will be $\Z\power{\NE}$, equipped with the $\mathfrak{m}$-adic filtration. The other key class of examples will be the Novikov-type rings $\Lambda_{\Bbbk,K}$ defined in the Introduction. We will regularly pass from $\BbK$ to its associated graded ring $\mathrm{Gr}_* \BbK$; for instance, from $\Z\power{\NE}$ to $\mathrm{Gr}_* \Z\power{\NE} \cong \Z [\NE]$. \begin{defn} A \emph{curved filtered $\BbK$-linear $A_\infty$ algebra} is a $\Z/2$-graded $\BbK$-module $A$, equipped with an exhaustive, complete, decreasing filtration $F_{\ge \bullet}$, compatible with the module structure in the sense that $$ F_{\ge \lambda_1} \BbK \cdot F_{\ge \lambda_2} A \subset F_{\ge \lambda_1 + \lambda_2} A.$$ This comes with $\BbK$-linear $A_\infty$ operations $$\mu^k: A^{\otimes_\BbK k} \to A$$ for all $k \ge 0$, of degree $2-k$. These are required to respect the filtration in the sense that $$ \mu^k(F_{\ge \lambda_1} A,\ldots,F_{\ge \lambda_k}A) \in F_{\ge \lambda_1 + \ldots + \lambda_k} A,$$ furthermore have $\mu^0 \in F_{\ge 1} A$, and satisfy the curved $A_\infty$ equations. \end{defn} Associated to a curved filtered $\BbK$-linear $A_\infty$ algebra $A$, there is an uncurved $\Z/2 \oplus \Z$-graded $\mathrm{Gr}_* \BbK$-linear $A_\infty$ algebra $\mathrm{Gr}_*A$ whose underlying $\mathrm{Gr}_* \BbK$-module is the associated graded $\mathrm{Gr}_* A$, with the structure maps induced by those for $A$. The structure map $\mu^k$ has degree $(2-k,0)$. The notion of c(ohomological)-unitality \cite[Section 2a]{Seidel:FCPLT} makes sense for $\mathrm{Gr}_*A$, as it is uncurved. If a c-unit exists, it necessarily has degree $(0,0)$. \begin{defn} We say that $A$ is c-unital if $\mathrm{Gr}_*A$ is. \end{defn} We similarly define the notion of a curved filtered $A_\infty$ category, and of c-unitality of such a category. Henceforth we will implicitly assume that our curved filtered $A_\infty$ algebras and categories are c-unital. \begin{example} The relative Fukaya category $\EuF(X,D,\mathsf{N})$, equipped with the $\mathfrak{m}$-adic filtration, is a curved filtered $\Z\power{\NE}$-linear $A_\infty$ category. The fact that it is c-unital follows from the fact that $\mathrm{Gr}_* \EuF(X,D,\mathsf{N}) \simeq \EuF(X \setminus D;\Z) \otimes_\Z \mathrm{Gr}_* \Z\power{\NE}$, and the argument for c-unitality of $\EuF(X \setminus D)$ (see, e.g., \cite[Section 2.4]{Sheridan:Fano}) works with coefficients in an arbitrary commutative ring. \end{example} \begin{example} Let $\Z\power{\NE} \to \BbK$ be a filtered ring homomorphism; then $\EuF(X,D,\mathsf{N}) \otimes_{\Z\power{\NE}} \BbK$ is naturally a curved filtered $\BbK$-linear $A_\infty$ category. The argument for c-unitality is the same as before. \end{example} \subsection{Bounding cochains and c-unitality}\label{subsec:bc} \begin{defn} Let $A$ be a curved filtered $A_\infty$ algebra; we say that $a \in A$ is a \emph{Maurer--Cartan element} if $a \in F_{\ge 1} A$ has degree $1$ and satisfies the Maurer--Cartan equation: \[ \sum_{k\ge 0} \mu^k(a,\ldots,a) = 0.\] (Note that the infinite sum converges by completeness.) \end{defn} Given a Maurer--Cartan element $a \in A$, we can use it to deform the $A_\infty$ algebra $A$ to an uncurved, not-necessarily-c-unital $A_\infty$ algebra $A^a = (A,\mu^*_a)$, in a standard way (see \cite[Section 2.7]{Sheridan2016}). \begin{defn} We say that a Maurer--Cartan element $a \in A$ is c-unital if $A^a$ is c-unital and furthermore, there exists a cocycle $e^a \in F_{\ge 0}A^a$ representing the c-unit, whose class in $\mathrm{Gr}_0A$ represents the c-unit of $\mathrm{Gr}_*A$. \end{defn} \begin{defn}\label{def:cunbc} Let $\EuA$ be a curved filtered $A_\infty$ category. We define an uncurved $A_\infty$ category $\EuA^\mathsf{bc}$ whose objects are pairs $(A,a)$, where $a\in hom^*(A,A)$ is a c-unital Maurer--Cartan element. The morphism spaces are \[ hom_{\EuA^\mathsf{bc}} ((A,a),(B,b)) := hom_\EuA(A,B).\] The formula for the $A_\infty$ structure maps, which get deformed by the Maurer--Cartan elements, can be found in \cite[Equation (3.20)]{Seidel:FCPLT}; it converges by completeness. \end{defn} Since our convention is that all $A_\infty$ categories should be c-unital, the following Lemma is required to show that Definition \ref{def:cunbc} is valid: \begin{lem} The $A_\infty$ category $\EuA^\mathsf{bc}$ is c-unital. \end{lem} \begin{proof} By definition, each object $(A,a)$ comes equipped with $e^a \in F_{\ge 0}hom_{\EuA^\mathsf{bc}}((A,a),(A,a))$ which represents a c-unit for that algebra, and whose class in $\mathrm{Gr}_0 hom_{\EuA}(A,A)$ represents a c-unit for $hom_{\mathrm{Gr}_*\EuA}(A,A)$. It suffices to show that the maps \[ hom_{H^*(\EuA^\mathsf{bc})}((A,a),(B,b)) \xrightarrow{[e^a] \bullet (-)} hom_{H^*(\EuA^\mathsf{bc})}((A,a),(B,b)) \xleftarrow{(-)\bullet [e^b]} hom_{H^*(\EuA^\mathsf{bc})}((A,a),(B,b)) \] are equal to the identity. We will focus on the leftmost map, as the argument for the rightmost one is identical. We start by showing that the map is an isomorphism. This follows from a spectral sequence comparison argument, for the spectral sequence induced by the filtration. Indeed, the map induced on the $E_1$ page is \[ hom_{H^*(\mathrm{Gr}_*\EuA)}(A,B) \xrightarrow{[e^a] \bullet (-)} hom_{H^*(\mathrm{Gr}_*\EuA)}(A,B).\] This map is an isomorphism, in fact the identity, because $[e^a]$ represents the c-unit in $\mathrm{Gr}_*\EuA$. Since the filtration is exhaustive and complete, the Eilenberg--Moore comparison theorem \cite[Theorem 5.5.11]{Weibel1994} implies that the original map $[e^a]\bullet(-)$ is an isomorphism. Now observe that $[e^a]\bullet[e^a] = [e^a]$, because $e^a$ is a c-unit for $H^*(hom_{\EuA^\mathsf{bc}}((A,a),(A,a)))$ by definition. For any $f \in hom_{H^*(\EuA^\mathsf{bc})}((A,a),(B,b))$, we have \[ [e^a] \bullet \left([e^a] \bullet f - f\right) = [e^a] \bullet f - [e^a]\bullet f = 0,\] and therefore $[e^a] \bullet f - f = 0$, because $[e^a]\bullet(-)$ is an isomorphism by our previous argument, and in particular injective. This completes the proof. \end{proof} \subsection{Filtered curved quasi-equivalence} \begin{defn} A curved filtered $A_\infty$ functor between two curved filtered $A_\infty$ categories is a curved $A_\infty$ functor $G$, respecting the filtration in the obvious way, having curvature $G^0 \in F_{\ge 1}$, such that the uncurved $A_\infty$ functor $\mathrm{Gr}_*G$ is c-unital. (Note that the curved $A_\infty$ functor equations converge by completeness.) \end{defn} \begin{defn}\label{defn:qeq} We say that an uncurved $\Z/2 \oplus \Z$-graded $A_\infty$ functor is a quasi-equivalence if it induces an equivalence on the level of $\Z/2 \oplus \Z$-graded cohomological categories.\footnote{Note that the grading plays a role in the notion of isomorphism of objects, and hence in the notion of essential surjectivity. Specifically, a quasi-isomorphism is required to have degree $(0,0)$.} We say that two uncurved $\Z/2\oplus \Z$-graded $A_\infty$ categories are quasi-equivalent if they are connected by a zig-zag of quasi-equivalences. \end{defn} \begin{defn} A curved filtered $A_\infty$ functor $G$ is called a curved filtered quasi-equivalence if $\mathrm{Gr}_*G$ is a $\Z/2\oplus \Z$-graded quasi-equivalence. We say that two curved filtered $A_\infty$ categories are curved filtered quasi-equivalent if they are connected by a zigzag of curved filtered quasi-equivalences. \end{defn} A curved filtered $A_\infty$ functor $G:\EuA \to \EuB$ induces a not-necessarily-c-unital uncurved $A_\infty$ functor $G^\mathsf{bc}$, which maps from $\EuA^\mathsf{bc}$ to the not-necessarily-c-unital category of bounding cochains on $\EuB$, cf. \cite[Section 2.7]{Sheridan2016}. \begin{thm}\label{thm:cqiso} If $G:\EuA \to \EuB$ is a curved filtered quasi-equivalence, then $G^\mathsf{bc}$ defines an uncurved $A_\infty$ functor $\EuA^\mathsf{bc} \to \EuB^\mathsf{bc}$ (in particular, the image of a c-unital bounding cochain under $G^\mathsf{bc}$ is c-unital). Furthermore, this functor is a quasi-equivalence. \end{thm} The proof of Theorem \ref{thm:cqiso} will be given in Section \ref{subsec:cqiso}, but we record here an immediate corollary: \begin{cor} If $\EuA$ and $\EuB$ are curved filtered quasi-equivalent, then $\EuA^\mathsf{bc}$ and $\EuB^\mathsf{bc}$ are quasi-equivalent. \end{cor} \subsection{The triangle algebra} In this section we introduce a well-known construction (see \cite[Section 4.5]{Keller:DIH}) which will be used in the proof of Theorem \ref{thm:cqiso}. \begin{defn}\label{defn:tm} Given $A_\infty$ algebras $A$, $B$, and an $A$-$B$ bimodule $M$, we can form a new $A_\infty$ algebra \[ \mathcal{T}(M) := A \oplus M[-1] \oplus B\] by defining \[ \mu^k(c_1,\ldots,c_k) := \left\{\begin{array}{ll} \mu^k_A(c_1,\ldots,c_k) & \text{if all $c_i \in A$;} \\ \mu^k_B(c_1,\ldots,c_k) & \text{if all $c_i \in B$;} \\ \mu^{i|1|j}_M(c_1,\ldots,c_{i-1};c_i;c_{i+1},\ldots,c_k) & \text{whenever the expression makes sense;} \\ 0 & \text{otherwise}. \end{array}\right.\] We can think of elements of $\mathcal{T}(M)$ as arranged in a lower-triangular two-by-two matrix: \[ \mathcal{T}(M) = \left(\begin{array}{cc} A & 0 \\ M & B \end{array} \right).\] \end{defn} \begin{defn}\label{defn:tmf} Let $M$ be an $A$-$B$ bimodule, and $f \in M[-1] \subset \mathcal{T}(M)$ have degree $1$. Observe that the Maurer--Cartan equation for $f$ reduces to $\mu^{0|1|0}(f)=0$, i.e., the equation for $f$ to be closed. Thus we can form the $A_\infty$ algebra $\mathcal{T}(M)^f$, by deforming $\mathcal{T}(M)$ with the Maurer--Cartan element $f$. It is clear that there is no issue with convergence, as $f$ can appear at most once in any $A_\infty$ product. It is clear that the projections to $A$ and $B$ define strict $A_\infty$ homomorphisms \begin{equation} \label{eq:projAB} A \xleftarrow{\pi_A} \mathcal{T}(M)^f \xrightarrow{\pi_B} B. \end{equation} \end{defn} \begin{defn} If $M$ is an $A$-$B$ bimodule, we say that $f \in M$ is a \emph{quasi-isomorphism} if $\mu^{0|1|0}(f)=0$, and the chain maps \[ A \xrightarrow{\mu^{1|1|0}(-;f;)} M \xleftarrow{\mu^{0|1|1}(;f;-)} B \] are quasi-isomorphisms of cochain complexes. \end{defn} \begin{lem}\label{lem:projqiso} If $f \in M$ is a quasi-isomorphism, then the projections \eqref{eq:projAB} both induce isomorphisms on cohomology; in particular, $A$ is quasi-isomorphic to $B$. \end{lem} \begin{proof} The kernel of $\pi_B$ is the cochain complex \[ Cone \left(A \xrightarrow{\mu^{1|1|0}(-;f;)} M\right)\] which is acyclic, because $f$ is a quasi-isomorphism. Similarly for $\pi_A$. \end{proof} \begin{cor} Suppose that $X$ and $Y$ are quasi-isomorphic objects in an $A_\infty$ category (i.e., they become isomorphic objects in the cohomological category). Then the $A_\infty$ algebras $hom(X,X)$ and $hom(Y,Y)$ are quasi-isomorphic. \end{cor} \begin{proof} This follows from Lemma \ref{lem:projqiso}, where we take $A = hom(X,X)$, $B=hom(Y,Y)$, $M=hom(X,Y)$, and $f \in M$ a cochain-level representative of the isomorphism between $X$ and $Y$ in the cohomological category. \end{proof} \subsection{Proof of Theorem \ref{thm:cqiso}} \label{subsec:cqiso} Let $A$ and $B$ be curved filtered $A_\infty$ algebras and $M$ a filtered $A$-$B$ bimodule. If $a \in A$ and $b \in B$ are solutions of the respective Maurer--Cartan equations, we denote by $A^a$ and $B^b$ the corresponding uncurved $A_\infty$ algebras; we can also define an $A^a$-$B^b$ bimodule $^a M ^b$ in a similar way. Note that $\mathrm{Gr}_*M$ is a $\Z/2\oplus\Z$-graded $\mathrm{Gr}_* A$-$\mathrm{Gr}_*B$ bimodule. \begin{lem}\label{lem:mcdef} Suppose that $m_0 \in \mathrm{Gr}_0 M$ is a quasi-isomorphism, and $b \in B$ a solution of the Maurer--Cartan equation. Then there exists $a \in A$ a solution of the Maurer--Cartan equation, and a closed element $m \in F_{\ge 0}{}^a M^b$ representing $m_0$. If $b$ is c-unital, then so is $a$. \end{lem} \begin{proof} Observe that the conditions required of $a$ and $m$ are equivalent to \[t := \left(\begin{array}{cc} a & 0 \\ m &b\end{array}\right) \in \left( \begin{array}{cc} F_{\ge 1} A & 0 \\ F_{\ge 0}M & F_{\ge 1} B \end{array} \right) \subset \mathcal{T}(M)\] satisfying the Maurer--Cartan equation. This is not quite the same as being a Maurer--Cartan element for $\mathcal{T}(M)$, as $m \notin F_{\ge 1} M$. Nevertheless, the Maurer--Cartan equation still converges, because $m$ is lower-triangular. We solve for $a$ and $m$, inductively in the filtration. Suppose we have solved to order $k-1$; i.e., the Maurer--Cartan equation for $t$ holds modulo $F_{\ge k}$. Let \[ \mathbb{T}_k = \left(\begin{array}{cc} \mathbb{A}_k & 0 \\ \mathbb{M}_k & \mathbb{B}_k \end{array}\right) := \sum_s \mu^s(t,\ldots,t) \in \mathrm{Gr}_k \mathcal{T}(M).\] The fact that $b$ is a bounding cochain implies that $\mathbb{B}_k = 0$. The $A_\infty$ equations \[ \sum \mu^*(t,\ldots,t,\mu^*(t,\ldots,t),t,\ldots,t)=0\] imply that \[ \left(\begin{array}{cc}\mu^1\left(\mathbb{A}_k\right) & 0 \\ \mu^{0|1|0}\left(\mathbb{M}_k\right) + \mu^2_0(m_0,\mathbb{A}_k) & 0 \end{array} \right) = 0,\] which is equivalent to \[ \mu^1_{\mathrm{Gr}_*\mathcal{T}(M)^{m_0}}(\mathbb{T}_k) = 0.\] Similarly, adding $a_k \in F_{\ge k} A$ to $a$ and $m_k \in F_{\ge k} M$ to $m$ changes $\mathbb{T}_k$ by \[ \mathbb{T}_k \mapsto \mathbb{T}_k + \mu^1_{\mathrm{Gr}_k\mathcal{T}(M)^{m_0}} \left(\begin{array}{cc} a_k & 0 \\ m_k & 0 \end{array}\right).\] We now observe that because $\mathbb{B}_k = 0$, $\mathbb{T}_k$ lies in $\ker(\pi_{\mathrm{Gr}_k B})$. This complex is acyclic, because $m_0$ is a quasi-isomorphism; we have shown that $\mathbb{T}_k$ is closed, and that we are free to modify it by adding exact terms. Therefore we can choose $a_k$ and $m_k$ so that $\mathbb{T}_k$ vanishes. The inductive construction of $a$ and $m$ converges, by completeness. It remains to check that if $b$ is c-unital, then so is $a$. For this we consider the strict $A_\infty$ homomorphisms $$ A^a \xleftarrow{\pi_{A^a}} \mathcal{T}(M)^m \xrightarrow{\pi_{B^b}} B^b.$$ These are filtered quasi-isomorphisms, by a spectral sequence comparison argument. Therefore the unit $e^b \in F_{\ge 0} B^b$ admits a lift to a closed element in $F_{\ge 0}\mathcal{T}(M)^m$, whose projection to $F_{\ge 0}A^a$ we denote by $e^a$. This represents a c-unit for $A^a$, using the fact that $\pi_{A^a}$ and $\pi_{B^b}$ induce algebra isomorphisms on the level of cohomology. \end{proof} \begin{proof}[Proof of Theorem \ref{thm:cqiso}] Because $\mathrm{Gr}_*G$ is fully faithful, so is $G^\mathsf{bc}$, by a comparison argument for the spectral sequence induced by the filtration. It follows immediately that $G^\mathsf{bc}$ is c-unital. It remains to check that $G^\mathsf{bc}$ is essentially surjective. In other words, given $(Y,y) \in \ob \EuB^\mathsf{bc}$, we must find $(X,x) \in \ob \EuA^\mathsf{bc}$ such that $G^\mathsf{bc}(X,x) \simeq (Y,y)$. Because $\mathrm{Gr}_* G$ is a $\Z/2 \oplus \Z$-graded quasi-equivalence, and in particular essentially surjective, there exists $X \in \ob \EuA$ such that $GX$ is quasi-isomorphic to $Y$ in $\mathrm{Gr}_*\EuB$. Let $f_0 \in \mathrm{Gr}_0 hom^*_{\EuB}(X,Y)$ be a quasi-isomorphism. We now apply Lemma \ref{lem:mcdef}, with $A=hom_{\EuA}(X,X)$, $B=hom_\EuB(Y,Y)$, $M=(G \otimes \id)^*(hom_\EuB(X,Y))$, $b=y$, $m_0=f_0$. The outcome is a c-unital Maurer--Cartan element $a \in A$, together with a closed element $m \in F_{\ge 0}{}^aM^b$ representing $m_0$. Setting $x=a$, and $f=m \in F_{\ge 0} hom_{\EuB^\mathsf{bc}}(G^\mathsf{bc}(X,x),(Y,y))$, we find that $f$ is closed and represents $f_0$. We now consider the maps \begin{align*} hom((Y,y),G^\mathsf{bc}(X,x)) &\xrightarrow{(-) \bullet [f]} hom((Y,y),(Y,y)) \qquad \text{and}\\ hom((Y,y),G^\mathsf{bc}(X,x)) &\xrightarrow{[f] \bullet (-)} hom(G^\mathsf{bc}(X,x),G^\mathsf{bc}(X,x)), \end{align*} where all morphism spaces are taken in the cohomological category $H^*(\EuB^\mathsf{bc})$. Using the fact that $f_0$ is a quasi-isomorphism, a comparison argument for the spectral sequence induced by the filtration shows that these maps are isomorphisms. In particular we can solve $[g] \bullet [f]=[e^y]$ and $[f] \bullet [h]=[G^\mathsf{bc}(e^x)]$, from which one easily deduces that $[h]=[g]$, so that $f$ defines a quasi-isomorphism between $G^\mathsf{bc}(X,x)$ and $(Y,y)$. \end{proof} \section{Target geometry}\label{sec:targ} Our construction of $\EuF(X,D,\mathsf{N})$ will depend on various auxiliary choices, which we now start to describe. We start by choosing a finite set of divisors $\{\EuV_w\}_{w \in W} \in \mathrm{Div}(X,D)$ generating the convex cone $\mathsf{N}$, such that the linear systems $|\EuV_w|$ are basepoint free. That such a set exists follows from the \textbf{(Semiample)} assumption on $\mathsf{N}$; that it may be taken to be finite follows from the assumption that $\mathsf{N}$ is rational polyhedral. \subsection{Relative K\"ahler form} We recall the notion of a \emph{relative K\"ahler form} from \cite[Definition 3.2]{Sheridan2016}. It is a K\"ahler form $\omega$ on $X$, equipped with a K\"ahler potential $h:X \setminus D \to \R$ having a prescribed form near $D$. The K\"ahler potential $h$ determines a Liouville one-form $\alpha := -d^c h$, so that any regular sublevel set $\{h \le c\}$ is a Liouville domain. There is a corresponding cohomology class $[\omega;\alpha] \in H^2(X,X \setminus D;\R) \simeq \R^P$. Such a cohomology class is represented by a relative K\"ahler form if and only if the corresponding $\R$-divisor $\sum_p a_p \cdot D_p$ is ample, and has all $a_p>0$ \cite[Lemma 3.3]{Sheridan2016}. By the \textbf{(Ample)} condition on $\mathsf{N}$, there exists a relative K\"ahler form with cohomology class \[ [\omega;\alpha] = \sum_w \lambda_w \cdot \EuV_w \qquad \text{with $\lambda_w \ge 0$}.\] We choose such a relative K\"ahler form, whose cohomology class lies in the interior of $\mathsf{N}$. We also choose a regular sublevel set $\{h \le c\}$ of the K\"ahler potential, which contains all critical points of $h$. \subsection{System of divisors} We will denote $\{h>c\} := X \setminus \{h \le c\}$. Note that $D \subset \{h>c\}$ is a deformation retract, so any divisor $V$ contained in $\{h>c\}$ has a class \[ [V] \in H_{2n-2}(D;\Z) \simeq \Z^P.\] \begin{defn}[Definition 3.5 of \cite{Sheridan2016}] A \emph{system of divisors} is a {$\mathsf{snc}$}{} divisor $V \subset \{h>c\}$ with irreducible components $\{V_q\}_{q \in Q}$, such that $[V_q] = [\EuV_{w(q)}]$ where the function $w:Q \to W$ has fibres of size $\ge n+1$. \end{defn} There exists a system of divisors by Bertini's theorem \cite[Lemma 3.8]{Sheridan2016}. We choose such a system of divisors $V$. \subsection{Almost complex structures} \begin{defn}[cf. Definition 4.1 of \cite{Sheridan2016}] We denote the space of $\omega$-tame almost complex structures on $X$ by $\EuJ(X)$. We denote the space of $\omega$-tame almost complex structures which make each $V_q$ into an almost complex submanifold by $\EuJ(X,V) \subset \EuJ(X)$. \end{defn} \begin{lem}[Lemma 4.2 of \cite{Sheridan2016}]\label{lem:posint} If $J \in \EuJ(X,V)$, then any $J$-holomorphic curve $u:(\Sigma,\partial \Sigma) \to (X,X \setminus D)$ satisfies $[u] \cdot \EuV_w \ge 0$. In particular, $[u]\cdot D \in \NE$. \end{lem} \begin{proof} If $u$ is not contained inside $V_q$, then $u \cdot V_q \ge 0$ by positivity of intersection (cf. \cite[Exercise 2.6.1]{mcduffsalamon} or \cite[Prop. 7.1]{Cieliebak2007}). There are $\ge n+1$ divisors $V_q$ with $[V_q] = [\EuV_w]$, and $u$ can't be contained in all of them because their common intersection is empty by transversality. \end{proof} We recall that $J \in \EuJ(X)$ is called \emph{semipositive} if every $J$-holomorphic sphere has nonnegative first Chern number \cite[Definition 6.4.5]{mcduffsalamon}. \begin{cor} \label{cor:semipos} Any $J \in \EuJ(X,V)$ is semipositive. \end{cor} \begin{proof} Let $u: \mathbb{CP}^1 \to X$ be a $J$-holomorphic sphere. By the \textbf{(Semipositivity)} assumption on $\EuV$, we have \[ c_1(TX)(u) = \sum_w \kappa_w \cdot ([u] \cdot \EuV_w)\] for some $\kappa_w \ge 0$. The result now follows by Lemma \ref{lem:posint}. \end{proof} We introduce notation, for any subset $K \subset Q$: \begin{equation} \label{eqn:VK} V_K := \bigcap_{q \in K} V_q, \qquad V^K := \bigcup_{q \notin K} V_q. \end{equation} (We set $V_\emptyset := X$.) \begin{lem}[Adjunction formula]\label{lem:adj} If $u \in H_2(V_K)$, then \begin{equation} \label{eq:adj} c_1(TV_K)(u) = c_1(TX)(u) - \sum_{q \in K}u \cdot V_q. \end{equation} \end{lem} \begin{proof} Follows from the adjunction formula, together with the isomorphism \[ NV_K \simeq \bigoplus_{q \in K} NV_q|_{V_K}\] which holds by transversality. \end{proof} The following lemma will be used to show that holomorphic curves contained inside $V$ do not have `excess dimension': \begin{lem}[Lemma 4.5 of \cite{Sheridan2016}] \label{lem:c1loss} If $J \in \EuJ(X,V)$, then any $J$-holomorphic curve $u$ contained inside $V_K$ satisfies $ c_1(TV_K)(u) \le c_1(TX)(u)$. \end{lem} \begin{proof} Follows from Lemmas \ref{lem:adj} and \ref{lem:posint}. \end{proof} \begin{defn} We define $\EuJ^{\mathsf{max}}(X,V) \subset \EuJ(X,V)$ to be the subset of almost-complex structures $J$ satisfying $\alpha = -dh \circ J$ on the set $\{c \le h \le \delta\}$, for some $\delta > 0$. \end{defn} The superscript in $\EuJ^{\mathsf{max}}$ refers to the applicability of the maximum principle, as in the following lemma: \begin{lem}[Lemma 4.3 of \cite{Sheridan2016}] \label{lem:maxprin} Let $J \in \EuJ^{\mathsf{max}}(X,V)$, and \[ u:(\Sigma,\partial \Sigma) \to (X,\{h \le c\}) \] be a $J$-holomorphic map, such that $[u] = 0$ in $H_2(X,X \setminus D)$. Then $u$ is contained in $\{h \le c\}$. \end{lem} \begin{proof} Follows from the integrated maximum principle of \cite[Lemma 7.2]{Abouzaid2007}. Namely, find a sequence $(\epsilon_k)$ of numbers in $(0,\delta)$, decreasing to zero, such that for each $k$, $\Sigma$ intersects $\{h=c+\epsilon_k\}$ transversely. For any $k$, let $u_k:(\Sigma_k,\partial \Sigma_k) \to (\{h\ge c+\epsilon_k\},\{h=c+\epsilon_k\})$ be the part of $u$ mapping to $\{h\ge c+\epsilon_k\}$. We have $[u_k] = [u] = 0$ in $H_2(X,X \setminus D)$, by assumption; hence, $[\omega;\alpha](u_k) = 0$. It follows by definition that \[ \omega(u_k) = \alpha(\partial u_k).\] But now, $\omega(u_k) \ge 0$ because $J$ is $\omega$-tame, and $\alpha(\partial u_k) \le 0$ because $\alpha = -dh \circ J$ along $\{h=c+\epsilon_k\}$. So $\omega(u_k) = 0$, hence $u_k$ is constant, so $u$ is contained in $\{h \le c +\epsilon_k\}$. Hence $\im u\subset \{h \le c\}$. \end{proof} \begin{lem}[Lemma 4.4 of \cite{Sheridan2016}]\label{lem:intersectv} Let $J \in \EuJ(X,V)$, and $u:(\Sigma,\partial \Sigma) \to (X,L)$ be a non-constant $J$-holomorphic curve with boundary on a closed, exact Lagrangian submanifold $L \subset \{h \le c\}$. Then $u$ intersects $V$, and in particular $u \cdot V_q > 0$ for some $q$ by positivity of intersection. \end{lem} \begin{proof} We prove the contrapositive: suppose that $u$ does not intersect $V$, so $u \cdot V_q = 0$ for all $q$. Because the classes $[V_q] = [\EuV_{w(q)}]$ span a convex cone with nonempty interior by the \textbf{(Ample)} assumption, they span $H_{2n-2}(D;\Q)$. It follows that $[u] = 0$, and hence $u \subset \{h \le c\}$ by Lemma \ref{lem:maxprin}. Because $L$ is exact, this implies that $u$ has zero energy and hence is constant. \end{proof} \subsection{Space of almost complex structures} We introduce a class of perturbations of the integrable complex structure $J_0 \in \EuJ(X,V)$, which will be sufficiently large to achieve transversality for all holomorphic curves we consider. Set \begin{align} \label{eqn:perts} \EuY= \EuY(X,V) &:= \left\{ Y\in C^\infty \left( \End TX \right) : YJ_0 + J_0 Y = 0;\, Y(TV_q) \subset TV_q \text{ for all $q \in Q$}\right\}, \\ \EuY_*= \EuY_*(X,V) &:= \left\{Y \in \EuY: \| Y\|_{C^0} < \log \frac{3}{2}\right\}. \end{align} Here $ \| Y\|_{C^0}$ means $\sup_{x \in X} \| Y_x\|$, where $\| Y_x\|$ is the operator norm, taken with respect to the K\"ahler metric on $TX$. We will usually fix $V$ and drop it from the notation. Note that $\EuY_*$ is a convex (hence contractible) subset of the vector space $\EuY$, and is open with respect to the $C^\infty$ topology. Any $Y \in \EuY_*$ determines an almost complex structure $J_Y := J_0 \exp(Y)$. The bound on $\|Y\|_{C^0}$ implies that $\exp(Y)$ is defined. The two conditions in the definition of $\EuY$ imply respectively that $J_Y$ is an almost complex structure on $X$; and that it makes each component $V_q$ into an almost complex submanifold. The bound on $\|Y\|_{C^0}$ also implies that $J_Y$ tames $\omega$ (to see this, write $e^Y = I + (e^Y-I)$ and observe that $\| e^Y-I\| \leq e^{\|Y\|}-1 \leq 1/2$). Therefore $J_Y \in \EuJ(X,V)$. For positive integers $\ell$, we write $ \EuY^\ell$ and $\EuY_*^\ell$ for the counterparts of these spaces in which $Y$ is $C^\ell$ rather than $C^\infty$. \subsection{Extending almost complex structures} Observe that $V^K\cap V_K$ (notation from (\ref{eqn:VK})), the points of $V_K$ which lie in $V_q$ for some $q \notin K$, is a {$\mathsf{snc}$}{} divisor in $V_K$. We define $\EuY_{K} = \EuY(V_K, V^K\cap V_K)$, and observe that there are restriction maps $r_K\colon \EuY \to \EuY_K$; similarly define $\EuY_K^\ell$ and the restriction map $r_K\colon \EuY^\ell\to \EuY_K^\ell$. \begin{lem} \label{lem:extendJlocally} Take $Y\in \EuY_{*,K}^\ell$ (where $1\leq \ell \leq \infty$), and $x \in V_K$. Then there exists $\widetilde{Y} \in \EuY_*^{\ell}$ such that $r_K(\widetilde{Y}) = Y$ on a neighborhood of $x$ in $V_K$. \end{lem} \begin{proof} We may choose local complex coordinates $(z_1,\ldots,z_n)$ in a neighborhood $U$ of $x$, such that $U \cap V$ is identified with $\{z_1\cdots z_{i+j} = 0\}$, $V_K$ with $\{z_1= \ldots = z_i = 0\}$, and $x$ with $0$. The complex coordinates give a trivialization $(TX|_U,J_0) \simeq (\C^n \times U,J_{\C^n})$. The complex coordinates also define a splitting $TU \simeq TV_K \oplus N V_K \simeq \underline{\C^{n-i}} \oplus \underline{\C^{i}}$. On $U$, we define the infinitesimal almost complex structure $\widehat{Y}$ to equal $Y$ on the $TV_K$ summand and zero on the $NV_K$ summand. Notice that $\widehat{Y}(T_y V_q) \subset T_yV_q$ for $y\in U \cap V_q$. The $C^0$ norm of $\widehat{Y}$ (over $U$) is bounded by $\| Y \|_{C^0}$. Define $\widetilde{Y} = \chi \cdot \widehat{Y}$ on $U$, where $\chi \colon X\to [0,1]$ is a smooth function that is compactly supported in $U$ and equal to $1$ near $x$; extend $\widetilde{Y}$ by zero to $X$. Since the constraints on $\tilde{Y}$ are fibrewise linear, this extension has the desired properties. \end{proof} \begin{lem} \label{lem:extendJ} The restriction maps $r_K\colon \EuY_*^\ell \to \EuY_{*,K}^\ell$ are surjective for $1\leq \ell \leq \infty$. \end{lem} \begin{proof} Given $Y_K\in \EuY_{*,K}^\ell$, and given $x\in V_K$, there exists, by Lemma \ref{lem:extendJlocally}, $\widetilde{Y}_x \in \EuY_*^\ell$ such that $r_K(\widetilde{Y}_x)$ agrees with $Y_K$ over $U_x$, for some neighborhood $U_x$ of $x$ in $V_K$. Choose a finite set of points $x_\alpha$ such that $\bigcup_\alpha U_{x_\alpha} = V_K$. Let $\{ \rho_\alpha:V_K \to [0,1]\}$ be a smooth partition of unity subordinate to the open cover $\{ U_\alpha \}$, and let $\widetilde{\rho}_\alpha:X \to [0,1]$ be a smooth extension of $\rho_\alpha$ to $X$, for each $\alpha$. If we then set $Y = \sum_\alpha \widetilde{\rho}_\alpha \widetilde{Y}_{x_\alpha}$, then $Y\in \EuY_*^\ell$ and $r_K(Y)= Y_K$ as required. \end{proof} \section{Holomorphic spheres}\label{sec:spheres} \subsection{Bubble trees}\label{sec:jcons} For $J \in \EuJ(X,V)$, let us consider the topological space \begin{equation} \label{eqn:stable spheres} \overline{\mathcal{M}}_k(A;J) \end{equation} of stable $J$-holomorphic curves with $k$ marked points, with homology class $A \in H_2(X;\Z)$, in Gromov's topology. We follow the notation of \cite[Sections 5 and 6]{mcduffsalamon} with minor changes. The topological type of the domain of a stable curve in $\overline{\mathcal{M}}_k(A;J)$ is prescribed by a $k$-labelled tree $(T,E,\Lambda)$: $T$ is the set of vertices $\alpha$ corresponding to components $\Sigma_\alpha$ of the domain, $E \subset T \times T$ the set of edges $\alpha E \beta$ corresponding to points $z_{\alpha \beta} \in \Sigma_\alpha$ at which $\Sigma_\alpha$ is attached to $z_{\beta \alpha} \in \Sigma_\beta$, and $\Lambda: \{1,\ldots,k\} \to T$ is a function which prescribes the distribution of marked points among the components. We associate a function \[ T \to \mathsf{subsets}(Q): \quad \alpha \mapsto K_\alpha\] to each stable curve, where $K_\alpha \subset Q$ is defined to be the set of divisors $V_q$ in which the image of the component $u_\alpha: \Sigma_\alpha \to X$ of the stable curve is contained. (Because $J \in \EuJ(X,V)$, every smooth $J$-holomorphic curve is either contained in $V_q$ or intersects it positively in finitely many points, for all $q \in Q$.) The homology class of the components of the stable curve is the collection of spherical homology classes \[ A_\alpha \in \im \left( \pi_2(V_{K_\alpha}) \to H_2(V_{K_\alpha};\Z) \right). \] The images of these classes in $H_2(X;\Z)$ sum to $A$, and they satisfy a stability condition: if $A_\alpha = 0$ then $\Sigma_\alpha$ has at least three marked points. We define the \emph{combinatorial type} of an element of $\overline{\mathcal{M}}_k(A;J)$ to be the five-tuple $\Gamma = (T,E,\Lambda,\{K_\alpha\},\{A_\alpha\})$. We decompose the moduli space into a disjoint union according to combinatorial type: \begin{equation} \label{eqn:Mbar stratification} \overline{\mathcal{M}}_k(A;J) = \coprod_\Gamma \mathcal{M}_\Gamma(J). \end{equation} We can describe $\mathcal{M}_\Gamma(J)$ as the quotient of a space of stable \emph{maps} by a reparametrization group. Explicitly, let \[ \mathcal{M}(\Gamma,J) = \{ \mathbf{u} = \{u_\alpha\}_{\alpha \in T} \colon u_\alpha:\mathbb{CP}^1_\alpha \to V_{K_\alpha} \; J\text{-holomorphic, }[u_\alpha] = A_\alpha\} . \] Let \[ Z(\Gamma) \subset (\mathbb{CP}^1)^E \times (\mathbb{CP}^1)^k \] denote the set of tuples $\mathbf{z}:=\left(\{z_{\alpha \beta} \in \mathbb{CP}^1_\alpha\}_{\alpha E \beta},\{z_i \in \mathbb{CP}^1_{\alpha_i}\}_{1 \le i \le k}\right)$ of marked points, where the marked points on each sphere $\mathbb{CP}^1_\alpha$ are distinct. We denote \begin{equation} \label{eqn:def product over edges} (X,V)^\Gamma := \prod_{\alpha E \beta} V_{K_\alpha}, \end{equation} so that there is an evaluation map \begin{eqnarray} \mathrm{ev}^E: \mathcal{M}\left(\Gamma,J\right) \times Z(\Gamma) & \to & (X,V)^\Gamma, \label{eqn:def ev E} \\ (\mathbf{u},\mathbf{z}) & \mapsto & \{u_\alpha(z_{\alpha \beta})\}. \notag \end{eqnarray} We denote \begin{equation} \label{def Delta K} \Delta^{\Gamma} := \left\{ (x_{\alpha \beta}) \in (X,V)^\Gamma: x_{\alpha \beta} = x_{\beta \alpha} \right\} \subset (X,V)^\Gamma. \end{equation} We then denote \[ \widetilde{\mathcal{M}}_\Gamma\left(J\right) := \left(\mathrm{ev}^E\right)^{-1}\left(\Delta^\Gamma\right).\] We have $\mathcal{M}_\Gamma(J) := \widetilde{\mathcal{M}}_\Gamma(J)/G_\Gamma$, where $G_\Gamma := \prod_\alpha \mathrm{PSL}(2,\C)$ is the reparametrization group. We denote by \begin{equation}\label{eqn: simple stable curves} \mathcal{M}^*_k(A;J) \subset \overline{\mathcal{M}}_k(A;J) \end{equation} the subset of \emph{simple} stable curves (see \cite[Definition 6.1.1]{mcduffsalamon}), and similarly $\mathcal{M}^*_\Gamma(J) \subset \mathcal{M}_\Gamma(J)$, $\widetilde{\mathcal{M}}^*_\Gamma(J)\subset \widetilde{\mathcal{M}}_\Gamma(J)$, and $\mathcal{M}^*(\Gamma,J) \subset \mathcal{M}(\Gamma,J)$. Explicitly, the latter is the subset of tuples $\mathbf{u}$ such that $u_\alpha(\mathbb{CP}^1) \neq u_\beta(\mathbb{CP}^1)$ for $\alpha \neq \beta$ such that $u_\alpha$ and $u_\beta$ are non-constant, and non-constant $u_\alpha$ are simple. \begin{defn} \label{defn:Jreg} An element $u \in \widetilde{\mathcal{M}}^*_\Gamma(J)$ is called \emph{regular} if \begin{itemize} \item $u_\alpha:\mathbb{CP}^1 \to V_{K_\alpha}$ is regular, as a $J$-holomorphic curve inside $V_{K_\alpha}$. \item The evaluation map $\mathrm{ev}^E$ is transverse to $\Delta^\Gamma$. \end{itemize} The moduli space $\widetilde{\mathcal{M}}^*_\Gamma(J)$ is called regular if every element in it is regular. An element $Y \in \EuY_*$ is called regular if $\widetilde{\mathcal{M}}^*_\Gamma(J_Y)$ is regular for every $\Gamma$. The set of regular $Y$ is denoted $\EuY^{\mathrm{reg}}_* \subset \EuY_*$. \end{defn} \begin{lem} \label{lem:dimifreg} If $Y \in \EuY^{\mathrm{reg}}_*$, then $\mathcal{M}^*_\Gamma(J_Y)$ is a smooth manifold of dimension $\mathrm{dim}(\Gamma)$, where \begin{align} \half \mathrm{dim}(\Gamma) &= k + \sum_{\alpha \in T} \left(n -|K_\alpha| - 3\right) + c_1(TV_{K_\alpha})(A_\alpha)+ \sum_{\alpha E \beta} \left(|K_\alpha \cap K_\beta| - n + 2\right) \label{eq:dimifreg1} \\ & = k + n - 2 + \sum_{\alpha \in T} \left(c_1(TV_{K_\alpha})(A_\alpha) - |K_\alpha| - 1\right) + \sum_{\alpha E \beta}|K_\alpha \cap K_\beta|. \notag \end{align} In the sums $\sum_{\alpha E \beta}$, we take $E$ to be the set of \emph{undirected} edges. \end{lem} \begin{proof} Follows from standard dimension counting, cf. \cite[Theorem 6.2.6 (i)]{mcduffsalamon}. The second equality uses the Euler characteristic of the tree. \end{proof} \begin{lem} \label{lem:dimineq} The dimension \eqref{eq:dimifreg1} is bounded above by \begin{eqnarray*} \mathrm{dim}(\Gamma) &\le & 2 \left( k + n + c_1(TX)(A) - 3 - |E| - \max_\alpha |K_\alpha|\right) \\ & = & \mathrm{dim}(\mathcal{M}_{k}(A)) - 2|E| - 2\max_\alpha |K_\alpha| \end{eqnarray*} (again, we recall that $|E|$ is the number of undirected edges). \end{lem} \begin{proof} The inequality follows by combining two inequalities. First, \[ c_1(TV_{K_\alpha})(A_\alpha) \le c_1(TX)(A_\alpha)\] by Lemma \ref{lem:c1loss}. Second, \[ \sum_\alpha |K_\alpha| - \sum_{\alpha E \beta} |K_\alpha \cap K_\beta| \ge \max_\alpha |K_\alpha|.\] To see this, we first choose a vertex $\alpha'$ such that $|K_{\alpha'}|$ is maximal; then we pair each vertex $\alpha$ with the edge $\alpha E \beta$ that points towards the vertex $\alpha'$. The term $|K_{\alpha'}|$ in the sum does not have a partner, and the other terms pair off as $|K_\alpha| - |K_{\alpha} \cap K_\beta| \ge 0$, giving the result. \end{proof} \subsection{Parametrized moduli spaces} \label{sec:param} We will need to consider a parametric generalization of the framework of the previous section; cf. \cite[Section 9h]{Seidel:FCPLT}, \cite[Section 6.7]{mcduffsalamon}. Suppose that $\EuS$ is a smooth manifold and $\mathbf{Y}: \EuS \to \EuY_*$ a smooth function. We denote \[ \mathcal{M}_\Gamma(J_\mathbf{Y}) := \coprod_{s \in \EuS} \mathcal{M}_\Gamma(J_{\mathbf{Y}(s)}).\] It comes with a map \[ \pi_\EuS: \mathcal{M}_\Gamma(J_\mathbf{Y}) \to \EuS\] recording the parameter. In slightly more detail, we let $\mathcal{B}(V_K)$ be the Fr\'echet manifold of smooth maps $\mathbb{CP}^1\to V_K$, and define $\widetilde{\mathcal{M}}(\Gamma, J_\mathbf{Y}) \subset \EuS \times \prod_{\alpha\in T} \mathcal{B} (V_{K_\alpha})$ to be the subspace of tuples $\left(s, \{ u_\alpha\} \right)$ defined by the Cauchy--Riemann equation $\bar{\partial}_{J_{\mathbf{Y} }} =0$ and the discrete condition $(u_\alpha)_*[\mathbb{CP}^1] = A_\alpha$. Proceed to construct $\widetilde{\mathcal{M}}_\Gamma(J_\mathbf{Y})$, its quotient $\mathcal{M}_\Gamma(J_\mathbf{Y})$, and $\mathcal{M}^*_\Gamma(J_\mathbf{Y})\subset \mathcal{M}_\Gamma(J_\mathbf{Y})$, by analogy with their non-parametric counterparts. A first use of parametric moduli spaces (albeit in an infinite-dimensional context) is in proving that there are plenty of regular almost complex structures: \begin{lem} \label{lem:regJexists} The subset $\EuY^{\mathrm{reg}}_* \subset \EuY_*$ is comeagre. \end{lem} \begin{proof} The proof is that of \cite[Theorem 6.2.6 (ii)]{mcduffsalamon}, with adaptations. The main adaptation is that Lemma \ref{lem:extendJ} shows we have enough perturbations along $V_K$ to achieve transversality for curves contained entirely inside $V_K$. By the argument of \cite[proof of Theorem 6.2.6 (ii)]{mcduffsalamon}, it suffices to prove that the subset $\EuY_{*}^{\ell,\mathrm{reg}} \subset \EuY^\ell_*$ of regular elements is comeagre for each $\ell \geq 2$. Fix $\ell$ and a set of indices $K$. The space $\EuY_K^\ell$ has a comeagre subset $\EuY_{K,*}^{\ell,\mathrm{reg}}\subset \EuY_{*,K}^\ell$ whose elements $Y$ are defined by the condition that all simple $J_Y$-spheres $u\colon \C P^1\to V_K$, not contained in $V^K\cap V_K$, are regular (standard adaptation of the argument of \cite[Theorem 3.1.5]{mcduffsalamon}). Define \[ \EuY_*^{\ell, \mathrm{reg\, for\, } K} = \{ Y \in \EuY_*^\ell: \, r_K(Y) \in \EuY_{*,K}^{\ell, \mathsf{reg}}\}.\] The restriction map $r_K \colon \EuY_*^\ell \to \EuY_{*,K}^{\ell}$ is surjective by Lemma \ref{lem:extendJ}. The preimage of a comeagre subset under a continuous linear surjection is again comeagre; hence $\EuY_*^{\ell, \mathrm{reg\, for \, } K}$ is comeager in $\EuY_*^\ell$. Thus $\bigcap_K \EuY_*^{\ell, \mathrm{reg\, for \, } K}$ is also comeager. This deals with the first bullet point in the definition of regularity (Definition \ref{defn:Jreg}). One next needs to prove that the evaluation map \[ \ev^E \colon \mathcal{M}^*(\Gamma,\EuJ_\ell ) \times Z(\Gamma) \to (X,V)^\Gamma \] (cf. (\ref{eqn:def ev E})) is transverse to the diagonal $\Delta^\Gamma$; here $\EuJ^\ell =\{ J_Y: Y \in \EuY^\ell_* \}$ is the family of almost complex structures parametrized by $\EuY^\ell_*$, and $\mathcal{M}^*(\Gamma,\EuJ_\ell ) = \bigcup_{J\in \EuJ^\ell} \mathcal{M}^*(\Gamma,J)$. This can be accomplished by an adaptation of \cite[Prop. 6.2.8]{mcduffsalamon}. The proof in \emph{op. cit.} hinges on \cite[Prop. 3.4.3]{mcduffsalamon}, and it suffices to use the tweak to the latter proposition indicated in \cite[Remark 3.4.8]{mcduffsalamon}. With that point in place, the proof of \cite[Theorem 6.2.6 (ii)]{mcduffsalamon} goes through. \end{proof} We return to the discussion of parametric moduli spaces. An element $u \in \widetilde{\mathcal{M}}^*_\Gamma(J_\mathbf{Y})$ is called regular if its cut out transversely by its defining equations. That is, each $u_\alpha$ is parametrized-regular, i.e., a transverse zero of the Cauchy--Riemann operator on $\mathcal{B}(V_{K_\alpha})\times \EuS$, and the evaluation map \begin{eqnarray*} (\pi_\EuS,\mathrm{ev}^E): \mathcal{M}\left(\Gamma,J_\mathbf{Y} \right) \times Z(\Gamma) & \to & \EuS \times (X,V)^\Gamma \end{eqnarray*} is transverse to $\EuS \times \Delta^\Gamma$. The moduli space $\widetilde{\mathcal{M}}^*_\Gamma(J_\mathbf{Y})$ is called regular if every element in it is regular; and $\mathbf{Y}$ is called regular if $\widetilde{\mathcal{M}}^*_\Gamma(J_\mathbf{Y})$ is regular for every $\Gamma$. The proof of Lemma \ref{lem:regJexists} generalizes easily to show that the set of regular $\mathbf{Y}$ is comeagre in $C^\infty(\EuS,\EuY_*)$. In this situation, $\mathcal{M}^*_\Gamma(J_\mathbf{Y})$ is a smooth manifold of dimension $\dim(\Gamma) + \dim(\EuS)$. \section{Holomorphic discs}\label{sec:discs} \subsection{Deligne--Mumford moduli space} If $\ell \ge 3$, we consider the Deligne--Mumford moduli space $\overline{\EuR}_\ell$ of stable curves of genus zero with interior marked points labelled $z_1,\ldots,z_\ell$. It is a complex manifold, and carries a universal family $\overline{\EuS}_\ell \to \overline{\EuR}_\ell$ with sections $\{z_i\}_{i =1,\ldots,\ell}$ given by the interior marked points. We denote the restriction of the universal family to the smooth locus by $\EuS_{\ell} \to \EuR_{\ell}$. If $k+2\ell \ge 2$, we consider the Deligne--Mumford moduli space $\overline{\EuR}_{k,\ell}$ of stable discs equipped with boundary marked points labelled $\zeta_0,\ldots,\zeta_k$ (in order) and interior marked points labelled $z_1,\ldots,z_\ell$. It is a smooth manifold with corners and carries a universal family $\overline{\EuS}_{k,\ell} \to \overline{\EuR}_{k,\ell}$ with sections $\{z_i\}_{i=1,\ldots,\ell}$ and $\{\zeta_i\}_{i=0,\ldots,k}$ given by the marked points. We denote the restriction of the universal family to the smooth locus by $\EuS_{k,\ell} \to \EuR_{k,\ell}$. The strata of the Deligne--Mumford compactification \[ \overline{\EuR}_{k,\ell} = \coprod_\Gamma \EuR^\Gamma_{k,\ell}\] are indexed by certain decorated trees $\Gamma$. Specifically, each $\Gamma$ consists of a tree with vertex set $V= V_\mathsf{sph} \sqcup V_\mathsf{disc}$ decomposed into `sphere' and `disc' vertices; a set of `finite' edges $E = E_\mathsf{sph} \sqcup E_\mathsf{disc} \subset V \times V$ decomposed into `disc' edges (those connecting disc vertices) and `sphere' edges (the rest); a set of `semi-infinite sphere edges' indexed by $\{1,\ldots,\ell\}$, which is equivalent to an $\ell$-marking of $(V,E)$; a set of `semi-infinite disc edges' indexed by $\{0,\ldots,k\}$ and attached to disc vertices, which is equivalent to a $k+1$-marking of $(V_\mathsf{disc},E_\mathsf{disc})$; the graph $(V_\mathsf{disc},E_\mathsf{disc})$ together with the semi-infinite disc edges is required to be a tree, and must come equipped with an embedding in the plane so that the semi-infinite edges are labelled in order from $0$ to $k$ around the boundary. For each vertex $\alpha$, we denote by $\ell_\alpha$ the number of sphere edges incident to $\alpha$; and for each disc vertex $\alpha$, we denote by $k_\alpha$ the number of disc edges incident to $\alpha$, minus one. $\Gamma$ is required to be \emph{stable}, which means that $k_\alpha+2\ell_\alpha \ge 2$ for all $\alpha$. The stratum indexed by such a $\Gamma$ has the form \[ \EuR^\Gamma_{k,\ell} \simeq \prod_{\alpha \in V_\mathsf{sph}} \EuR_{\ell_\alpha} \times \prod_{\alpha \in V_\mathsf{disc}} \EuR_{k_\alpha,\ell_\alpha},\] where the diffeomorphism is determined by a choice of ordering of the sphere edges incident to each vertex. Specifically, given such an ordering, each finite sphere edge $\alpha E \beta$ determines a section $z_{\alpha \beta}$ of the universal family $\EuS_\alpha \to \EuR_\alpha$ of spheres or discs; each finite disc edge determines a section $\zeta_{\alpha \beta}$ of the universal family $\EuS_\alpha \to \EuR_\alpha$ of discs. Letting $\mathrm{pr}_\alpha: \EuR^\Gamma \to \EuR_\alpha$ denote the projection, the restriction of the universal family to such a stratum has the form \[ \EuS^\Gamma_{k,\ell} \simeq \left(\coprod_{\alpha \in V_\mathsf{sph}} \mathrm{pr}_\alpha^* \EuS_{\ell_\alpha} \sqcup \coprod_{\alpha \in V_\mathsf{disc}} \mathrm{pr}_\alpha^* \EuS_{k_\alpha,\ell_\alpha}\right)/\sim\] where `$\sim$' identifies $\mathrm{pr}_\alpha^* z_{\alpha \beta} \sim \mathrm{pr}_\beta^* z_{\beta \alpha}$ for all finite spherical edges $\alpha E \beta$ and $\zeta_{\alpha \beta} \sim \zeta_{\beta \alpha}$ for all finite disc edges $\alpha E \beta$. We now observe that the group $\mathrm{Sym}(\ell)$ acts on $\overline{\EuS}_{k,\ell} \to \overline{\EuR}_{k,\ell}$ by relabelling the interior marked points, and the action preserves the smooth locus $\EuS_{k,\ell} \to \EuR_{k,\ell}$. \begin{lem}\label{lem:free} The action of $\mathrm{Sym}(\ell)$ on $\EuR_{k,\ell}$ is free, and therefore properly discontinuous. \end{lem} \begin{proof} Since $\mathrm{Sym}(\ell)$ is finite and $\EuR_{k,\ell}$ is Hausdorff, a free action is properly discontinuous. To say that the action is free is to say that if $f: \Sigma \to \Sigma$ is an isomorphism which fixes the boundary markings and permutes the interior markings, then $f$ is the identity. Note that $f^{\ell!}$ must act as the identity on all marked points, hence be equal to the identity, since all domains we consider have trivial automorphism group. But the group of automorphisms of the disc fixing a single boundary point has no nontrivial roots of the identity;\footnote{To prove this claim, observe that if the boundary fixed-point set $P=\{ t \in \partial \mathbb{D} : \alpha (t) = t)\}$ of an automorphism $\alpha$ of the disc $\mathbb{D}$ has cardinality $|P| \ge 3$, then $\alpha$ is the identity; if $|P| \in \{1, 2\}$ then $\alpha$ preserves each connected component $I$ of $\partial \mathbb{D} \setminus P$, because $\alpha$ preserves the boundary orientation. For each component $I$, either $\alpha(t) < t$ for all $t\in I$, or $\alpha(t) >t$ for all $t\in I$ ($<$ is the order on an oriented interval); either property persists in iterates.} therefore $f$ itself is the identity as required. \end{proof} \begin{rmk} The argument extends to show that, for $\Sigma$ a stable disc, if $f: \Sigma \to \Sigma$ is an isomorphism which fixes the boundary markings and permutes the interior markings, then $f$ acts as the identity on each disc component of $\Sigma$. Thus the action of $\mathrm{Sym}(\ell)$ on strata of $\EuR_{k,\ell}$ without spherical components is again free and properly discontinuous. \end{rmk} \begin{rmk} The action of $\mathrm{Sym}(\ell)$ on $\overline{\EuR}_{k,\ell}$ is not free, in general. For example, if there is a spherical component with exactly one node and exactly two marked points, there is an automorphism interchanging those marked points. There is a quotient orbifold-with-corners $\overline{\EuR}_{k,\ell}/\mathrm{Sym}(\ell)$---locally the quotient of a manifold with corners by the action of a finite group---parametrizing stable discs whose interior marked points are unordered. The interior stratum $\EuR_{k,\ell}/\mathrm{Sym}(\ell)$ is both a manifold and a fine moduli space; and the same goes for the codimension-1 strata, since they parametrize stable discs with two disc components but no spherical components. \end{rmk} \subsection{Strip-like ends}\label{sec:slends} For any $r \in \overline{\EuR}_{k,\ell}$, we denote the corresponding fibre of the universal family by $\Sigma_r$. We denote by \begin{equation}\label{eqn:Sigma punctured} \Sigma^\circ_r \subset \Sigma_r \end{equation} the complement of the boundary marked points and boundary nodes. Recall the notion of a set of \emph{strip-like ends} for $\Sigma^\circ_r$: it consists of holomorphic embeddings \begin{align*} \epsilon_i: Z^\pm &\to \Sigma^\circ_r \qquad i=0,1,\ldots,k \end{align*} where $Z^\pm := \R_\pm \times [0,1]$ and the sign is $-$ for $i=0$ and $+$ otherwise. These maps are required to have disjoint images, be proper, send the boundary intervals $\R_\pm \times \{0,1\}$ to $\partial \Sigma_r$, and limit to $\zeta_i$ as $s \to \pm \infty$ (see \cite[Section 8d]{Seidel:FCPLT}). We will furthermore require that our strip-like ends be disjoint from the interior marked points. We denote by $\overline{\EuS}^\circ_{k,\ell} \subset \overline{\EuS}_{k,\ell}$ the union of subsets $\Sigma^\circ_r$ over all $r$. We recall the notion of a \emph{universal choice of strip-like ends}, which consists of smooth maps \[\epsilon_i: \overline{\EuR}_{k,\ell} \times Z^\pm \to \overline{\EuS}^\circ_{k,\ell}\] for all $k,\ell$ and $i=0,\ldots,k$, which restrict to a choice of strip-like ends on each fibre of the universal family; and what it means for such a choice to be \emph{consistent} \cite[Section 9g]{Seidel:FCPLT}. We will require our universal choice of strip-like ends to be consistent, and furthermore $\mathrm{Sym}(\ell)$-equivariant; a straightforward modification of \cite[Lemma 9.3]{Seidel:FCPLT} shows that such a choice exists. Given an equivariant consistent universal choice of strip-like ends, we may choose a \emph{universal thick-thin decomposition} (cf. \cite[Remark 9.1]{Seidel:FCPLT} -- note that this is an additional choice). This consists of an open set \begin{equation}\label{eqn:S thin} \overline{\EuS}^{thin}_{k,\ell} \subset \overline{\EuS}^\circ_{k,\ell}, \end{equation} whose intersection with each fibre is parametrized as the union of strip-like ends for each disc component of the fibre, together with `gluing regions' $\epsilon_e([0,l_e] \times [0,1])$, which are also required to be $\mathrm{Sym}(\ell)$-equivariant and disjoint from the marked points. (In Seidel's terminology, we may take $\overline{\EuS}^{thin}_{k,\ell}$ to be the union of all strip-like ends together with the union of gluing regions lying over subsets where the gluing parameters are sufficiently small.) \subsection{Floer data} We set \[ \EuY^{\mathsf{max}} := \{Y \in \EuY_*: Y|_{h \ge c} = 0\}.\] Note that if $Y \in \EuY^{\mathsf{max}}_*$, then $J_Y \in \EuJ^{\mathsf{max}}(X,V)$. \begin{defn}\label{defn:obj} A \emph{Lagrangian brane} is a closed, exact Lagrangian submanifold $L \subset \{h < c\}$, equipped with a spin structure. \end{defn} Let $\EuH \subset C^\infty(X;\R)$ denote the subset of functions supported in $\{h < c\}$. For each pair of Lagrangian branes $(L_0,L_1)$ we choose a smooth function \[ H_{01}:[0,1] \to \EuH.\] We assume that the time-1 flow of the corresponding Hamiltonian vector field $X_{H_{01}(t)}$, when applied to $L_0$, makes it transverse to $L_1$. Thus, the set of Hamiltonian chords $y$ from $L_0$ to $L_1$ is finite. Following \cite[Appendix B]{Sheridan2016} (which is based on \cite[Section 12f]{Seidel:FCPLT}), to each chord $y$ we can associate the orientation line $o_y$, which is a $\Z/2$-graded free $R$-module of rank $1$. \begin{defn}\label{defn:mor} The $hom$-spaces in the relative Fukaya category are the direct sums of all orientation lines associated to Hamiltonian chords: \[ hom^*_{\EuF(X,D,\mathsf{N})}(L_0,L_1) := \bigoplus_y o_y.\] They are $\Z/2$-graded free $R$-modules. \end{defn} Next, for each pair of Lagrangian branes $(L_0,L_1)$ we consider a smooth function \begin{align*} Y_{01}: [0,1]& \to \EuY_*^{\max{}}, \qquad \text{giving rise to} \\ J_{01}:[0,1] & \to \EuJ^{\max{}}(X,V), \quad \text{via $J_{01} := J_{Y_{01}}$.} \end{align*} The corresponding equation for Floer trajectories between chords $y_0$ and $y_1$ in the Liouville domain $\{h \le c\}$ is \begin{align*} u: \R \times [0,1] & \to \{h \le c\} \\ \partial_s u + J_{01}(t) (\partial_t u - X_{H_{01}(t)} \circ u) &=0\\ u(s,i) & \in L_i \qquad \text{for $i=0,1$} \\ \lim_{s \to +\infty} u(s,\cdot) &= y_1 \\ \lim_{s \to -\infty} u(s,\cdot) &= y_0. \end{align*} For a comeagre subset of the space of choices of $Y_{01}$, the moduli space of such Floer trajectories is regular \cite{FHS:transversality}. We choose such a regular $Y_{01}$, for each pair of Lagrangian branes $(L_0,L_1)$ equipped with $H_{01}$. Taken together, the choice of $(H_{01},Y_{01})$ for each pair $(L_0,L_1)$ is called a choice of \emph{Floer data}. \subsection{Perturbation data} A \emph{Lagrangian labelling} $\mathbf{L}$ is a tuple of Lagrangian branes $L_0,\ldots,L_k$ (with $k \ge 0$). Given a family of stable discs $\overline{\EuR}_{k,\ell}$, a Lagrangian labelling $\mathbf{L}$ will be thought of as a labelling of the boundary components of discs in the family by the branes $L_i$. Let $r \in \overline{\EuR}_{k,\ell}$, $\Sigma_r$ the fibre of the universal family over $r$, and $\Sigma^\circ_r$ the complement of all boundary marked points and nodes. Following \cite[Section 8e]{Seidel:FCPLT}, we make the following: \begin{defn}\label{def:perdat} A \emph{perturbation datum} for $\Sigma_r^\circ$ equipped with boundary labelling $\mathbf{L}$ consists of a pair $P=(Y,K)$ where \[Y \in C^\infty(\Sigma^\circ_r, \EuY_*),\quad K \in \Omega^1(\Sigma^\circ_r,\EuH),\] satisfying \[ Y(\epsilon(s,t)) = Y_{\ell,r}(t)\qquad \epsilon^* K = H_{\ell,r}(t) dt\] over every thin region (strip-like end or gluing region) parametrized by $\epsilon$, having boundary labels $L_\ell,L_r$, and furthermore \[ K(\xi)|_{L_C} =0 \quad \text{for all $\xi \in TC \subset T(\partial \Sigma^\circ_r)$}\] over each component $C$ of the boundary labelled by $L_C$. \end{defn} \begin{defn}\label{defn:pert} A \emph{universal choice of perturbation data} consists of pairs $\mathbf{P}_{k,\ell,\mathbf{L}} = (\mathbf{Y}_{k,\ell,\mathbf{L}},\mathbf{K}_{k,\ell,\mathbf{L}})$ for all $k+2\ell \ge 2$ and all Lagrangian labellings $\mathbf{L}$, where \[ \mathbf{Y}_{k,\ell,\mathbf{L}} \in C^\infty\left(\overline{\EuS}^\circ_{k,\ell}, \EuY_*\right),\qquad \mathbf{K}_{k,\ell,\mathbf{L}} \in \Omega^1_{\overline{\EuS}^\circ_{k,\ell}/\overline{\EuR}_{k,\ell}}\left(\EuH\right)\]so that $\mathbf{K}_{k,\ell,\mathbf{L}}$ is an $\EuH$-valued, fiberwise linear map defined on the vertical tangent bundle of the universal curve, satisfying: \begin{enumerate} \item [] \textbf{(Thin regions)} The restriction to the thin regions is given by the Floer data (i.e., the restriction to each fibre is a perturbation datum for that fibre, in the above sense); \item [] \textbf{(Equivariant)} $\mathbf{P}_{k,\ell,\mathbf{L}}$ is $\mathrm{Sym}(\ell)$-equivariant; \item [] \textbf{(Consistent on discs)} The restriction of $\mathbf{P}_{k,\ell,\mathbf{L}}$ to $\mathrm{pr}_\alpha^* \overline{\EuS}^\circ_{k_\alpha,\ell_\alpha}$ is equal to $\mathrm{pr}_\alpha^* \mathbf{P}_{k_\alpha,\ell_\alpha,\mathbf{L}_\alpha}$ for any disc vertex $\alpha \in V_\mathsf{disc}$ of a tree $\Gamma$; \item [] \textbf{(Constant on spheres)} For any spherical component $\Sigma_\alpha$ of a stable disc $\Sigma_r$, the restriction of $\mathbf{Y}_{k,\ell,\mathbf{L}}$ to $\Sigma_\alpha$ is constant and the restriction of $\mathbf{K}_{k,\ell,\mathbf{L}}$ to $\Sigma_\alpha$ vanishes; \item [] \textbf{(Maximum principle)} When $\ell=0$, we have \[\mathbf{Y}_{k,0,\mathbf{L}} \in C^\infty\left(\overline{\EuS}^\circ_{k,0}, \EuY^{\max{}}_*\right) \subset C^\infty\left(\overline{\EuS}^\circ_{k,0}, \EuY_*\right).\] \end{enumerate} \end{defn} \begin{rmk} Recall that the embedding $\overline{\EuS}^\circ_{k_\alpha,\ell_\alpha} \hookrightarrow \overline{\EuS}^\circ_{k,\ell}$ depends on a choice of ordering of the finite spherical edges incident to $\alpha$. By the \textbf{(Equivariant)} condition satisfied by $\mathbf{P}_{k_\alpha,\ell_\alpha,\mathbf{L}_\alpha}$, the \textbf{(Consistent on discs)} condition on $\mathbf{P}_{k,\ell,\mathbf{L}}$ does not depend on this ordering. \end{rmk} \begin{lem}\label{lem:pertinduct} Suppose $k+2\ell=N$, and that $\mathbf{P}_{k',\ell',\mathbf{L}'}$ satisfying the conditions of Definition \ref{defn:pert} have been chosen for all $k'+2\ell' <N$. Then there exist $\mathbf{P}_{k,\ell,\mathbf{L}}$ satisfying the conditions of Definition \ref{defn:pert}. \end{lem} \begin{proof} The \textbf{(Consistent on discs)} condition uniquely specifies the restriction of $(\mathbf{Y}_{k,\ell,\mathbf{L}},\mathbf{K}_{k,\ell,\mathbf{L}})$ to all boundary strata of the form $\EuS_{k_\alpha,\ell_\alpha}$ for $\alpha \in V_\mathsf{disc}$; the \textbf{(Constant on spheres)} condition then uniquely specifies the restriction of $(\mathbf{Y}_{k,\ell,\mathbf{L}},\mathbf{K}_{k,\ell,\mathbf{L}})$ to the remaining boundary strata of the form $\EuS_{\ell_\alpha}$ for $\alpha \in V_\mathsf{sph}$, because each maximal tree of sphere components intersects a disc component in a unique point. Thus the restriction of $(\mathbf{Y}_{k,\ell,\mathbf{L}},\mathbf{K}_{k,\ell,\mathbf{L}})$ to all boundary strata is uniquely specified by the preceding choices. It is clear that these uniquely-specified restrictions satisfy the \textbf{(Equivariant)} condition (using the fact that a constant map is equivariant) and the \textbf{(Thin regions)} condition. Having specified $(\mathbf{Y}_{k,\ell,\mathbf{L}},\mathbf{K}_{k,\ell,\mathbf{L}})$ over the boundary strata, we need to show that it extends over all of $\overline{\EuS}^\circ_{k,\ell}$ (cf. \cite[Lemma 9.5]{Seidel:FCPLT}). Such an extension can be constructed using appropriate cutoff functions, because $\EuY_*$ and $\EuH$ are convex, and it can easily be arranged to satisfy the \textbf{(Thin regions)} condition. The \textbf{(Equivariant)} condition can then be achieved by averaging, again using convexity. Note that it is important that the parametrization of the thin regions is chosen to be equivariant, so that the averaged perturbation data continues to respect the \textbf{(Thin regions)} condition. \end{proof} \subsection{Pseudoholomorphic curves} Given a Lagrangian labelling $\mathbf{L}=(L_0,\ldots,L_k)$, a \emph{choice of Hamiltonian chords} $\mathbf{y}=(y_0,\ldots,y_k)$ consists of chords $y_0$ from $L_0$ to $L_k$ and $y_i$ from $L_{i-1}$ to $L_i$ for $i=1,\ldots,k$. We will be considering maps $u:\Sigma^\circ \to X$, where $\Sigma^\circ$ is a disc with $k+1$ boundary punctures, each boundary component is constrained to lie on the Lagrangian by which it is labelled, and $u$ limits to the chords $y_i$ at the punctures. We denote the set of homotopy classes of such maps by $\pi_2(\mathbf{y})$. To each $A \in \pi_2(\mathbf{y})$ we can associate certain numerical invariants: a Maslov-type index $i(A)$, equal to the Fredholm index of the linearization of the pseudo-holomorphic curve equation in the form to be discussed shortly,\footnote{In the case that our Floer groups are $\Z$-graded, we have $i(A) = i(y_0) - \sum_{j=1}^k i(y_j)$, which $i(y)$ denoting the degree of the generator $y$.} and topological intersection numbers $A \cdot V_q$ for $q \in Q$. We denote $\pi_2^\mathrm{num}(\mathbf{y}):= \pi_2(\mathbf{y})/\sim$, where the equivalence relation identifies two classes if they have the same numerical invariants. Note that given $A \in \pi_2^\mathrm{num}(\mathbf{y})$ and a spherical homology class $A' \in \im \pi_2(X) \to H_2(X;\Z)$, we can form the connect sum $A + A' \in \pi_2^\mathrm{num}(\mathbf{y})$: the connect sum has Maslov index $i(A) + 2c_1(A')$ and intersection numbers $A \cdot V_q + A' \cdot V_q$, so the resulting equivalence class is independent of the choices involved in forming the connect sum. Because we choose our almost complex structures to respect the components $V_q$ of the system of divisors $V$, any holomorphic curve which is not contained in $V$ (such as a disc whose boundary is contained in Lagrangians disjoint from $V$) will intersect each $V_q$ positively in a finite set of points. We will record the local intersection number at $z$ of a holomorphic curve $u$ with the components of $V$ as a `tangency vector' $\iota(u,z) \in (\Z_{\ge 0})^Q$. Now, we will only need to consider classes $A \in \pi_2^\mathrm{num}(\mathbf{y})$ such that $A \cdot V_q \ge 0$ for all $q$ (because of Lemma \ref{lem:posint}). Given such an $A$, a choice of \emph{tangency data} is a number $\ell \ge 0$ and a function $\mathsf{t}:\{1,\ldots,\ell\} \to \Z_{\ge 0}^Q$ such that $\sum_{i=1}^\ell \mathsf{t}(i)_q = A \cdot V_q$. Given a Lagrangian labelling $\mathbf{L}$, a universal choice of perturbation data associates an almost complex structure $J_z := J_{\mathbf{Y}_{k,\ell,\mathbf{L}}(z)} \in \EuJ(X,V)$ to every point $z$ on a fibre $\Sigma_r^\circ$ of the universal family $\overline{\EuS}^\circ_{k,\ell} \to \overline{\EuR}_{k,\ell}$. It also determines a one-form $\nu$ on $\Sigma_r^\circ$ with values in (Hamiltonian) vector fields on $X$: $\nu(\xi)$ is the Hamiltonian vector field corresponding to the Hamiltonian function $\mathbf{K}_{k,\ell,\mathbf{L}}(\xi)$. Now, suppose we are given a Lagrangian labelling $\mathbf{L}$, a choice of Hamiltonian chords $\mathbf{y}$, an element $A \in \pi_2^\mathrm{num}(\mathbf{y})$, a choice of tangency data $\mathsf{t}$, and a universal choice of perturbation data $\mathbf{P}$. We define a moduli space $\mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ if $k+2\ell \ge 1$; the moduli space is undefined if $k=\ell=0$. If $k+2\ell \ge 2$, we define the moduli space of pseudo-holomorphic discs with tangency conditions \begin{equation}\label{eqn: tang moduli} \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P}) \end{equation} to consist of pairs $(r,u)$ where $r \in \EuR_{k,\ell}$ and $u: \Sigma_r^\circ \to X$ satisfies the resulting pseudoholomorphic curve equation: \begin{align*} (Du-\nu)\circ j_z &= J_z \circ (Du-\nu) \\ u(C_i) & \subset L_i \notag \\ \lim_{s \to \pm \infty} u(\epsilon_i(s,\cdot)) &= y_i(\cdot)\notag \\ \iota(u,z_i) & \ge \mathsf{t}(i) \text{ for $i=1,\ldots,\ell$} \notag \\ [u] &=A. \notag \end{align*} Note that $\mathrm{Sym}(\ell)$ acts on $\bigcup_{\mathsf{t}} \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P})$, by the \textbf{(Equivariant)} condition on the perturbation data. The action is free by Lemma \ref{lem:free}. In the remaining case $k+2\ell = 1$, we must have $(k,\ell) = (1,0)$ (so $\EuR_{k,\ell}$ is undefined). In this case we have $\mathbf{y} = (y_0,y_1)$, and we define $\mathcal{M}(\mathbf{y},A,\emptyset,\mathbf{P})$ to be the moduli space of Floer trajectories from $y_0$ to $y_1$, modulo translation. \begin{lem}\label{lem:posintCM} If $u \in \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ then $u$ intersects $V_q$ at the marked points $z_i$ with $\mathsf{t}(i)_q \ge 1$, with multiplicity $\mathsf{t}(i)_q$, and nowhere else. \end{lem} \begin{proof} By \cite[Proposition 7.1]{Cieliebak2007}, each intersection point $z$ of $u$ with $V_q$ contributes $\iota(u,z)_q \ge 1$ to $[u] \cdot V_q = A \cdot V_q$, so we have \[ A \cdot V_q \ge \sum_i \iota(u,z_i)_q \ge \sum_i \mathsf{t}(i)_q = A \cdot V_q.\] Thus we have equality, which implies the result. \end{proof} If we set $\ell = A \cdot V$ and let $\mathsf{q}:\{1,\ldots,\ell\} \to Q$ be a function with $|\mathsf{q}^{-1}(q)|=A \cdot V_q$, we can define a function $\mathsf{t}^{\mathsf{can}}:\{1,\ldots,\ell\} \to \Z_{\ge 0}^Q$ by setting $\mathsf{t}^{\mathsf{can}}(i)_q = 1$ if $\mathsf{q}(i) = q$ and $0$ otherwise. We denote the resulting moduli space by \begin{equation}\label{eqn: can tang} \mathcal{M}(\mathbf{y},A,\mathbf{P}) := \mathcal{M}(\mathbf{y},A,\mathsf{t}^{\mathsf{can}},\mathbf{P}). \end{equation} It is independent of the choice of $\mathsf{q}$ up to the action of $\mathrm{Sym}(\ell)$. We denote by $\mathrm{Sym}(\mathsf{q}) \subset \mathrm{Sym}(\ell)$ the subgroup preserving $\mathsf{q}$, and observe that it acts freely on $\mathcal{M}(\mathbf{y},A,\mathbf{P})$. \subsection{Transversality}\label{sec:transv} In this section we will define what it means for our perturbation data to be `regular'; in the next we will show how this leads to the desired Gromov-type compactification of our moduli spaces. Let $(\mathbf{y},A_0,\mathsf{t},\mathbf{P})$ be data as in the previous section. Let $I \subset \{1,\ldots,\ell\}$ be a subset containing all $i$ such that $\mathsf{t}(i)=0$, and let $\{\Gamma_i\}_{i \in I}$ be combinatorial types of bubble trees with $1$ marked point, in the sense of Section \ref{sec:jcons}. We will denote the image of the total homology class of $\Gamma_i$ in $\pi_2^\mathrm{num}(\mathbf{y})$ by $A_i$, and set \[ A := A_0 + \sum_{i \in I} A_i.\] Associated to this data we have a moduli space of discs with `$J_{z_i}$-holomorphic bubble trees attached at the points $z_i$, for $i \in I$'. To be precise, we introduce notation: $K_i \subset Q$ is the set of non-zero coordinates of $\mathsf{t}(i)$; and $K'_i \subset Q$ is the subset attached to the component of $\Gamma_i$ containing the marked point. Starting with the moduli spaces (\ref{eqn: tang moduli}), we consider the evaluation maps \begin{align*} \ev_i: \mathcal{M}(\mathbf{y},A_0,\mathsf{t},\mathbf{P}) & \to \EuS^\circ_{k,\ell} \times V_{K_i} \\ (r,u) & \mapsto (z_i(r),u(z_i)) \end{align*} and \begin{align*} (\pi_{\EuS^\circ_{k,\ell}},\mathrm{ev}_1):\mathcal{M}_{\Gamma_i}(\mathbf{Y}_{k,\ell}) & \to \EuS^\circ_{k,\ell} \times V_{K'_i} \end{align*} (see Section \ref{sec:param}). Here `$\mathrm{ev}_1$' denotes evaluation at the point $z_1$. Recall (cf. Definition \ref{defn:pert}) that $\mathbf{Y}_{k,\ell}$ is a family of infinitesimal almost complex structures parametrized by $\EuS^\circ_{k,\ell}$; the map $\pi_{\EuS^\circ_{k,\ell}}$ records the parameter. We put these together to define \[ \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P},\{\Gamma_i\}) := \mathcal{M}(\mathbf{y},A_0,\mathsf{t},\mathbf{P}) \times \prod_{i \in I} \mathcal{M}_{\Gamma_i}(\mathbf{Y}_{k,\ell}),\] with an evaluation map \[ \ev: \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P},\{\Gamma_i\}) \to \prod_{i \in I} V_{K_i} \times V_{K'_i} \times \EuS^\circ_{k,\ell} \times \EuS^\circ_{k,\ell}.\] We define the following subset of the RHS: \[ \Delta := \prod_{i \in I} \left\{(x_i,x'_i, s ,s') \in V_{K_i} \times V_{K'_i} \times \EuS^\circ_{k,\ell} \times \EuS^\circ_{k,\ell}: x_i=x'_i, \; s = s' \right\}.\] Now define the moduli space of pseudo-holomorphic discs with tangencies and unmarked bubble-trees \begin{equation}\label{eqn:moduli with tangencies and bubbles} \mathcal{M}_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}) := \ev^{-1}(\Delta). \end{equation} We denote by \begin{equation}\label{eqn:simple moduli with tangencies and bubbles} \mathcal{M}^*_{\{\Gamma_i\}} \subset \mathcal{M}_{\{\Gamma_i\}} \end{equation} the subset consisting of discs with unmarked bubble trees attached, each of which is simple. \begin{rmk} Let us clear up a potential confusion. A disc with unmarked bubble trees attached will typically \emph{not} be the Gromov limit of a family of discs. Rather, a Gromov limit of discs will have spherical components contain interior marked points at which tangency conditions to $V$ are imposed; a disc with bubble trees attached is obtained by forgetting these marked points, which is possible by our \textbf{(Constant on spheres)} assumption from Definition \ref{defn:pert} (cf. Lemma \ref{lem:nospheresdim1}). \end{rmk} The tangency constraint on an element $u\in \mathcal{M}(\mathbf{y},A_0,\mathsf{t},\mathbf{P})$ can be formulated as follows: Let $x_q$ be a holomorphic function defining $V_q$ in a neighborhood of $u(z_i)$. Then tangency amounts to the vanishing of jets of the functions $x_q\circ u$: \begin{equation}\label{eqn:jet vanishing} \mathsf{Jet}^{\mathsf{t}(i)_q}_{z_i} (x_q \circ u)= 0. \end{equation} The choice of the coordinates $x_q$ does not affect these conditions. \begin{defn}\label{defn:regularity} A disc $u\in \mathcal{M}(\mathbf{y},A_0,\mathsf{t},\mathbf{P})$ is called parametrized-regular if it is cut out transversely by the parametric Cauchy--Riemann equation together with the jet-vanishing condition (\ref{eqn:jet vanishing}). An element of $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ is called regular if the disc is parametrized-regular, the bubble trees are parametrized-regular (cf. Section \ref{sec:param}), and the evaluation map is transverse to $\Delta$. The moduli space is called regular if all of its points are regular. A universal choice of perturbation data is called regular if all moduli spaces having negative virtual dimension are regular (i.e., empty); and furthermore, all moduli spaces $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ of virtual dimension $\le 1$ are regular. \end{defn} \begin{lem}\label{lem:genreg} Let $\mathbf{y} = (y_0,\ldots,y_k)$ be a choice of Hamiltonian chords corresponding to a Lagrangian labelling $\mathbf{L}$, $A_0 \in \pi_2^\mathrm{num}(\mathbf{y})$, $\mathsf{t}:\{1,\ldots,\ell\} \to \Z_{\ge 0}^Q$ a choice of tangency data, and $\{\Gamma_i\}_{i \in I}$ a set of combinatorial types of bubble trees as above. Let $k+2\ell = N$. Suppose we have fixed $\mathbf{P}_{k',\ell',\mathbf{L}'}$ for all $2 \le k'+2\ell' \le N$ and all Lagrangian labellings $\mathbf{L}'$; and suppose that these satisfy the conditions required of a universal choice of perturbation data. Then the set of $\mathbf{P}_{k,\ell,\mathbf{L}}$ satisfying those conditions, and such that $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ is regular, is comeagre. \end{lem} \begin{proof} The argument is essentially standard. In the absence of higher tangency conditions (i.e., if $\mathsf{t}(i) \le 1$ for all $i$), it is a combination of \cite[Section 9k]{Seidel:FCPLT} with \cite[Section 6.7]{mcduffsalamon} (modified as in Section \ref{sec:spheres} to account for the divisor $V$). The necessary techniques to deal with higher tangency conditions were developed in \cite[Section 6]{Cieliebak2007}, and implemented in a setting very similar to ours in \cite[Theorem 4.19]{CharestWoodward} and \cite[Theorem 4.1]{CW:floer}. The only slightly non-standard aspect of our setup is our requirement that the perturbation data be chosen to be $\mathrm{Sym}(\ell)$-equivariant. We start by choosing a countable open cover of $\EuR_{k,\ell}$ by open sets $C_i$, each of which comes equipped with a smooth trivialization $\EuS^\circ_{k,\ell}|_{C_i} \simeq C_i \times \Sigma_i^\circ$ with respect to which the strip-like ends and marked points are constant. We fix one of the open sets $C_i$ in our cover, and drop the $i$ from the notation. We will prove regularity of $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})|_C$ (i.e., the set of all $(r,u,\{u_i\}) \in \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ such that $r \in C$), for a comeagre subset of the set of perturbation data $\mathbf{P}$; taking the intersection over the countable set of sets in our cover yields the result. We will consider maps of Sobolev class $W^{q,p}$, and perturbation data of class $C^s$, where $q-\frac{2}{p} \ge \max_{i,j}\{\mathsf{t}(i)_j\}$ and $s \ge q+1$. We define $\mathrm{Map}^{q,p}(\Sigma^\circ,X,\mathbf{L},V)$ to be the Banach manifold of maps $u:\Sigma^\circ \to X$ of Sobolev class $W^{q,p}$, satisfying the boundary constraints $\mathbf{L}$, converging to the Hamiltonian chords $\mathbf{y}$ in $W^{q,p}$-sense along the strip-like ends, and having the prescribed orders of tangency at the marked points. We set $$ \EuB^{q,p}_C := \mathrm{Map}^{q,p}(\Sigma^\circ,X,\mathbf{L},V) \times \prod_{1 \le i \le \ell, \alpha \in T(\Gamma_i)} \mathrm{Map}^{q,p}(\mathbb{CP}^1_\alpha,V_{K_\alpha}).$$ Let $\mathbb{P}^s=\mathbb{Y}^s \times \mathbb{K}^s$ denote the space of all $\mathbf{P}_{k,\ell,\mathbf{L}}=(\mathbf{Y}_{k,\ell,\mathbf{L}},\mathbf{K}_{k,\ell,\mathbf{L}})$ satisfying the conditions required of a universal choice of perturbation data, but having class $C^s$ instead of $C^\infty$. We have a $C^{s-q}$ Banach vector bundle $\EuE_C \to C \times \EuB_C^{q,p} \times \mathbb{P}^s$, together with a $C^{s-q}$ Fredholm section $\bar{\partial}$. There is also an evaluation map $$\mathrm{ev}^E: \EuB_C^{q,p} \times \prod_{1 \le i \le \ell} Z(\Gamma_i) \to \prod_{1 \le i \le \ell} V_{K_i} \times \prod_{1 \le i \le \ell} (X,V)^{\Gamma_i},$$ together with a natural diagonal subset $\Delta$ of the target. We define $$\widetilde{\mathcal{M}}_{\{\Gamma_i\}}^{q,p}(\mathbf{y},A,\mathsf{t},\mathbb{P}^s)|_C \subset C \times \EuB^{q,p}_C \times \mathbb{P}^s \times \prod_{1 \le i \le \ell} Z(\Gamma_i)$$ to be the subset cut out by the equations $\bar{\partial}(r,\mathbf{u},\mathbf{P}) = 0$ and $\mathrm{ev}^E(\mathbf{u},\mathbf{z}) \in \Delta$, and $\mathcal{M}^{q,p}_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbb{P}^s)|_C $ to be its quotient by the reparametrization group $\prod_{1 \le i \le \ell} G_{\Gamma_i}$. The fibre of $\mathcal{M}_{\{\Gamma_i\}}^{q,p}(\mathbf{y},A,\mathsf{t},\mathbb{P}^s)|_C$ over $\mathbf{P} \in \mathbb{P}^s$ is precisely $\mathcal{M}_{\{\Gamma_i\}}^{q,p}(\mathbf{y},A,\mathsf{t},\mathbf{P})|_C$. By definition, it is regular if and only if the corresponding fibre $\widetilde{\mathcal{M}}_{\{\Gamma_i\}}^{q,p}(\mathbf{y},A,\mathsf{t},\mathbf{P})|_C$ is cut out transversely. We now argue that the universal moduli space $\widetilde{\mathcal{M}}_{\{\Gamma_i\}}^{q,p,*}(\mathbf{y},A,\mathsf{t},\mathbb{P}^s)|_C$ (of pseudoholomorphic discs with \emph{simple} bubble trees attached) is cut out transversely, for each $C$. We focus on the only slightly non-routine step, which is regularity of the disc component. Transversality is a local condition at each point $(r,u,\mathbf{Y},\mathbf{K})$. Given such a point, we consider the space $\mathbb{Y}^s_r$ of $C^s$ domain-dependent almost-complex structures on the fibre $\Sigma^\circ_r$, satisfying the conditions required to constitute part of a perturbation datum for that fibre. By \cite[Lemma 6.5]{Cieliebak2007}, in order to prove regularity, it suffices to show that there exists a non-empty open set $W \times U \subset \Sigma^\circ \times X \setminus V$, such there exists a point $z \in W$ with $u(z) \in U$, and the image of the linearization of the restriction map $\mathbb{P}^s \to \mathbb{Y}^s_r$ contains all perturbations $\delta Y$ which are supported in $W \times U$. To arrange this, we first choose a neighbourhood $N$ of $r \in \EuR_{k,\ell}$, such that $\sigma(N) \cap N = \emptyset$ for all $\sigma \in \mathrm{Sym}(\ell)$. This is possible by Lemma \ref{lem:free}. We choose $W \subset \Sigma^\circ$ to be the complement of the thin regions and marked points, and $U$ to be equal to $\{h<c\}$. Note that $W \cap \partial \Sigma^\circ$ is non-empty, and gets mapped into $U$; thus there exists $z \in W$ with $u(z) \in U$, as required. Now, given a perturbation $\delta Y$ supported in $W \times U$, we explain how to construct a perturbation $\delta \mathbf{P} = (\delta \mathbf{K}, \delta \mathbf{Y})$ such that the restriction of $\delta \mathbf{Y}$ to $\Sigma^\circ_r$ is $\delta Y$. First, we choose a bump function $\eta$ with support in $N$, so that $\eta(r) = 1$; then we consider the perturbation $\eta(n) \cdot \delta Y$ with support in $N \times W \times U$; then we set \[ \delta \mathbf{Y} := \sum_{\sigma \in \mathrm{Sym}(\ell)} \sigma^* \left(\eta(n) \cdot \delta Y\right).\] We claim that $\mathbf{Y} + \epsilon \cdot \delta \mathbf{Y} \in \mathbb{Y}^s$ for $\epsilon$ sufficiently small: it clearly lies in $\EuY_*$ for $\epsilon$ sufficiently small, because $\delta \mathbf{Y}$ is compactly supported so its $C^0$ norm is bounded; it extends to $\overline{\EuS}^\circ_{k,\ell}$ and satisfies the \textbf{(Consistent on discs)} and \textbf{(Constant on spheres)} hypotheses, because it has compact support in $\EuS^\circ_{k,\ell}$ and in particular vanishes on the boundary; it satisfies the \textbf{(Thin regions)} hypothesis because $W$ is disjoint from the thin regions, hence so is its orbit under $\mathrm{Sym}(\ell)$ (by equivariance of the thin regions); it satisfies the \textbf{(Equivariant)} hypothesis by construction. The image of $\partial/\partial \epsilon(\mathbf{Y} + \epsilon \cdot \delta \mathbf{Y})$ under the linearization of the restriction map $\mathbb{Y}^s \to \mathbb{Y}^s_r$ is equal to $\delta Y$, because $\left(\eta(n) \cdot \delta Y\right)|_{\Sigma^\circ_r} = \delta Y$ by construction, but $\sigma^* \left(\eta(n) \cdot \delta Y\right)|_{\Sigma^\circ_r} = 0$ for $\sigma$ not equal to the identity, using the fact that $\sigma(N) \cap N = \emptyset$. Having established regularity of the universal moduli space, we can apply Sard--Smale to the projection $\widetilde{\mathcal{M}}^{q,p,*}_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbb{P}^s)|_C \to \mathbb{P}^s$. We conclude that $\widetilde{\mathcal{M}}^{q,p,*}_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})|_C$ (and hence, by definition, $\mathcal{M}^{q,p,*}_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})|_C$) is regular for a comeagre subset of the set of choices of $C^s$ perturbation data $\mathbb{P}^s$, for each $C$. It follows by an argument due to Taubes (as in \cite[Proof of Theorem 3.5.1(ii)]{mcduffsalamon}) that $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})|_C$ is regular for a comeagre subset of the set of choices of smooth perturbation data. Taking the intersection over all $C$, we conclude that $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ is regular for a comeagre subset of the set of smooth perturbation data, as required. \end{proof} \begin{cor}\label{cor:regex} There exists a regular universal choice of perturbation data. \end{cor} \begin{proof} In fact, we can construct a universal choice of perturbation data such that \emph{all} moduli spaces $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ are regular; such a choice is \emph{a fortiori} regular. The choice can be constructed inductively in $k+2\ell$. At each step, there is a nonempty space of (possibly non-regular) choices of $\mathbf{P}_{k,\ell,\mathbf{L}}$, by Lemma \ref{lem:pertinduct}. The subset of regular choices is the intersection of the subsets making $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ regular for all compatible $\mathbf{y},A,\mathsf{t},\{\Gamma_i\}$. This is a countable intersection of subsets, each of which is comeagre by Lemma \ref{lem:genreg}; thus it is itself a comeagre subset of a nonempty Baire space, in particular it is nonempty. \end{proof} \begin{lem}\label{lem:bubtreedim} If $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ is regular, it has dimension \begin{equation} \label{eq:dimdisc} \mathrm{dim} = i(A_0) + k-2+ 2\ell - 2 \sum_{i =1}^\ell |\mathsf{t}(i)| + \sum_{i \in I} \mathrm{dim}(\Gamma_i) - 2n + 2|K_i \cap K'_i|. \end{equation} Here $|\mathsf{t}(i)| = \sum_{q\in Q} \mathsf{t}(i)_q$. \end{lem} \begin{proof} The dimension count goes as follows: \[ \underbrace{i(A_0) + k-2+ 2\ell - 2 \sum_{i =1}^\ell |\mathsf{t}(i)|}_{\dim \mathcal{M}(\mathbf{y},A_0,\mathsf{t},\mathbf{P})} +\underbrace{ \sum_{i \in I} \left( \dim(\Gamma_i) + \dim \EuS_{k,l}^\circ \right) }_{\sum_i \dim \mathcal{M}_{\Gamma_i}(\mathbf{Y}_{k,\ell})} - \underbrace{\sum_{i\in I} \left( 2n - 2|K_i \cap K'_i| + \dim \EuS_{k,l}^\circ \right) }_{\mathrm{codim}\, \Delta} . \] The formula follows from the assumption that $\ev$ is transverse to $\Delta$. \end{proof} \begin{lem}\label{lem:dimboundreg} If $\mathsf{t} = \mathsf{t}^{\mathsf{can}}$ and $I=\emptyset$, then the dimension \eqref{eq:dimdisc} is equal to \[ \mathrm{dim}(\mathcal{M}(\mathbf{y},A,\mathbf{P})) = i(A) +k-2.\] In any other case, it is bounded above by $\mathrm{dim}(\mathcal{M}(\mathbf{y},A,\mathbf{P}))-2$. \end{lem} \begin{proof} Applying Lemmas \ref{lem:bubtreedim} and \ref{lem:dimineq} (we set $k=1$ in the latter, because by definition all bubble trees carry only a single marked point, namely the one at which they are attached to the disc), we find \begin{align*} \dim & \leq i(A) + k - 2 + \sum_{i=1}^\ell 2(1-|\mathsf{t}(i)|) + \sum_{i \in I} 2(|K_i \cap K'_i| - \max_{\alpha \in T_i} |K_\alpha| - 2) \\ & \le \dim(\mathcal{M}(\mathbf{y},A,\mathbf{P})) + \sum_{i=1}^\ell 2(1-|\mathsf{t}(i)| - 2I_i), \end{align*} where $I_i := 1$ if $i \in I$, $0$ if $i \notin I$. Because $I$ contains all $i$ such that $\mathsf{t}(i) = 0$, we have $1-|\mathsf{t}(i)| - 2 I_i \le 0$, with equality if and only if $|\mathsf{t}(i)|=1$ and $I_i=0$. The result follows. \end{proof} \begin{cor}\label{cor:nospheres} If $\mathbf{P}$ is regular and $\mathrm{dim}(\mathcal{M}(\mathbf{y},A,\mathbf{P})) \le 1$, then $\mathcal{M}_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}) = \emptyset$ unless $\mathsf{t}=\mathsf{t}^{\mathsf{can}}$ and $I=\emptyset$. \end{cor} \begin{proof} Observe that the subset $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ of discs with simple bubble trees attached is empty by Lemma \ref{lem:dimboundreg}, since it is regular and has negative virtual dimension. On the other hand, one can always replace a non-simple bubble tree with a simple one (see \cite[Proposition 6.1.2]{mcduffsalamon}). The procedure involves replacing multiply-covered spheres by their image, deleting some spheres, and rearranging the marked points; in particular, it cannot increase the Chern number by Corollary \ref{cor:semipos}. It follows that the moduli spaces of discs with non-simple bubble trees attached are also empty. \end{proof} \begin{rmk} One would expect a similar result to hold for $\mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P})$, if one changed the definition of the bubble trees to incorporate higher tangency conditions (otherwise the analogue of Lemma \ref{lem:dimboundreg} would not hold). \end{rmk} \subsection{Compactness} Because we chose our perturbation data $\mathbf{P}_{k,\ell}$ to extend smoothly to $\overline{\EuS}^\circ_{k,\ell}$, the moduli space $\mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ of discs with tangency conditions admits a Gromov compactification $\overline{\mathcal{M}}^{\mathrm{tot}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$. Let \begin{equation}\label{eqn:Gromov closure} \overline{\mathcal{M}}(\mathbf{y},A,\mathsf{t},\mathbf{P}) \subset \overline{\mathcal{M}}^{\mathrm{tot}}(\mathbf{y},A,\mathsf{t},\mathbf{P}) \end{equation} denote the closure of the `smooth locus' $\mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P})$. Write \begin{equation}\label{eqn:Gromov closure can tangency} \overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P}) \end{equation} to mean $\overline{\mathcal{M}}(\mathbf{y},A,\mathsf{t}^{\mathsf{can}}, \mathbf{P})$. \begin{lem}\label{lem:mustintersect} If $u$ is a disc component of an element of $\overline{\mathcal{M}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$, then any point at which $u$ intersects $V$ is special, i.e., an internal marked point or node. \end{lem} \begin{proof} Follows from Lemma \ref{lem:posintCM}, as isolated intersection points persist under small perturbations. \end{proof} Let us call a disc with $k+1$ boundary marked points and $\ell$ interior marked points `stable' if $k+2\ell \ge 2$, `semistable' if $k+2\ell \ge 1$, and `unstable' otherwise. \begin{cor}\label{cor:nounstable} Every disc component of an element of $\overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$ is semistable. \end{cor} \begin{proof} Follows from Lemmas \ref{lem:mustintersect} and \ref{lem:intersectv}. \end{proof} \begin{lem}\label{lem:nospheresdim1} Suppose $\mathbf{P}$ is regular, and $\dim(\mathcal{M}(\mathbf{y},A,\mathbf{P})) \le 1$. Then elements of $\overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$ have no (constant or non-constant) sphere bubbles. \end{lem} \begin{proof} Given an element $u \in \overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$, let us cut it along its boundary nodes. By Corollary \ref{cor:nounstable}, each disc component is semistable; therefore, by the \textbf{(Consistent on discs)} condition on $\mathbf{P}$, each component defines an element $u_\alpha$ of some $\overline{\mathcal{M}}(\mathbf{y}_\alpha,A_\alpha,\mathbf{P})$, without boundary nodes. We have \[ \sum_\alpha \dim(\mathcal{M}(\mathbf{y}_\alpha,A_\alpha,\mathbf{P}) + \#\, (\text{boundary nodes}) = \dim(\mathcal{M}(\mathbf{y},A,\mathbf{P})) \] by Lemma \ref{lem:dimboundreg}. It follows from the assumption $\dim(\mathcal{M}(\mathbf{y},A,\mathbf{P})) \leq 1$, then, that $\dim(\mathcal{M}(\mathbf{y}_\alpha,A_\alpha,\mathbf{P}) \le 1$ for each $\alpha$. Thus we may assume, without loss of generality, that $u$ has no boundary nodes. Let $u_\mathsf{disc}$ be the disc component of $u$. By Lemma \ref{lem:mustintersect}, every intersection point of $u_\mathsf{disc}$ with $V$ is a marked point or node. We attach the tangency data $\mathsf{t}(i) := \iota(u_\mathsf{disc},z_i)$ to each marked point or node $z_i$, so that $u_\mathsf{disc}$ defines an element of some $\mathcal{M}(\mathbf{y},A_0,\mathsf{t},\mathbf{P})$ by the \textbf{(Consistent on discs)} condition on $\mathbf{P}$. By the \textbf{(Constant on spheres)} condition on $\mathbf{P}$, forgetting the internal marked points on the sphere bubbles of $u$ and collapsing unstable components gives a set of bubble trees attached to the marked points of $u_\mathsf{disc}$. In order to check that it defines an element of some $\mathcal{M}_{\{\Gamma_{i}\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$, we need to check that the subset $I$ of all points with non-trivial bubble trees attached, contains all $i$ such that $\mathsf{t}(i)=0$; or equivalently, if the bubble tree attached to the $i$th point is trivial, then $\mathsf{t}(i) \neq 0$. Indeed, if the bubble tree attached to point $i$ becomes trivial after forgetting all marked points, it must originally have been constant; therefore $\mathsf{t}(i)$ is greater than or equal to the sum of $\mathsf{t}^{\mathsf{can}}(j)$ over all points $j$ on the bubble tree, by \cite[Lemma 7.2]{Cieliebak2007}. Since $\mathsf{t}^{\mathsf{can}}(j) \neq 0$ for all $j$, this implies that $\mathsf{t}(i) \neq 0$ as required. Thus we obtain an element of some $\mathcal{M}_{\{\Gamma_{i}\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$, so we must have $\mathsf{t}=\mathsf{t}^{\mathsf{can}}$ and $I=\emptyset$ by Corollary \ref{cor:nospheres}. Because $I=\emptyset$, we conclude that all sphere bubbles on $u$ become trivial after forgetting the marked points they contain, so they must be constant. In order for a constant tree of sphere bubbles to be stable, it must contain at least two marked points in addition to the point at which it is attached to the disc; however then the tangency vector of the point $i$ at which the tree of sphere bubbles is attached to the disc would have to be greater than or equal to a sum of $\mathsf{t}^{\mathsf{can}}(j)$ over at least two points $j$, so could not possibly be equal to $\mathsf{t}^{\mathsf{can}}(i)$. Therefore $u$ contains no sphere bubbles. \end{proof} \section{The relative Fukaya category}\label{sec:def} \subsection{Definition} We already defined the objects and morphism spaces in Definitions \ref{defn:obj} and \ref{defn:mor}. To define the $A_\infty$ structure maps, we choose a regular universal choice of perturbation data $\mathbf{P}$. Each zero-dimensional moduli space $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ is then finite (because compact). Each element $u$ of such a moduli space determines an isomorphism \begin{equation} \label{eq:signu} \sigma_u: o_{y_1} \otimes \ldots \otimes o_{y_k} \xrightarrow{\sim} o_{y_0}, \end{equation} in accordance with the conventions of \cite[Appendix B]{Sheridan2016}. Observe that $\mathrm{Sym}(\mathsf{q})$ acts on $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ because of the \textbf{(Equivariant)} condition on our perturbation data; and the action is free by Lemma \ref{lem:free}. It is easy to see from the definition that $\sigma_{g \cdot u} = \sigma_u$ for any $g \in \mathrm{Sym}(\mathsf{q})$. This allows us to make the following \begin{defn}\label{def:ainf} We define the $A_\infty$ structure map \begin{align} \nonumber \mu^k &: hom^*(L_0,L_1) \otimes_R \ldots \otimes_R hom^*(L_{k-1},L_k) \to hom^*(L_0,L_k),\\ \label{eq:mukdef} \mu^k &:= \sum_{u \in \mathcal{M}(\mathbf{y},A,\mathbf{P})/\mathrm{Sym}(\mathsf{q})} T^{[u] \cdot D} \cdot \sigma_u, \end{align} where the sum is over all $\mathrm{Sym}(\mathsf{q})$-orbits of zero-dimensional moduli spaces $\mathcal{M}(\mathbf{y},A,\mathbf{P})$.\end{defn} Observe that $[u]\cdot D \in \NE$ by Lemma \ref{lem:posint}. We also observe that $\mu^0$ is of order $\mathfrak{m}$ by definition: we at no point consider discs with a single boundary marked point and no interior marked point (we are able to do this by Corollary \ref{cor:nounstable}). Finally, $\mu^* \circ \mu^* = 0$ by the standard argument \cite[Section 12g]{Seidel:FCPLT}. The only boundary strata appearing in a one-dimensional moduli space $\overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$ consist of stable discs with two disc components and no spheres, by Lemma \ref{lem:nospheresdim1}. The moduli space has the structure of a one-dimensional manifold with boundary in a neighbourhood of these points, by a standard gluing argument. The action of $\mathrm{Sym}(q)$ on such boundary strata remains free (cf. the two remarks following Lemma \ref{lem:free}), and so the moduli space of $\mathrm{Sym}(q)$-orbits is again a one-dimensional manifold with boundary. The signed count of boundary points of a compact one-dimensional manifold with boundary is zero; and these boundary points correspond precisely to the terms in the expression $\mu^* \circ \mu^*$. \subsection{Assumptions} Proposition \ref{prop:5.1} states that $\EuF(X,D,\mathsf{N}) \otimes_R R/\mathfrak{m} \simeq \EuF(X \setminus D)$: this is immediate from Lemma \ref{lem:maxprin}. We also remark that \cite[Assumptions 5.2 and 5.3]{Sheridan2016} are satisfied. The argument is a straightforward variation on the argument, given in Section \ref{sec:indep}, that the relative Fukaya category is independent of the choice of system of divisors, so we omit it. (For the purposes of the argument, one can treat a single component of $D_p$ as if it were a system of divisors, by \cite[Lemma 4.9]{Sheridan2016}.) \section{Independence of choices}\label{sec:indep} We made the following choices in the definition of the relative Fukaya category, in order: \begin{enumerate} \item A relative K\"ahler form; \item A regular sublevel set $\{h \le c\}$ of the K\"ahler potential, containing all critical points; \item A system of divisors $V$ contained in $\{h>c\}$; \item A choice of strip-like ends and thick-thin decomposition; \item A choice of Floer data; \item A choice of perturbation data. \end{enumerate} We will show that the relative Fukaya category is independent of these choices up to non-unique quasi-equivalence (we have a `weak system' of equivalent categories, in the terminology of \cite[Section 10a]{Seidel:FCPLT}). \subsection{Independence of perturbation data and system of divisors} Let us fix a relative K\"ahler form and regular sublevel set $\{h \le c\}$ of the K\"ahler potential, containing all critical points. We denote the relative Fukaya category, defined using system of divisors $V$ and regular universal choice of perturbation data $\mathbf{P}$, by $\EuF(X,D,V,\mathbf{P})$. Implicit in the choice of $\mathbf{P}$ is a universal choice of strip-like ends and a choice of Floer data, on which the definition of perturbation data depends. Now let $\mathsf{N}_0 \subset \mathsf{N}_1$ be cones satisfying the conditions from Section \ref{sec:geom}. Let $V_1 = \cup_{q \in Q_1}V_q$ be a system of divisors for $\mathsf{N}_1$, $Q_0 \subset Q_1$ a subset, such that $V_0 := \cup_{q \in Q_0} V_q$ is a system of divisors for $\mathsf{N}_0$. \begin{prop}\label{prop:indep} For any regular $\mathbf{P}^1$, and a non-empty subset of the set of regular $\mathbf{P}^0$, there exists a curved filtered $R(\mathsf{N}_1)$-linear $A_\infty$ category $\EuC$ which admits strict curved filtered quasi-equivalences \begin{equation} \label{eq:embeds} \EuF(X,D,V_1,\mathbf{P}^1) \lhook\joinrel\longrightarrow \EuC \longleftarrow\joinrel\rhook \EuF(X,D,V_0,\mathbf{P}^0)\otimes_{R(\mathsf{N}_0)}R(\mathsf{N}_1). \end{equation} If $V_0=V_1$, then the the subset of the regular $\mathbf{P}^0$ consists of all regular $\mathbf{P}^0$. \end{prop} Note that the case $V_0=V_1$ of the Proposition shows that $\EuF(X,D,V,\mathbf{P})$ is independent of the choice of strip-like ends, Floer data, and perturbation data, up to non-unique quasi-equivalence; we denote this quasi-equivalence class by $\EuF(X,D,V)$. The full statement of the proposition then yields a quasi-equivalence \[ \EuF(X,D,V_1) \simeq \EuF(X,D,V_0) \otimes_{R(\mathsf{N}_0)} R(\mathsf{N}_1).\] The case $\mathsf{N}_0=\mathsf{N}_1$ shows that $\EuF(X,D,V)$ is independent of $V$ up to non-unique quasi-equivalence; we denote this quasi-equivalence class by $\EuF(X,D,\mathsf{N})$, where $\mathsf{N}=\mathsf{N}_0=\mathsf{N}_1$. The basic idea behind the construction of $\EuC$ is to show that $\EuF(X,D,V_1)$ can be defined using the pullback of the perturbation data $\mathbf{P}^0$ via the map forgetting all marked points labelled by $q \in Q_1 \setminus Q_0$. The difficulty lies in the fact that the pulled-back perturbation data will never satisfy the conditions \textbf{(Thin regions)}, \textbf{(Equivariant)}, \textbf{(Consistent on discs)} required of a universal choice of perturbation data. Therefore, we enlarge the allowed class of perturbation data so that it includes the pullback of $\mathbf{P}^0$, as well as the perturbation data $\mathbf{P}^1$; then a doubled category construction allows us to interpolate between the two. \subsection{Construction of the doubled category: domain data} We give the definition of the doubled category $\EuC$ appearing in Proposition \ref{prop:indep}. The objects are Lagrangian branes $L^i$, equipped with a label $i=0$ or $1$. On the level of objects, the left embedding in \eqref{eq:embeds} send $L \mapsto L^0$, while the right embedding sends $L\mapsto L^1$. A \emph{Lagrangian labelling} $\mathbf{L}$ will be a tuple of objects $(L_0^{i_0},\ldots,L_k^{i_k})$ of $\EuC$. Forgetting the Lagrangians $L_j$, we obtain a \emph{0/1 labelling} $\mathbf{i}(\mathbf{L}) = (i_0,\ldots,i_k)$. \begin{defn}\label{def:forgmods} Suppose that $2 \le k+2\ell$, $\ell_\mathsf{for} \le \ell$, $K^0_\mathsf{pun} \subset \{1,\ldots,k\}$ is a subset, and $\mathbf{i} = (i_0,\ldots,i_k)$ is a 0/1 labelling, having the property that whenever $j \notin K_\mathsf{pun}$, we have $i_{j-1}=i_j = 0$ (where $j$ is taken modulo $k+1$). We define $\EuS_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \to \EuR_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ to coincide with $\EuS_{k,\ell} \to \EuR_{k,\ell}$. We define $K_\mathsf{pun} := K^0_\mathsf{pun} \cap \{1,\ldots,k\}$, and require that $0 \notin K^0_\mathsf{pun}$ if and only if $K_\mathsf{pun}$ is empty and $\ell=\ell_\mathsf{for}$. We define $\EuS^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ to be the complement of all boundary marked points labelled by $j \in K_\mathsf{pun}^0$. \end{defn} We now explain how to `think about' Definition \ref{def:forgmods}, and preview the main construction. The moduli spaces $\EuR_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ parametrize discs with $k+1$ boundary marked points and $\ell$ interior marked points. We call the last $\ell_\mathsf{for}$ of the internal marked points `forgettable', and the remaining ones `unforgettable'. One should think of $\mathbf{i}$ as a 0/1 labelling of the boundary intervals between the boundary marked points. We call the boundary marked points corresponding to $j \in K_\mathsf{pun}^0$ `puncturable', and the remaining ones `unpuncturable'. If a boundary point is unpuncturable, then the two boundary intervals on either side of it must be labeled $0$. The output boundary marked point is unpuncturable if and only if all input boundary marked points are unpuncturable and all interior marked points are forgettable. We will consider pseudoholomorphic discs $u\in \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P}$), cf. (\ref{eqn: tang moduli}), whose domain is a fibre $\Sigma^\circ_r$ of the family $\EuS^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$, with the following properties: \begin{itemize} \item The disc $u$ maps unforgettable internal marked points to $V_0$, and forgettable ones to $V_q$ for $q \in Q_1 \setminus Q_0$. \item The disc $u$ limits to Hamiltonian chords at the puncturable boundary marked points, which are removed from $\Sigma_r$ to obtain $\Sigma^\circ_r$. \item We have required that unpuncturable boundary marked points $z_j$ always separate two boundary components carrying the label $0$. These boundary components will furthermore \emph{be labeled by the same Lagrangian}: $L_{j-1}=L_j$. Unpuncturable boundary points $z_j$ are not removed, and $u$ will extend smoothly across $z_j$. \item Our perturbation data will be constructed to be compatible with the map forgetting the forgettable marked points, over certain subsets of the space of domains. It will similarly be compatible with the map forgetting the unpuncturable marked points. \end{itemize} \paragraph{The role of unpuncturable marked points.} The $A_\infty$ structure maps in the doubled category $\EuC$ will be defined via pseudoholomorphic discs with only puncturable boundary marked points. Nevertheless, unpuncturable marked points play an unavoidable role in the construction, as we now explain. The following are two fundamental aspects of the construction of our moduli spaces of pseudoholomorphic curves: \begin{itemize} \item the perturbation data $\mathbf{P}$ on $\EuS^\circ$ should extend smoothly over the boundary $\overline{\EuS}^\circ$, so that a Gromov compactification exists; \item over moduli spaces all of whose boundary components are labelled `$0$', the perturbation data $\mathbf{P}$ must be pulled back from the perturbation data $\mathbf{P}^0$ used to define $\EuF(X,D,V_0,\mathbf{P}^0)$, via the map $\mathfrak{f}$ which `forgets' all of the forgettable marked points. \end{itemize} Combining these two, we see that the perturbation data over the boundary $\partial \overline{\EuS}^\circ$ must also be pulled back via the forgetful map. Now let us consider a stable disc in $\overline{\EuR}$ which has a disc component $\mathbb{D}$ with a single boundary marked point which is a node, and a single interior marked point which is forgettable. The forgetful map $\mathfrak{f}$ collapses $\mathbb{D}$ to a smooth boundary point $p$. In particular, the pulled back perturbation data $\mathfrak{f}^*\mathbf{P}^0$ take the form $(\mathbf{Y},\mathbf{K})$ where $\mathbf{K} = 0$ over $\mathbb{D}$, and $\mathbf{Y}$ is constant equal to $\mathbf{Y}^0(p)$ over $\mathbb{D}$. This raises the following issues: \begin{itemize} \item The perturbation data over $\mathbb{D}$ cannot satisfy the \textbf{(Thin regions)} condition, as $\mathbf{K} = 0$. \item The perturbation data over $\mathbb{D}$ can only satisfy the \textbf{(Consistent on discs)} condition if $\mathbf{Y}^0$ is constant along the corresponding boundary component. \end{itemize} In particular, when considering pseudoholomorphic maps from this source, we are forced to consider the disc $\mathbb{D}$ as bubbling off at a node, rather than breaking along a Hamiltonian chord. In particular, we are forced to treat certain boundary marked points and components differently from others: the marked point described above is an example of an unpuncturable marked point (whereas in the previous sections we only ever considered puncturable marked points), and the disc $\mathbb{D}$ is an example of what we will call an `$\mathfrak{f}$-disclike' component in the sequel. Although we are forced to introduce unpuncturable marked points in order to construct moduli spaces admitting Gromov compactifications, \emph{a posteriori}, the corresponding components of the Gromov compactification will actually be empty (Lemma \ref{lem:nounpunc}). For example, the disc $u(\mathbb{D})$ considered above must by non-constant, since it intersects $V_1$ at its interior marked point; but that implies that it must also intersect $V_0$ by Lemma \ref{lem:intersectv}, as $V_0$ is a system of divisors, and in particular must contain an additional, stabilizing marked point mapping to $V_0$. \paragraph{Deligne--Mumford compactification.} Now we describe the structure of the Deligne--Mumford compactification of $\EuR_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$. Of course we already have a description with strata isomorphic to products of $\EuR_{\ell_\alpha}$ and $\EuR_{k_\alpha,\ell_\alpha}$; the aim is to extend the $0/1$ labelling of boundary components, designation of interior marked points as forgettable/unforgettable, and designation of boundary marked points as puncturable/unpuncturable, to the components of a stable curve. This is necessary in order to specify the consistency conditions we require on our choices of perturbation data. We define $\overline{\EuS}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \to \overline{\EuR}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ to be equal to $\overline{\EuS}_{k,\ell} \to \overline{\EuR}_{k,\ell}$. For the following definitions, let $\Sigma_r$ be a fibre of $\overline{\EuS}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \to \overline{\EuR}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$. \begin{defn}\label{def:whatsforg} Let $z_j \in \Sigma_r$ be an interior marked point or an interior node on a disc component. We define $z_j$ to be forgettable if it is a forgettable marked point, or if it is a node and all marked points lying on the tree of spheres attached at $z_j$ are forgettable; otherwise define it to be unforgettable. \end{defn} Let us call the following procedure the `$\mathfrak{f}$-process'. Start with the stable curve $\Sigma_r$, and modify it as follows. \begin{enumerate} \item Delete all forgettable interior marked points. \item Delete all unpuncturable boundary marked points. \item Collapse any spheres with $\le 2$ special points (i.e., marked points or nodes). \item Collapse any discs which have no internal special points, which have only one boundary marked point, and whose unique boundary component is labelled `$0$'. \item Return to (3) and iterate. \end{enumerate} The iteration stops when there are no more spheres or discs to collapse. The output is a curve $\Sigma_r'$ without unforgettable or unpuncturable marked points, which comes with a collapsing map $c\colon \Sigma_r \to \Sigma_r'$. \begin{defn}\label{def:fdisclike} The disc-components of $\Sigma_r$ are partitioned into three types, as follows: The discs which are collapsed in the $\mathfrak{f}$-process are called `$\mathfrak{f}$-disclike'. Discs which, in the output curve $\Sigma_r'$, have no internal marked points but exactly two boundary special points, separated by two boundary components both labelled `$0$', are defined to be `$\mathfrak{f}$-striplike'. Designate all other disc-components of $\Sigma_r$ as `$\mathfrak{f}$-stable'. \end{defn} \begin{defn}\label{def:whatspunc} We define a boundary marked point or node of $\Sigma_r$ to be unpuncturable if it is an unpuncturable marked point, or if it is a boundary node lying on an $\mathfrak{f}$-disclike component; otherwise define it to be puncturable. \end{defn} As before, strata of $\overline{\EuR}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ are indexed by certain decorated trees $\Gamma$. The conventions established in Definitions \ref{def:whatsforg} and \ref{def:whatspunc} (together with the obvious convention for determining boundary labellings $\mathbf{i}_\alpha$ from $\mathbf{i}$) determine isomorphisms \begin{align} \nonumber \EuR^\Gamma_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} &\simeq \prod_{\alpha \in V_\mathsf{sph}} \EuR_{\ell_\alpha} \times \prod_{\alpha \in V_\mathsf{disc}} \EuR_{k_\alpha,K_{\alpha,\mathsf{pun}},\ell_\alpha,\ell_{\alpha,\mathsf{for}},\mathbf{i}_\alpha},\\ \label{eq:Sdecomp} \EuS^\Gamma_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} & \simeq \left(\coprod_{\alpha \in V_\mathsf{sph}} \mathrm{pr}_\alpha^* \EuS_{\ell_\alpha} \sqcup \coprod_{\alpha \in V_\mathsf{disc}} \mathrm{pr}_\alpha^* \EuS_{k_\alpha,K_{\alpha,\mathsf{pun}},\ell_\alpha,\ell_{\alpha,\mathsf{for}},\mathbf{i}_\alpha}\right)/\sim \end{align} (depending on an appropriate choice of ordering of the interior marked points on each component). It is straightforward to check that $(k_\alpha,K_{\alpha,\mathsf{pun}},\ell_\alpha,\ell_{\alpha,\mathsf{for}},\mathbf{i}_\alpha)$ satisfies the conditions required by Definition \ref{def:forgmods} in order for the corresponding moduli spaces to be defined. We define $\overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \subset \overline{\EuS}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ to be the complement of all puncturable points. One easily checks that \[ \overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \cap \mathrm{pr}_\alpha^* \EuS_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} = \mathrm{pr}_\alpha^* \EuS^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}\] in \eqref{eq:Sdecomp}. Now we need to make an appropriate universal choice of strip-like ends and thick/thin decomposition for our moduli spaces, satisfying slightly different conditions from those in Section \ref{sec:slends}. A choice of strip-like ends for a fibre $\Sigma_r^\circ$ of $\overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \to \overline{\EuR}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ consists of a choice of strip-like end for each puncturable point (unpuncturable points do not get a strip-like end), disjoint from each other and all internal and boundary marked points. The notions of consistency is defined as before. Observe that $\mathrm{Sym}(\ell-\ell_\mathsf{for}) \times \mathrm{Sym}(\ell_\mathsf{for}) \subset \mathrm{Sym}(\ell)$ acts on $\overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \to \overline{\EuR}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$, preserving the forgettability status of the marked points. We will require our universal choice of strip-like ends to be equivariant for this subgroup. \begin{defn} Suppose that $2 \le |K_\mathsf{pun}|+2(\ell-\ell_\mathsf{for})$ and $\mathbf{i} = (0,\ldots,0)$. We define the map \[ \mathfrak{f}: \overline{\EuS}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \to \overline{\EuS}_{|K_\mathsf{pun}|,\ell-\ell_\mathsf{for}}\] which forgets all forgettable and unpuncturable marked points and stabilizes. That is, one applies the $\mathfrak{f}$-process to obtain a collapsing map $c\colon \Sigma_r\to \Sigma_r'$, and then also collapses the images in $\Sigma_r'$ of the $\mathfrak{f}$-striplike components to obtain the stabilized curve $\Sigma_r''$ with a collapsing map $c'\colon \Sigma_r' \to \Sigma_r''$; and $\mathfrak{f}|_{\Sigma_r} = c'\circ c$. \end{defn} \begin{lem} We have \[ \mathfrak{f}\left(\overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}\right) \subset \overline{\EuS}^\circ_{|K_\mathsf{pun}|,\ell-\ell_\mathsf{for}}.\] On the other hand, let \[\overline{\EuS}^{\mathfrak{f}\circ}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \subset \overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}\] denote the complement of all $\mathfrak{f}$-striplike components and their attached trees of spheres, together with all trees of $\mathfrak{f}$-disclike components attached to $\mathfrak{f}$-striplike components and their attached trees of spheres. Then \[ \mathfrak{f}^{-1}\left(\overline{\EuS}^\circ_{|K_\mathsf{pun}|,\ell-\ell_\mathsf{for}}\right) = \overline{\EuS}^{\mathfrak{f}\circ}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}.\] \end{lem} \begin{proof} This is straightforward from the definition of $\mathfrak{f}$. \end{proof} \begin{lem}\label{lem:ffstrends} There exists a universal choice of strip-like ends for the moduli spaces $\overline{\EuS}_{k,L_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$, having the following properties: \begin{itemize} \item It is consistent; \item It is $\mathrm{Sym}(\ell-\ell_\mathsf{for}) \times \mathrm{Sym}(\ell_\mathsf{for})$-equivariant; \item If $K_\mathsf{pun} = \{1,\ldots,k\}$ and $\mathbf{i} = (1,\ldots,1)$, then the strip-like ends coincide with those used to define $\EuF(X,D,V_1,\mathbf{P}^1)$, under the isomorphism $\overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \simeq \overline{\EuS}^\circ_{k,\ell}$; \item If $2 \le |K_\mathsf{pun}|+2(\ell-\ell_\mathsf{for})$ and $\mathbf{i} = (0,\ldots,0)$, then \begin{equation}\label{eq:ffstrip} \mathfrak{f}(\tilde{\epsilon}_j(r,s,t)) = \epsilon_j(\mathfrak{f}(r),s+S_j(r),t), \end{equation} where $\tilde{\epsilon}_j$ is the strip-like end for $\overline{\EuS}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$, $\epsilon_j$ is the corresponding strip-like end used to define $\EuF(X,D,V_0,\mathbf{P}^0)$, and $S_j:\overline{\EuR}_{k,\ell_0,\ell_\mathsf{for},\mathbf{i}}\to\R$ are smooth functions which are strictly positive for $j=0$ and strictly negative for $j=1,\ldots,k$. (It follows from the first clause of Lemma \ref{lem:ffstrends} that the image of $\mathfrak{f} \circ \tilde{\epsilon}_j$ lies in $\overline{\EuS}^\circ_{|K_\mathsf{pun}|,\ell-\ell_\mathsf{for}}$.) \item If $|K_\mathsf{pun}|=1$, $\ell=\ell_\mathsf{for}$, and $\mathbf{i}=(0,\ldots,0)$, then $\tilde{\epsilon}_j(r,\cdot,\cdot)$ extends to a parametrization of the whole surface $\Sigma_r^\circ \simeq \R \times [0,1]$. \end{itemize} \end{lem} \begin{proof} It is simple to show that one can choose such strip-like ends on the moduli spaces labelled by $(0,\ldots,0)$ or $(1,\ldots,1)$: in the former case, the $j$th strip-like ends is uniquely specified by the choice of $S_j(r)$, so one simply needs to choose $S_j(r)$ larger (for $j=0$) or smaller (otherwise) than the $s$-coordinate of any forgettable marked point on the $i$th strip-like end of $\Sigma_r$, and equivariant. (The case $|K_\mathsf{pun}|=1, \ell=\ell_\mathsf{for}$ is similar.) It is then straightforward to extend these choices to all moduli spaces with mixed labels, following the procedure outlined in \cite[Section 9g]{Seidel:FCPLT}. \end{proof} We now introduce the appropriate notion of a thick-thin decomposition: it is an open set $\overline{\EuS}_{k,\ell_0,\ell_\mathsf{for},\mathbf{i}}^{thin} \subset \overline{\EuS}^\circ_{k,\ell_0,\ell_\mathsf{for},\mathbf{i}}$ whose intersection with each fibre consists of the strip-like ends, together with a \emph{subset} of the gluing regions: namely, those formed by gluing two puncturable boundary points together (gluing regions formed by gluing two unpuncturable boundary points together do not get included in the thin region). As with the strip-like ends, the parametrizations of the gluing regions are required to be $\mathrm{Sym}(\ell_\mathsf{for}) \times \mathrm{Sym}(\ell-\ell_\mathsf{for})$-equivariant. We also require that our thick-thin decomposition coincides with that chosen in the definition of $\EuF(X,D,V_1,\mathbf{P}^1)$, when $\mathbf{i}=(1,\ldots,1)$, and that the image of the thin region under $\mathfrak{f}$ lies inside the thin region chosen in the definition of $\EuF(X,D,V_0,\mathbf{P}^0)$. By a straightforward extension of Lemma \ref{lem:ffstrends}, such a choice of thick-thin decomposition exists. (We remark that the parametrizations of the gluing regions will automatically satisfy the analogue of \eqref{eq:ffstrip}, because they are constructed from the strip-like ends which have this property.) \subsection{Construction of the doubled category: perturbation data} We now choose Floer data for each pair of objects in $\EuC$, coinciding with those used to define $\EuF(X,D,V_0,\mathbf{P}^0)$ on pairs of objects $(K^0,L^0)$, coinciding with those used to define $\EuF(X,D,V_1,\mathbf{P}^1)$ on pairs of objects $(K^1,L^1)$, and chosen arbitrarily on pairs of objects with different labels. This allows us to define the morphism spaces in $\EuC$, precisely as in Definition \ref{defn:mor}. We have already defined the embeddings \eqref{eq:embeds} on the level of objects; it is clear from this convention how to define it on the level of morphisms. \begin{defn}\label{def:mixpert} A \emph{universal choice of perturbation data} consists of pairs \[ \mathbf{P}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}} = (\mathbf{Y}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}},\mathbf{K}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}})\] for all $(k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L})$ such that \begin{itemize} \item $(k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i})$ satisfies the conditions of Definition \ref{def:forgmods}, where $\mathbf{i} = \mathbf{i}(\mathbf{L})$; \item $K_\mathsf{pun} \neq \emptyset$; \item $L_{j-1} = L_j$ whenever $j \notin K_\mathsf{pun}$; \end{itemize} where \begin{align*} \mathbf{Y}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}} &\in C^\infty\left(\overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}, \EuY_*(X,V_1)\right), \\ \mathbf{K}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}} &\in \Omega^1_{\overline{\EuS}^\circ_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}/\overline{\EuR}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}}\left(\EuH\right). \end{align*} Notice that the perturbation data are defined at the unpuncturable marked points. These perturbation data are required to satisfy the following conditions: \begin{enumerate} \item [] \textbf{(Floer data)} The restriction to the thin regions, and to $\mathfrak{f}$-striplike components (which are isomorphic to $\R \times [0,1]$), is given by the Floer data;\footnote{Note that the final condition imposed in Lemma \ref{lem:ffstrends} ensures that the requirements imposed over thin regions and $\mathfrak{f}$-striplike components are compatible.} \item [] \textbf{(Equivariant)} $\mathbf{P}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}}$ is $\mathrm{Sym}(\ell-\ell_\mathsf{for}) \times \mathrm{Sym}(\ell_\mathsf{for})$-equivariant; \item [] \textbf{(Consistent on $\mathfrak{f}$-stable discs)} The restriction of $\mathbf{P}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}}$ to $\mathrm{pr}_\alpha^* \overline{\EuS}^\circ_{k_\alpha,K_{\alpha,\mathsf{pun}},\ell_\alpha,\ell_{\alpha,\mathsf{for}},\mathbf{L}_\alpha}$ is equal to $\mathrm{pr}_\alpha^* \mathbf{P}_{k_\alpha,K_{\alpha,\mathsf{pun}},\ell_\alpha,\ell_{\alpha,\mathsf{for}},\mathbf{L}_\alpha}$, for any $\mathfrak{f}$-stable disc vertex $\alpha \in V_\mathsf{disc}$ of a tree $\Gamma$; \item [] \textbf{(Constant on spherical and $\mathfrak{f}$-disclike components)} For any spherical or $\mathfrak{f}$-disclike component $\Sigma_\alpha$ of a fibre $\Sigma^\circ_r$, the restriction of $\mathbf{Y}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}}$ to $\Sigma_\alpha$ is constant and the restriction of $\mathbf{K}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}}$ to $\Sigma_\alpha$ vanishes; \item [] \textbf{(Maximum principle)} In the case $\ell=0$, we have \[\mathbf{Y}_{k,K_\mathsf{pun},0,0,\mathbf{L}} \in C^\infty(\overline{\EuS}^\circ_{k,K_\mathsf{pun},0,0,\mathbf{i}}, \EuY^{\max{}}_*) \subset C^\infty(\Sigma^\circ_r, \EuY_*).\] \item[] \textbf{(Compatibility with $\mathbf{P}^1$)} In the case $\mathbf{i} = (1,\ldots,1)$ (which determines $K_\mathsf{pun} = \{1,\ldots,k\}$ uniquely), we have \[\mathbf{P}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}} = \mathbf{P}^1_{k,\ell,\mathbf{L}'},\] where $\mathbf{L}'$ is obtained from $\mathbf{L}$ by forgetting the $0/1$ labels; \item[] \textbf{(Compatibility with $\mathbf{P}^0$)} Let $\mathbf{i} = (0,\ldots,0)$; then, under the map $\mathfrak{f}\colon \overline{\EuS}^{\mathfrak{f}\circ}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}} \to \overline{\EuS}^\circ_{|K_\mathsf{pun}|,\ell-\ell_\mathsf{for}}$ (cf. Lemma \ref{lem:ffstrends}) one has \[\left.\mathbf{P}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{L}}\right|_{\overline{\EuS}^{\mathfrak{f}\circ}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}} = \mathfrak{f}^* \mathbf{P}^0_{|K_\mathsf{pun}|,\ell-\ell_\mathsf{for},\mathbf{L}'},\] where $\mathbf{L}'$ is obtained from $\mathbf{L}$ by merging all $0$-labelled Lagrangians separated by an unpuncturable marked point, then forgetting the $0/1$ labels. \end{enumerate} \end{defn} \begin{defn} We say that $\mathbf{P}^0$ is \emph{$V_1$-compatible} if the almost-complex structure components $\mathbf{Y}^0$ satisfy \[ \mathbf{Y}^0_{k,\ell} \in C^\infty(\overline{\EuS}^\circ_{k,\ell},\EuY_*(V_1)) \subset C^\infty(\overline{\EuS}^\circ_{k,\ell},\EuY_*(V_0)).\] (Note that $\mathbf{P}^0$ is always $V_0$-compatible.) \end{defn} \begin{lem} There exists a universal choice of perturbation data if and only if $\mathbf{P}^0$ is $V_1$-compatible. \end{lem} \begin{proof} The `only if' follows from the \textbf{(Compatibility with $\mathbf{P}^0$)} condition, which implies that \[\mathfrak{f}^*\mathbf{Y}^0_{k,\ell,\mathbf{L}} = \mathbf{Y}_{k,\{1,\ldots,k\},\ell,0,\mathbf{L}'} \in C^\infty(\overline{\EuS}^\circ_{k,\ell},\EuY_*(V_1)),\] where $\mathbf{L}'$ is obtained from $\mathbf{L}$ by adding `$0$' labels to each Lagrangian. To prove `if', we start by constructing the perturbation data over the moduli spaces $\overline{\EuS}_{k,K_\mathsf{pun},\ell,\ell_\mathsf{for},\mathbf{i}}$ with $\mathbf{i}=(0,\ldots,0)$. We claim that it is uniquely determined by $\mathbf{P}^0$. Indeed, the \textbf{(Compatibility with $\mathbf{P}^0$)} condition uniquely determines the perturbation data over $\overline{\EuS}^{\mathfrak{f} \circ}$; the \textbf{(Floer data)} condition uniquely determines it over $\mathfrak{f}$-striplike components; and the \textbf{(Constant on spherical and $\mathfrak{f}$-disclike components)} uniquely determines it over the remaining components. We need to verify that the resulting perturbation data satisfy the relevant conditions of Definition \ref{def:mixpert}. We first observe that $\mathbf{Y}$ clearly maps to $\EuY_*(X,V_1)$, by hypothesis; \textbf{(Floer data)} is satisfied by construction; \textbf{(Equivariant)} follows from the condition that $\mathbf{P}^0$ be $\mathrm{Sym}(\ell - \ell_\mathsf{for})$-equivariant, and the forgetful map is $\mathrm{Sym}(\ell_\mathsf{for})$-equivariant; \textbf{(Consistent on $\mathfrak{f}$-stable discs)} follows from the \textbf{(Consistent on discs)} condition on $\mathbf{P}^0$, by compatibility of the forgetful maps with inclusions of Deligne--Mumford strata; \textbf{(Maximum principle)} follows from the corresponding condition on $\mathbf{P}^0$; \textbf{(Compatibility with $\mathbf{P}^1$)} is vacuous; and \textbf{(Compatibility with $\mathbf{P}^0$)} follows by construction. The least trivial to verify is \textbf{(Constant on spherical and $\mathfrak{f}$-disclike components)}, which requires us to split into two cases: spheres which get mapped to a sphere by the forgetful map, and spheres or discs which get contracted to a point by the forgetful map. In the former case, the condition is a consequence of the \textbf{(Constant on spheres)} condition on $\mathbf{P}^0$; in the latter, it follows as the pullback of $\mathbf{Y}^0$ by a constant map is constant, and the pullback of $\mathbf{K}^0$ by a constant map vanishes. Next we construct the perturbation data over the moduli spaces with $\mathbf{i} = (1,\ldots,1)$. These are uniquely determined by the \textbf{(Compatibility with $\mathbf{P}^1$)} condition, and it is easy to verify that they satisfy the relevant conditions of Definition \ref{def:mixpert}. Finally we extend the perturbation data to moduli spaces with mixed boundary types, analogously to Lemma \ref{lem:pertinduct}. \end{proof} \subsection{Construction of the doubled category: pseudoholomorphic curves} Recall that the local intersection numbers at $z$ of a holomorphic curve $u$ with the components of $V_1$ are recorded in a \emph{tangency vector} $\iota(u,z) \in (\Z_{\ge 0})^{Q_1}$. We define a tangency vector to be \emph{forgettable} if it lies in $(\Z_{\ge 0})^{Q_1 \setminus Q_0}$, i.e. if $\iota(u,z)(q)=0$ when $q \in Q_0$. \begin{defn} Given $A \in \pi_2^\mathrm{num}(\mathbf{y})$ such that $A \cdot V_q \ge 0$ for all $q \in Q_1$, and $\ell_\mathsf{for} \le \ell$, a choice of \emph{tangency data} is a function $\mathsf{t}:\{1,\ldots,\ell\} \to (\Z_{\ge 0})^{Q_1}$ such that $\sum_{i=1}^\ell \mathsf{t}(i)_q = A \cdot V_q$, and furthermore, $\mathsf{t}(i)$ is forgettable for all $i \ge \ell-\ell_\mathsf{for}+1$. \end{defn} \begin{defn} Suppose we are given a Lagrangian labelling $\mathbf{L}$, a choice of Hamiltonian chords $\mathbf{y}$, an element $A \in \pi_2^\mathrm{num}(\mathbf{y})$, $\ell_\mathsf{for} \le \ell$, a choice of tangency data $\mathsf{t}$, and a universal choice of perturbation data $\mathbf{P}$. If $k + 2\ell \ge 2$, we define $\mathcal{M}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P})$ to be the moduli space of pairs $(r,u)$ where $r \in \EuR_{k,\{1,\ldots,k\},\ell,\ell_\mathsf{for},\mathbf{i}}$ ($\mathbf{i}$ is the $0/1$-labelling corresponding to $\mathbf{L}$) and $u: \Sigma^\circ_r \to X$ satisfies the pseudoholomorphic curve equation determined by the perturbation data $\mathbf{P}_{k,\{1,\ldots,k\},\ell,\ell_\mathsf{for},\mathbf{L}}$, with tangency conditions at the marked points determined by $\mathsf{t}$, and $[u]=A$. If $k+2\ell = 1$, so $(k,\ell) = (1,0)$ and $\mathbf{y} = (y_0,y_1)$, and we define $\mathcal{M}(\mathbf{y},A,0,\emptyset,\mathbf{P})$ to be the moduli space of Floer trajectories from $y_0$ to $y_1$, modulo translation. \end{defn} \begin{rmk} Note that we are only defining moduli spaces with $K^0_\mathsf{pun} = \{0,1,\ldots,k\}$: i.e., we have not defined any moduli spaces with unpuncturable boundary marked points at this point. \end{rmk} \begin{rmk} The moduli space $\mathcal{M}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P})$ depends non-trivially on $\ell_\mathsf{for}$, the number of forgettable marked points. The difference can be seen most easily when thinking about the natural Gromov compactification of the moduli space. For example, suppose that $\ell = 1$ and $\mathsf{t} = 0$. The difference between the cases $\ell_\mathsf{for} = 0$ and $\ell_\mathsf{for} = 1$ can be seen when the unique interior marked point approaches a boundary component labelled `$0$' and comes close to bubbling off inside a disc. If $\ell_\mathsf{for} = 0$, then a thin region develops where the perturbation data are required to be given by the Floer data, and the disc will break along a Hamiltonian chord; if $\ell_\mathsf{for} = 1$, then the marked point will instead bubble off inside a holomorphic disc (with vanishing Hamiltonian term in the Floer equation), connected by a node to the main component. \end{rmk} \begin{lem}\label{lem:forgmod} Suppose that the Lagrangian labelling $\mathbf{L}$ has corresponding $0/1$-labelling $\mathbf{i} = (0,\ldots,0)$, and $k+2(\ell-\ell_\mathsf{for}) \ge 1$. Define $\mathfrak{f}(\mathsf{t})$ to be the composition \[ \{1,\ldots,\ell - \ell_\mathsf{for}\} \hookrightarrow \{1,\ldots,\ell\} \xrightarrow{\mathsf{t}} (\Z_{\ge 0})^{Q_1} \xrightarrow{\mathsf{restriction}} (\Z_{\ge 0})^{Q_0}.\] Then there is a well-defined map \begin{align*} \mathfrak{f}: \mathcal{M}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P}) &\to \mathcal{M}(\mathbf{y},A,\mathfrak{f}(\mathsf{t}),\mathbf{P}^0), \qquad \text{which sends} \\ \mathfrak{f}(r,u) & := (\mathfrak{f}(r), u \circ \mathfrak{f}) \qquad\text{if $k+2(\ell-\ell_\mathsf{for}) \ge 2$.} \end{align*} In the remaining case $(k,\ell - \ell_\mathsf{for}) = (1,0)$, the map sends a pseudoholomorphic curve $(r,u)$ (or an equivalence class $[u]$ of Floer trajectories modulo translation, in the case $\ell = 0$) to the corresponding equivalence class $[u]$ of Floer trajectories modulo translation. The map is $\mathrm{Sym}(\ell - \ell_\mathsf{for}) \times \mathrm{Sym}(\ell_\mathsf{for})$-equivariant (where $\mathrm{Sym}(\ell_\mathsf{for})$ acts trivially on the target). \end{lem} \begin{proof} The first thing to check is that $\mathcal{M}(\mathbf{y},A,\mathfrak{f}(\mathsf{t}),\mathbf{P}^0)$ is defined. This follows as $k+2(\ell-\ell_\mathsf{for}) \ge 1$ by hypothesis, and furthermore $\mathfrak{f}(\mathsf{t})$ is a valid choice of tangency data, by the condition that forgettable marked points carry forgettable tangency vectors. In the case $k+2(\ell-\ell_\mathsf{for}) \ge 2$, the well-definedness of the map is immediate from the \textbf{(Compatible with $\mathbf{P}^0$)} condition on $\mathbf{P}$. In the remaining case $(k,\ell-\ell_\mathsf{for}) = (1,0)$, the well-definedness follows from the \textbf{(Floer data)} condition on $\mathbf{P}$, as the domain is $\mathfrak{f}$-striplike. \end{proof} \begin{lem}\label{lem:dimdiff} The virtual dimensions of $ \mathcal{M}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P})$ and $\mathcal{M}(\mathbf{y},A,\mathfrak{f}(\mathsf{t}),\mathbf{P}^0) $ are related by \[ \dim \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P}) = \dim \mathcal{M}(\mathbf{y},A,\mathfrak{f}(\mathsf{t}),\mathbf{P}^0) + 2\ell_\mathsf{for} - 2\sum_{i=1}^\ell \sum_{q \in Q_1 \setminus Q_0} \mathsf{t}(i)_q.\] \end{lem} \begin{proof} As in (\ref{lem:dimifreg}), we have \begin{align*} \dim \mathcal{M}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P}) & = i(A) + k-2 + 2\ell - 2 \sum_{i=1}^\ell \sum_{q\in Q_1} \mathsf{t}(i)_q , \\ \dim \mathcal{M}(\mathbf{y},A,\mathfrak{f}(\mathsf{t}),\mathbf{P}^0) & = i(A) + k-2 + 2(\ell - \ell_\mathsf{for}) - 2 \sum_{i=1}^{\ell - \ell_\mathsf{for}} \sum_{q\in Q_0} \mathsf{t}(i)_q, \end{align*} while the forgettability condition is that $\mathsf{t}(i)_q=0$ if $i>\ell-\ell_\mathsf{for}$ and $q\in Q_0$. \end{proof} \begin{lem}\label{lem:lift} Let $(r,u) \in \mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$. Then there exists a number $\ell_\mathsf{for}$, choice of tangency data $\mathsf{t}'$ satisfying $\mathfrak{f}(\mathsf{t}') = \mathsf{t}$, and element $(r',u') \in \mathcal{M}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t}',\mathbf{P})$, such that \begin{itemize} \item $\mathfrak{f}(r',u') = (r,u)$; \item $\mathsf{t}'(i) \neq 0$ for all forgettable marked points $i$. \end{itemize} These choices are unique up to the action of $\mathrm{Sym}(\ell_\mathsf{for})$ on the choice of tangency data. \end{lem} \begin{proof} We add marked points to $u$ in the finite set of points where it intersects $V_1 \setminus V_0$; and we define $\mathsf{t}'(i) := \iota(u,z_i)$ for each marked point. \end{proof} \begin{defn} Suppose $\ell = A \cdot V$, $\mathsf{q}: \{1,\ldots,\ell\} \to Q$ is a function with $|\mathsf{q}^{-1}(q)| = A \cdot V_q$, and $\mathsf{q}^{-1}(Q_1 \setminus Q_0) = \{\ell-\ell_\mathsf{for}+1,\ldots,\ell\}$. Then we can define a function $\mathsf{t}^\mathsf{can}: \{1,\ldots,\ell\} \to \Z_{\ge 0}^{Q_1}$ by setting $\mathsf{t}^\mathsf{can}(i)_q = 1$ if $\mathsf{q}(i) = q$ and $0$ otherwise. We denote the resulting moduli space by \[ \mathcal{M}(\mathbf{y},A,\mathbf{P}) := \mathcal{M}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t}^\mathsf{can},\mathbf{P}).\] It is independent of the choice of $\mathsf{q}$ up to the action of $\mathrm{Sym}(\ell-\ell_\mathsf{for}) \times \mathrm{Sym}(\ell_\mathsf{for})$. We denote by $\mathrm{Sym}(\mathsf{q}) \subset \mathrm{Sym}(\ell-\ell_\mathsf{for}) \times \mathrm{Sym}(\ell_\mathsf{for})$ the subgroup preserving $\mathsf{q}$, and observe that it acts freely on $\mathcal{M}(\mathbf{y},A,\mathbf{P})$. \end{defn} \subsection{Construction of the doubled category: transversality} We introduce moduli spaces $\mathcal{M}_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P})$, consisting of pseudoholomorphic discs with holomorphic bubble trees attached, precisely as in Section \ref{sec:transv}. We similarly introduce the subspace $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P})$ consisting of discs with simple bubble trees attached. The following Lemma is straightforward: \begin{lem}\label{lem:forgmodbt} Suppose that the Lagrangian labelling $\mathbf{L}$ has $\mathbf{i}(\mathbf{L}) = (0,\ldots,0)$, and $k+2(\ell-\ell_\mathsf{for}) \ge 1$. The map $\mathfrak{f}$ from Lemma \ref{lem:forgmod} extends to a well-defined map \begin{align*} \mathfrak{f}: \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P}) &\to \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathfrak{f}(\mathsf{t}),\mathbf{P}^0), \\ \mathfrak{f}\left((r,u),\{u_i\}_{i \in I}\right) & := \left(\mathfrak{f}(r,u), \{u_i\}_{i \in I}\right). \end{align*} \end{lem} We also have: \begin{lem}\label{lem:doublift} Let $p \in \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$. Then there exists a number $\ell_\mathsf{for}$, choice of tangency data $\mathsf{t}'$ satisfying $\mathfrak{f}(\mathsf{t}') = \mathsf{t}$, and element $p' \in \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t}',\mathfrak{f}^*\mathbf{P}^0)$, such that \begin{itemize} \item $\mathfrak{f}(p') = p$; \item $\mathsf{t}'(i) \neq 0$ for all forgettable marked points $i$. \end{itemize} Furthermore, these choices are unique up to the action of $\mathrm{Sym}(\ell_\mathsf{for})$ on the tangency data, and we have \[ \dim \left(\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t}',\mathbf{P})\right) \le \dim \left( \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)\right). \] \end{lem} \begin{proof} The first part follows easily from Lemma \ref{lem:lift}. For the second part, we note that Lemma \ref{lem:dimdiff} applies also to the moduli spaces of discs with bubble-trees: \[ \dim \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for}\mathsf{t}' ,\mathbf{P}) - \dim \mathcal{M}^*_{\{ \Gamma_i\} }(\mathbf{y},A, \mathsf{t},\mathbf{P}^0) = 2\ell_\mathsf{for} - 2\sum_{i=1}^\ell \sum_{q \in Q_1 \setminus Q_0} \mathsf{t}(i)_q.\] We combine this with the observation that \begin{align*} 0 &\neq \mathsf{t}'(i) \quad \text{for all $i \ge \ell-\ell_\mathsf{for} +1$} \\ 0 &= \mathsf{t}'(i)_q \quad \text{for all $i \ge \ell-\ell_\mathsf{for}+1$ and $q \in Q_0$} \\ \Rightarrow \ell_\mathsf{for} & \le \sum_{i=\ell-\ell_\mathsf{for}+1}^\ell \sum_{q \in Q_1 \setminus Q_0} \mathsf{t}'(i)_q . \end{align*} \end{proof} We introduce the notion of regularity of the moduli spaces $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t},\mathbf{P})$ as before. \begin{lem}\label{lem:doubtransv} Consider the setting of Lemma \ref{lem:genreg}, with the following modification: let us suppose that the previously-chosen perturbation data $\mathbf{P}^0_{k',\ell',\mathbf{L}'}$ are $V_1$-compatible. We consider the space of $\mathbf{P}^0_{k,\ell,\mathbf{L}}$ which satisfy the conditions required of a universal choice of perturbation data, and are furthermore $V_1$-compatible. The following subsets of this space are comeagre: \begin{enumerate} \item The set of $\mathbf{P}^0_{k,\ell,\mathbf{L}}$ such that $\mathcal{M}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$ is regular; \item Given $\ell_\mathsf{for}$ and $\mathsf{t}'$ such that $\mathfrak{f}(\mathsf{t}') = \mathsf{t}$, and a set of combinatorial types of bubbles trees $\{\Gamma_i\}$: the subset such that $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t}',\mathfrak{f}^*\mathbf{P}^0)$ is regular. \end{enumerate} In the case that $V_0=V_1$, the latter subset coincides with the subset such that $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$ is regular. \end{lem} \begin{proof} The proof is a minor modification of that of Lemma \ref{lem:genreg}. \end{proof} \begin{rmk} Note that we can \emph{not} prove comeagreness of the set of $\mathbf{P}^0_{k,\ell,\mathbf{L}}$ such that $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$ is regular: the proof breaks down in the presence of bubble trees with components contained inside $V_q$ for some $q \in Q_1 \setminus Q_0$, due to our requirement that $\mathbf{P}^0_{k,\ell,\mathbf{L}}$ be $V_1$-compatible. \end{rmk} \begin{defn} We say that a universal choice of perturbation data $\mathbf{P}^0$ is $\mathfrak{f}$-regular if: \begin{itemize} \item Every moduli space $\mathcal{M}(\mathbf{y},A,\mathbf{P}^0)$ of virtual dimension $\le 1$ is regular; \item $\mathbf{P}^0$ is $V_1$-compatible; \item Every moduli space $\mathcal{M}(\mathbf{y},A,\mathfrak{f}^*\mathbf{P}^0)$ of virtual dimension $1$, with all boundary labels $0$, is regular; \item Every moduli space $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathfrak{f}^*\mathbf{P}^0)$ of negative virtual dimension, with all boundary labels $0$, is empty. \end{itemize} \end{defn} \begin{lem}\label{lem:PmeansP0} If $\mathbf{P}^0$ is $\mathfrak{f}$-regular, then it is regular. \end{lem} \begin{proof} We must show that the moduli spaces $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$ having negative virtual dimension are empty. Suppose, for a contradiction, that $p$ is an element of such a moduli space. Then, in view of the ({\bf Compatibility with $\mathbf{P}^0$}) condition on $\mathbf{P}$, there exists $p' \in \mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\ell_\mathsf{for},\mathsf{t}',\mathbf{P})$ mapping to $p$ by Lemma \ref{lem:doublift}. However the virtual dimension of this moduli space is bounded above by that of $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$, which is negative by assumption: hence the moduli space is empty by $\mathfrak{f}$-regularity of $\mathbf{P}^0$, giving a contradiction. \end{proof} Recall that Definition \ref{defn:regularity} decreed that $\mathbf{P}^0$ is regular if all moduli spaces $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$ of negative virtual dimension and all moduli spaces $\mathcal{M}(\mathbf{y}, A, \mathbf{P}^0)$ of virtual dimension $\leq 1$ are regular. Thus the moduli spaces $\mathcal{M}(\mathbf{y}, A, \mathbf{P}^0)$ directly involved in defining $\mu^k$ or in proving the $A_\infty$ equations are regular, while unwanted strata $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$ of the Gromov closure are empty. It was observed in the proof of Corollary \ref{cor:regex} that one can actually arrange that all moduli spaces $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P}^0)$ are regular, regardless of dimension; but we did \emph{not} make this part of the definition of regularity for $\mathbf{P}^0$. That is because had we done so, Lemma \ref{lem:PmeansP0} would not have held, for the reason mentioned after Lemma \ref{lem:doubtransv}. \begin{lem}\label{lem:fregex} There exists an $\mathfrak{f}$-regular universal choice of perturbation data $\mathbf{P}^0$. If $V_0 = V_1$, then $\mathbf{P}^0$ is $\mathfrak{f}$-regular if and only if it is regular. \end{lem} \begin{proof} An $\mathfrak{f}$-regular universal choice of perturbation data can be constructed inductively, using Lemma \ref{lem:doubtransv}. If $V_0=V_1$, then the definitions of $\mathfrak{f}$-regularity and regularity manifestly coincide. \end{proof} We now make a similar definition of regularity for $\mathbf{P}$: \begin{defn} We define $\mathbf{P}$ to be regular if all moduli spaces $\mathcal{M}^*_{\{\Gamma_i\}}(\mathbf{y},A,\mathsf{t},\mathbf{P})$ having negative virtual dimension are regular (i.e., empty), and all moduli spaces $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ having virtual dimension $\le 1$ are regular. \end{defn} \begin{lem} For any regular universal choice of perturbation data $\mathbf{P}^1$, and any $\mathfrak{f}$-regular universal choice of perturbation data $\mathbf{P}^0$, there exists a corresponding regular universal choice of perturbation data $\mathbf{P}$. \end{lem} \begin{proof} The perturbation data $\mathbf{P}^0$ (respectively $\mathbf{P}^1$) determine the perturbation data $\mathbf{P}$ on all moduli spaces with boundary labels $(0,\ldots,0)$ (respectively $(1,\ldots,1)$), and make the required moduli spaces of discs with bubble trees regular. We can extend these to perturbation data on moduli spaces with boundary labels of mixed types by Lemma \ref{lem:genreg}. \end{proof} Henceforth, we fix such a choice of $\mathbf{P}^0,\mathbf{P}^1,\mathbf{P}$. \begin{lem}\label{lem:forgiso} Suppose that $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ has dimension $\le 1$. Then the map from Lemma \ref{lem:forgmod} defines an isomorphism \[ \mathfrak{f}: \mathcal{M}(\mathbf{y},A,\mathbf{P})/\mathrm{Sym}(\ell - \ell_\mathsf{for}) \times \mathrm{Sym}(\ell_\mathsf{for}) \xrightarrow{\sim} \mathcal{M}(\mathbf{y},A,\mathbf{P}^0)/\mathrm{Sym}(\ell-\ell_\mathsf{for}).\] \end{lem} \begin{proof} We first check that the map is well-defined: i.e., that $\mathfrak{f}(\mathsf{t}^\mathsf{can})$ is a canonical choice of tangency data and $k+2(\ell-\ell_\mathsf{for}) \ge 1$. The first part is clear. For the second part, suppose to the contrary that $(k,\ell-\ell_\mathsf{for}) = (0,0)$. Then because $\mathfrak{f}(\mathsf{t}^\mathsf{can})$ is a choice of tangency data, we must have $A \cdot V_q = 0$ for all $q \in Q_0$; since $V_0$ is a system of divisors, its components span $H^2(X,X \setminus D;\Q)$, so it follows that $A \cdot V_q = 0$ for all $q \in Q_1$ too. This implies that $\ell=\ell_\mathsf{for}=0$, so $(k,\ell) = (0,0)$, which is a contradiction as we assumed $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ to be well-defined. The uniqueness statement in Lemma \ref{lem:doublift} implies that it is injective, because $\mathsf{t}^\mathsf{can}(i) \neq 0$ for all forgettable marked points $i$. Lemma \ref{lem:doublift} also implies surjectivity: if $\mathsf{t}'$ denotes the tangency data for the lift provided by the Lemma, and $\mathsf{t}' \neq \mathsf{t}^\mathsf{can}$, then applying Lemma \ref{lem:dimdiff} as in the proof of Lemma \ref{lem:doublift} easily gives \begin{align*} \dim \mathcal{M}(\mathbf{y},A,\mathsf{t}',\mathbf{P}) & = \dim(\mathbf{y},A,\mathsf{t},\mathbf{P}^0) + 2\ell_\mathsf{for} - 2 \sum_{i=1}^\ell \sum_{q \in Q_1 \setminus Q_0} \mathsf{t}'(i)_q \\ &\le 1 - 2 < 0. \end{align*} Hence the moduli space $\mathcal{M}(\mathbf{y},A,\mathsf{t}',\mathbf{P})$ is empty unless $\mathsf{t}' = \mathsf{t}^\mathsf{can}$; it follows that $\mathfrak{f}$ must be surjective, and is therefore an isomorphism. \end{proof} \subsection{Construction of the doubled category: compactness} As before, we let $\overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$ denote the closure of $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ inside its Gromov compactification; this exists because our perturbation data extend smoothly to the Deligne--Mumford compactification. \begin{lem}\label{lem:nounpunc} Elements of $\overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$ contain no unpuncturable points. \end{lem} \begin{proof} Since elements of $\mathcal{M}(\mathbf{y},A,\mathbf{P})$ have no unpuncturable points, such a point could only develop if an $\mathfrak{f}$-unstable disc bubbled off in the Gromov limit. The proof that this cannot happen is the same as that of Corollary \ref{cor:nounstable}: $V_0$ is a system of divisors, hence would intersect such a disc in a stabilizing unforgettable marked point. \end{proof} The proof of the following is the same as that of Lemma \ref{lem:nospheresdim1}: \begin{lem} Suppose that $\dim \mathcal{M}(\mathbf{y},A,\mathbf{P}) \le 1$. Then elements of $\overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$ contain no sphere bubbles. \end{lem} \subsection{Construction of the doubled category} We have defined the objects and morphism spaces of $\EuC$. We define the $A_\infty$ structure maps by counting elements of $\mathcal{M}(\mathbf{y},A,\mathbf{P})/\mathrm{Sym}(\mathsf{q})$, precisely as in Definition \ref{def:ainf}. The proof that they satisfy the $A_\infty$ equations is the same: the terms are in one-to-one correspondence with boundary points of the compact one-manifolds $\overline{\mathcal{M}}(\mathbf{y},A,\mathbf{P})$ (here we use Lemma \ref{lem:nounpunc} to show that no other types of boundary points appear). The subcategory consisting of objects $L^1$ is strictly isomorphic to $\EuF(X,D,V_1)$, by the \textbf{(Compatible with $\mathbf{P}^1$)} condition on $\mathbf{P}$; and the subcategory consisting of objects $L^0$ is strictly isomorphic to $\EuF(X,D,V_0,\mathbf{P}^0) \otimes_{\Z\power{\mathsf{N}_0}} \Z\power{\mathsf{N}_1}$, by Lemma \ref{lem:forgiso}. The embeddings of \eqref{eq:embeds} are quasi-equivalences modulo $\mathfrak{m}$, as observed in \cite[Section 10a]{Seidel:FCPLT}; hence they are filtered curved quasi-equivalences. The set of $\mathfrak{f}$-regular perturbation data $\mathbf{P}^0$ is a non-empty subset of the set of regular perturbation data, which coincides with the full set of regular perturbation data in the case $V_0 = V_1$, by Lemmas \ref{lem:PmeansP0} and \ref{lem:fregex}. This completes the proof of Proposition \ref{prop:indep}. \subsection{Regular sublevel set} If $c_0\le c_1$, there is an obvious inclusion $\{h \le c_0\} \hookrightarrow \{h \le c_1\}$ which induces a strict inclusion of relative Fukaya categories. This is a quasi-equivalence modulo $\mathfrak{m}$ by \cite[Corollary 10.6]{Seidel:FCPLT}, hence a filtered curved quasi-equivalence. \subsection{Relative K\"ahler form} The argument that the relative Fukaya category is independent of the relative K\"ahler form is a straightforward modification of the proof of \cite[Lemma 4.12]{Sheridan2016}, so we omit it. \bibliographystyle{amsalpha}
d449414c976d68b9481c561c181830d8ca29be46
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Additional details and analysis in the synthetic experiments}\label{app:details_exp} In this section, we provide additional details on the hyperparameter selection procedure in the synthetic networks of Section \ref{sec:exp_synthetic}, and two supplementary experiments, namely a sensitivity analysis of our method to the window size parameter $L$ and to the choice of pooling layer in the similarity module (see Section \ref{sec:methodology}). \subsection{Hyperparameter selection} In each scenario and difficulty level, we train our s-GNN over 100 epochs and and validate using the F1-score. We select one set of hyperparameters of the s-GNN (i.e., learning rate, number of hidden units, dropout rate and size of Sort-$k$ layer) per scenario by searching over a grid of values in one difficulty level, i.e., $p = 0.03$ in Scenario 1, $s=60$ in Scenario 2, $p = 0.06$ in Scenario 3, and $h= 0.1$ in Scenario 4. For choosing the hyperparameters we test every configuration of values with the learning rate in the set $\{0.001, 0.01\}$, the dropout rate in $\{0.01, 0.05, 0.1\}$, the size of the Sort-$k$ layer in $\{20, 40, 100\}$, the number of hidden units in $\{16, 32, 64\}$, and select the one with the highest F1-score on the validation set. For each graph distance baseline $d$, we use the training and validation sets to choose a classification threshold $\theta$ such that the estimated label $\hat{y}_i = 1$ if $d(G_1^i, G_2^i) < \theta$ and $\hat{y}_i = 0$ otherwise (or reversely for the WL kernel). \subsection{Sensitivity to the window size}\label{app:sensitivity} We evaluate the sensitivity of our NCPD method and the baselines to the window size parameter $L$ in the \textbf{``Merge"} scenario from Section \ref{sec:exp_synthetic}. We recall that this hyperparameter corresponds to the amount of past (and future for some baselines) information needed to compute the NCPD statistic. It is therefore also the minimal distance between change-points that a method can detect. In this analysis, we test the performances of the methods using different window sizes in a a synthetic setting from Section \ref{sec:exp_synthetic}. More precisely, we consider Scenario 1 (``Merge") and three difficulty levels ($p = 0.3, 0.4, 0.5$). We report our findings in Figure \ref{fig:sensitivity_window}. We note that our method is not very sensitive to the window size, in particular our best variant (\textbf{s-GNN-RW}) outperforms the baselines for all window sizes. We also remark that the two methods based on the CUSUM statistic (\textbf{CUSUM} and \textbf{CUSUM 2}) have better performances for larger $L$, and this effect is larger than for the other baselines. In conclusion, the choice of window size in our NCPD statistic \eqref{eq:CP_stat} does not have a big impact on the performance of our method, and therefore does not require to be finely tuned. \begin{figure} \centering \begin{subfigure}[b]{0.8\textwidth} \centering \includegraphics[width=\textwidth]{figures/detection_simulation1_bis_2_window_1_boxplot.pdf} \caption{Difficult level} \label{fig:diff1} \end{subfigure} \hfill \begin{subfigure}[b]{0.8\textwidth} \centering \includegraphics[width=\textwidth]{figures/detection_simulation1_bis_2_window_2_boxplot.pdf} \caption{Moderate level} \label{fig:diff2} \end{subfigure} \hfill \begin{subfigure}[b]{0.8\textwidth} \centering \includegraphics[width=\textwidth]{figures/detection_simulation1_bis_2_window_3_boxplot.pdf} \caption{Easy level} \label{fig:diff3} \end{subfigure} \hfill \caption{Performances on the detection task in the \textbf{``Merge"} scenario for 3 window sizes $L = 6, 12, 24$ in three difficulty levels: difficult ($p = 0.3$) (\subref{fig:diff1}), moderate ($p = 0.4$) (\subref{fig:diff2}), easy ($p = 0.5$) (\subref{fig:diff3}).} \label{fig:sensitivity_window} \end{figure} \subsection{Sensitivity to the pooling layer} In this section, we test the importance of using a Sort-$k$ pooling layer in our similarity module (Figure \ref{fig:similarity_module}). We consider the \textbf{``Birth 1"} scenario from Section \ref{sec:exp_synthetic} and compare the performance of our method with Sort-$k$ pooling ($k=100$) with the same method with Max or Average pooling. We report our findings in Figure \ref{fig:sens_pooling}. We note that Max pooling does not have good performances in this experiment and Average pooling has a higher variance than Sort-$k$, except in the last (and easiest setting). It may be due to the fact that Max pooling is less robust to the sparsity of the network than Sort-$k$ and Average pooling, and that the latter cannot detect local changes in the graphs since it averages the displacement over the whole set of nodes. Therefore, we can conclude that Sort-$k$ pooling is more adapted to detect small distribution changes, while being robust to the sparsity of edges. \begin{figure} \centering \includegraphics[width=0.7\textwidth]{figures/detection_merge_simulation_pooling_diff_0_baselines_window_1.pdf} \caption{Localisation error of the s-GNN in the \textbf{``Birth 1"} scenario with different choices of pooling layers in the similarity module, namely Sort-$k$, Max and Average pooling.} \label{fig:sens_pooling} \end{figure} \section{Additional results on the S\&P 500 stock returns data set}\label{app:stocks} In this section, we first report additional figures illustrating the procedure for pre-estimating change-points in the training and validation sequences of the dynamic correlation network; secondly we analyse the network using the eigen-entropy $H(t)$, as previously done in \cite{chakraborti2020phase} on similar data. This latter analysis also gives an insight on the possible market phases (i.e., the period in-between our estimated change-points). In Figure \label{fig:aris}, we plot the heatmap of the similarity matrix between the graph snapshots in the training and validation sequences. We recall from Section \ref{sec:exp_financial} that the similarity score between pairs of snapshots is measured in terms of the Adjusted Rand Index values between the stock partitions obtained for each snapshots. We note that this similarity matrix seems to have a cluster structure; in particular, high similarity scores can be found during the period of the financial crisis from 2007 to 2011 and in 2001-2002. The clustering procedure of this matrix with spectral clustering and a post-processing step (see \ref{sec:exp_financial}) leads to the pre-estimated change-points plotted in Figure \ref{fig:preCPS}. \begin{figure} \centering \includegraphics[width=0.5\textwidth]{figures/fin_nets_ari.pdf} \caption{Matrix of Adjusted Rand Index values between the partitions obtained for each pair of graph snapshots in the correlation network of S\&P 500 stock returns. \mcc{The first two digits denote the month, followed by the year.} } \label{fig:aris} \end{figure} \begin{figure} \centering \includegraphics[width=\textwidth]{figures/fin_pretext_task.pdf} \caption{Pre-estimated change-points on the training and validation sequences of the S\&P 500 stock returns correlation network.} \label{fig:preCPS} \end{figure} \paragraph{Analysis of the eigen-entropy} We first analyse the correlation structures of our graphs using the eigen-entropy $H(t)$ \cite{chakraborti2020phase}. The eigen-entropy of a graph is defined as the entropy of the eigen-centrality vector, which is a $L_1$-normalised version of the principal eigenvector of the graph adjacency matrix. This principal eigenvector is related to the relative ranks of the different stocks in the market and its entropy measures the market ``disorder". The correlation matrices $C(t)$'s can be further decomposed into a market mode (principal eigen matrix) $C(t)_M$ and a composite group plus random mode $C(t)_{GR}$ and their corresponding eigen-entropy $(H_M(t), H_{GR}(t)$ can be also computed (see Figure \ref{fig:eigen_entropy}). This allows to define a 3D-phase space where the graphs can be separated into types (e.g. market anomalies, crashes, normal behaviour or highest disorder in \cite{chakraborti2020phase}). A 2D visualisation of our graphs with their corresponding labels is given in Figure \ref{fig:phase_space}. The distribution of the average eigen-centrality vectors in each class of graphs also indicates that the correlation structure changes in the different phases (see Figure \ref{fig:centrality_dist}). \cite{chakraborti2020phase} also observe a scaling behaviour by comparing the absolute entropy difference $|H - H_{GR}|$ and the mean market correlation (see Figure \ref{fig:entropy_mmc}). \begin{figure} \centering \includegraphics[width=0.9\linewidth]{figures/entropy_all.png} \caption{Eigen-entropy of the correlation graph, the market mode and the group plus random mode over time.} \label{fig:eigen_entropy} \end{figure} \begin{figure} \centering \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_0.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_1.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_2.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_3.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_4.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_5.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_6.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_7.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_8.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_9.0.png} \includegraphics[width=0.32\linewidth]{figures/sns_centrality_distribution_class_10.0.png} \caption{Histogram of the values in the average eigen-centrality vector of each class (phase) of graphs (the subplots correspond to different classes).} \label{fig:centrality_dist} \end{figure} \begin{figure} \centering \begin{subfigure}[b]{0.45\textwidth} \includegraphics[width=\linewidth]{figures/phase_space.png} \caption{Entropy differences $|H - H_{GR}|$ versus $|H - H_{M}|$.} \label{fig:phase_space} \end{subfigure} \hfill \begin{subfigure}[b]{0.45\textwidth} \includegraphics[width=\linewidth]{figures/entropy_vs_mean_market_corr.png} \caption{Entropy differences $|H - H_{M}|$ versus mean market correlation.} \label{fig:entropy_mmc} \end{subfigure} \hfill \caption{Entropy differences $|H - H_{GR}|$ versus $|H - H_{M}|$ (in log scale) (\subref{fig:phase_space}) and entropy differences $|H - H_{M}|$ versus mean market correlation (\subref{fig:entropy_mmc}) for the graphs in the financial correlation dynamic network. The colors indicate the class of the graphs in our partition.} \label{fig:phase_entropy} \end{figure} \section{Additional experimental results on the physical activity monitoring data} \subsection{Similarity between activities and subjects}\label{app:similarity_act} Additional results on the similarity between activities and subjects are presented in Figure~\ref{fig:av_corr_0}, Figure~\ref{fig:av_dist_sub_0}, Figure~\ref{fig:dist_act}, and Figure~\ref{fig:av_dist_subj}. \begin{figure} \centering \begin{subfigure}[b]{0.29\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_1.0.pdf} \caption{Activity 1} \end{subfigure} \hfill \begin{subfigure}[b]{0.29\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_2.0.pdf} \caption{Activity 2} \end{subfigure} \hfill \begin{subfigure}[b]{0.35\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 0cm 0.5cm}, clip]{figures/phyact_avcorr_subject_0_acti_3.0.pdf} \caption{Activity 3} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_4.0.pdf} \caption{Activity 4} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_5.0.pdf} \caption{Activity 5} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_6.0.pdf} \caption{Activity 6} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_7.0.pdf} \caption{Activity 7} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_12.0.pdf} \caption{Activity 12} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_13.0.pdf} \caption{Activity 13} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_16.png} \caption{Activity 16} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_17.0.pdf} \caption{Activity 17} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 3cm 0.8cm}, clip]{figures/phyact_avcorr_subject_0_acti_24.0.pdf} \caption{Activity 24} \end{subfigure} \hfill \caption{Average adjacency matrices for each of the 12 activities performed by Subject 1. } \label{fig:av_corr_0} \end{figure} \begin{figure} \centering \begin{subfigure}[b]{0.49\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 0cm 1cm}, clip]{figures/phyact_subject_0_100_av_acti_distance.png} \caption{Distance between average adjacency matrices per activity.} \end{subfigure} \hfill \begin{subfigure}[b]{0.49\textwidth} \centering \includegraphics[width=\linewidth, trim={0cm 0cm 0cm 1cm}, clip]{figures/phyact_subject_0_100_acti_distance.png} \caption{Average (and standard deviation) distance between graphs grouped by activities.} \end{subfigure} \hfill \caption{Frobenius distance between graphs in the dynamic network corresponding to Subject 1.} \label{fig:av_dist_sub_0} \end{figure} \begin{figure} \centering \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_1.png} \caption{Activity 1} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_2.png} \caption{Activity 2} \end{subfigure} \hfill \begin{subfigure}[b]{0.34\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 2cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_3.png} \caption{Activity 3} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_4.png} \caption{Activity 4} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_5.png} \caption{Activity 5} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_6.png} \caption{Activity 6} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_7.png} \caption{Activity 7} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_12.png} \caption{Activity 12} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_13.png} \caption{Activity 13} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_16.png} \caption{Activity 16} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_17.png} \caption{Activity 17} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\linewidth, trim={1cm 0cm 4cm 0.8cm}, clip]{figures/phyact_dist_subjects_acti_24.png} \caption{Activity 24} \end{subfigure} \hfill \caption{Average (and standard deviation) Frobenius distance between the graphs grouped by subjects for each activity label.} \label{fig:dist_act} \end{figure} \begin{figure} \centering \includegraphics[width=0.4\linewidth, trim={1cm 0cm 1cm 0.9cm}, clip]{figures/phyact_dist_subjects.png} \caption{Average Frobenius distance between graphs with the same label grouped by subjects.} \label{fig:av_dist_subj} \end{figure} \subsection{ONCPD statistic} Additional results on ONCPD statistics are presented in Figure~\ref{fig:res_exp1_stat_gnn}, Figure~\ref{fig:res_exp1_stat_cusum}, and Figure~\ref{fig:res_exp1_stat_fro}. \begin{figure} \centering \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_sgnn_subject_0_20.pdf} \caption{Subject 1} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_sgnn_subject_10_20.pdf} \caption{Subject 2} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_sgnn_subject_30_20.pdf} \caption{Subject 3} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_sgnn_subject_40_20.pdf} \caption{Subject 4} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_sgnn_subject_50_20.pdf} \caption{Subject 5} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_sgnn_subject_60_20.pdf} \caption{Subject 6} \label{} \end{subfigure} \hfill \caption{Change point detection statistic of our sGNN method and activity change points (in red) with a tolerance of $\pm 5$ timestamps for Subjects 1-6 a window size $L = 10$.} \label{fig:res_exp1_stat_gnn} \end{figure} \begin{figure} \centering \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_cusum_subject_0_20.pdf} \caption{Subject 1} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_cusum_subject_10_20.pdf} \caption{Subject 2} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_cusum_subject_30_20.pdf} \caption{Subject 3} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_cusum_subject_40_20.pdf} \caption{Subject 4} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_cusum_subject_50_20.pdf} \caption{Subject 5} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_cusum_subject_60_20.pdf} \caption{Subject 6} \label{} \end{subfigure} \hfill \caption{CUSUM 2 statistic and activity change points (in red) with a tolerance of $\pm 5$ timestamps for Subjects 1-6 a window size $L = 20$.} \label{fig:res_exp1_stat_cusum} \end{figure} \begin{figure} \centering \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_frobenius_subject_0_20.png} \caption{Subject 1} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_frobenius_subject_1_20.png} \caption{Subject 2} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_frobenius_subject_2_20.png} \caption{Subject 3} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_frobenius_subject_3_20.png} \caption{Subject 4} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_frobenius_subject_4_20.png} \caption{Subject 5} \label{} \end{subfigure} \hfill \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figures/phyact_frobenius_subject_5_20.png} \caption{Subject 6} \label{} \end{subfigure} \hfill \caption{Change point detection statistic using the Frobenius distance and activity change points (in red) with a tolerance of $\pm 5$ timestamps for Subjects 1-6 a window size $L = 20$.} \label{fig:res_exp1_stat_fro} \end{figure} \subsection{Sensitivity to the tolerance level} In this section, we investigate the sensitivity of our results presented in Table \ref{tab:res_exp1} to the tolerance level chosen to compute the adjusted F1-score. We consider the \textbf{Random split} experiment in the \textbf{Cross-Individual} task from Section \ref{sec:exp_physical}, and we reproduce this experiment for different levels of tolerance $\text{tol} = \{1,3,5,7\}$. We report the numerical results in Table \ref{tab:res_exp2_tolerance}. We note that our method has the best performance for all considered levels. \clearpage \begin{table} \centering \begin{tabularx}{\textwidth}{ >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X } \toprule \multicolumn{6}{c}{\textbf{Cross-individual NCPD}} \\ \midrule Tolerance & s-GNN-I & Frobenius & SC-NCPD & CUSUM & CUSUM 2 \\ \midrule 1 & \textbf{0.60 (0.30)} & 0.53 (0.22) & 0.43 (0.32) & 0.33 (0.24) & 0.42 (0.30) \\ 3 & \textbf{0.87 (0.25)} & 0.68 (0.20) & 0.70 (0.31) & 0.53 (0.24) & 0.76 (0.29) \\ 5 & \textbf{0.61 (0.27)} & 0.53 (0.20) & 0.41 (0.32) & 0.27 (0.22) & 0.44 (0.31) \\ 7 & \textbf{0.85 (0.28)} & 0.71 (0.21) & 0.71 (0.30) & 0.56 (0.25) & 0.75 (0.29) \\ \bottomrule \end{tabularx} \caption{Adjusted F1-score of our method (s-GNN) and baselines in the \textbf{Cross-individual} NCPD task and the random split setting on the physical activity monitoring data. The bold values in each row denote the top performing method. The values in the parentheses denote the standard deviation over 10 repetitions of the random splits train/validation/set. \mc{We remark that different rows corresponding to different tolerance levels essentially amounts to defining a different set of ground truth change-points, and hence we should not necessarily expect a monotonic relationship between tolerance versus the recovery accuracy of all methods; the main take-away message here is that the s-GNN method attains superior performance when compared to other baselines, for the same tolerance level.}} \label{tab:res_exp2_tolerance} \end{table} \end{appendix} \section{Introduction} The study of dynamic - or temporal, evolutionary, time-varying - networks has become very popular in the last decade, with the increasing amount of sequential data collected from structured and evolving systems, e.g. online communication platforms \cite{kumar2019}, co-voting networks \cite{wilson2016modeling} or fMRI data \cite{Cribben2017}. In fact, adding a time component to graph-structured data leads to a richer representation and allows more powerful analysis \cite{skarting2021}. This is particularly important when the network is governed by a non-stationary underlying process, which dynamics undergo abrupt switches or breaks. For instance, interaction patterns in social networks, such as Twitter or Reddit, can be very quickly modified after some event or ``shock`` \cite{rossi2020temporal}, \mc{thus providing strong motivation for incorporating a temporal dimension in the analysis}. Detecting such structural breaks is a common task in diverse applications, from brain connectivity state segmentation \cite{ondrus2021} to phase discovery in financial correlation networks \cite{Barnett2016}. Moreover, most real-world dynamic networks are structured around functional groups or densely connected communities. Therefore their evolution over time has been often measured by the changes in these substructures - sometimes called \textit{community life-cycle} \cite{Rossetti_2018} - e.g. growth, \mc{decay}, merges, splits, etc. For multivariate time series, change-point detection is a task that has been widely studied in various settings (e.g., nonparametric \cite{Zou_2014}, high-dimensional \cite{wang2017highdimensional} or online \cite{Chen2020}). The equivalent task for dynamic networks is often denoted network change-point detection (NCPD) and has recently become a popular problem with numerous successful applications in finance \cite{Barnett2016}, neuroscience \cite{OforiBoateng2019NonparametricAD} or transport networks \cite{yu2021optimal}. Depending on the type of problem at hand, dynamic networks have been represented in multiple ways, e.g., with contact sequences, interval graphs, graph snapshots (see \cite{Holme_2012} for a precise review of concepts, models and applications). In this work, we will consider the discrete representation of time-varying networks or \emph{snapshot networks}: we \mc{denote} a dynamic network $\mathcal{N}_I = \{G_t\}_{t \in I}$ \mc{to be} a sequence of graph snapshots, where $I$ is an ordered set, chosen as $\mathbb{N}_{>0}$ for simplicity, and each $G_t, t \in I,$ is a (static) graph. We note that each $G_t$ is a general graph, that can be directed and/or have edge weights or node attributes. We define a change-point for the network $\mathcal{N}$ as a timestamp $t \in \mathbb{N}_{>0}$ such that the generative distribution of the graphs before $t$, $(G_1, \dots, G_{t-2}, G_{t-1})$ is different from the one of graphs observed \hk{from} $t$, $(G_{t}, G_{t+1}, \dots)$. When the generative distribution of the graph snapshots, a change-point for a dynamic network sequence is more broadly defined as a timestamp $t$ where a significant shift or deviation can be observed between $G_t$ and the preceding graph snapshots. In general, a dynamic network may contain multiple change-points and \mc{the tasks of} detecting and localisating the latter therefore correspond to partitioning an observation window $[1,T], T > 0$ into segments $[1,T] = \bigcup_{i=0}^{K-1} [\tau_i, \tau_{i+1}]$ \hk{where }$\tau_0 = 1$ \hk{and} $\tau_{K} = T$, such that the generative distribution of the graph snapshots is stationary on $[\tau_i, \tau_{i+1}]$ for each $i$. Intuitively, each temporal segment $[\tau_i, \tau_{i+1}]$ can be associated with a state of the underlying process, and each change-point $\tau_i$ can be interpreted as a response of the system to an external event. Therefore, NCPD shares some \mc{similarity with the task of} anomaly detection in temporal graphs \cite{enikeeva2021changepoint}. In an online setting, one aim\hk{s to} detect such change-points while the graph snapshots are collected, and with minimal detection delay, while in a\hk{n} offline setting, such analysis is conducted \emph{a posteriori} on the whole data sequence. For particular graph generative models, the feasibility of the NCPD task and minimax rates of estimation have been analysed in dynamic random graph models, e.g., Bernoulli networks \cite{Padilla2019, enikeeva2021changepoint, yu2021optimal, wang2020optimal}, graphon models \cite{zhao2019changepoint}, stochastic block models \cite{wilson2016modeling, wang2013locality} and generalized hierarchical random graphs \cite{peel2014detecting}. However, most real-world dynamic networks have heterogeneous properties, e.g. sparsity, edge weights, node attributes or nonlinear dynamics \cite{li2017} - and neither their generative distribution nor the type of change that can happen are known in advance. Many existing methods for NCPD measure the discrepancy between two subsets of graphs, and rely on a graph similarity function, kernel or distance for pairwise graph comparisons \cite{chu2018sequential, Cribben2017, zhao2019changepoint, gretton2008kernel}. However, it is often difficult to choose \emph{a priori} an appropriate measure of similarity (or dissimilarity) that can integrate all the network characteristics, \mc{while being agnostic to the generating mechanism or type of change-point}. Consequently, without any domain knowledge, this choice is often arbitrary, and result in poor performances \cite{chu2018sequential, enikeeva2021changepoint, Kriege_2020}. Moreover, most online NCPD methods require \hk{finely tuning} several hyperparameters, such as detection thresholds \cite{yu2021optimal} and window sizes \cite{Huang2020}. To address these challenges, we propose a change-point agnostic and end-to-end method for online NCPD that in particular includes learning a data-driven graph similarity function. Our method is therefore adaptive to the network distribution and different types of change-points; in particular, it can easily incorporate general graph features such as node attributes, edge weights or attributes, and can adapt to sparse settings. In summary, our contributions are the following: \begin{itemize} \item We propose a graph similarity learning model based on a siamese graph neural network \mcc{able to handle any available node attributes,} and demonstrate how it can be \mc{leveraged for the online NCPD problem} with an adequate training procedure. In particular, our learnt similarity function is sensitive to both local and global displacements in the graph structure, and can effectively be employed in the context of change-point (and anomaly) detection in temporal networks. \item We use an efficient online NCPD statistic with a short-term history of the graph snapshots that avoids detection delays and requires little additional hyperparameter tuning. \item We empirically demonstrate the advantages of our method on synthetic networks with diverse types of change-points, as well as on two challenging real-world data sets. We notably design a self-supervised training procedure for data without ground-truth labelling of change-points. \end{itemize} \paragraph{Paper outline.} In Section \ref{sec:rel_work}, we succinctly review existing work on NCPD and present our general setup and methodology in Section \ref{sec:methodology}. In Section \ref{sec:experiments}, we evaluate our method on synthetic and real-world data sets and compare to several existing NCPD baseline methods. Finally, we conclude in Section \ref{sec:discussion} with a summary of our results and discuss possible future developments. \section{Related works}\label{sec:rel_work} The study of dynamic networks, and in particular NCPD, is a relatively recent area of research that has largely incorporated principles from change-point detection in time series, \mc{especially in high-dimensional settings}. Some NCPD methods estimate the parameters of a network model, e.g., the generalised hierarchical random graph \cite{peel2014detecting}, a stochastic block model \cite{deridder2016} or the preferential attachment model \cite{bhamidi18}, and conduct hypothesis tests to detect changes in the estimated parameters. Other methods maximize a penalized likelihood function, e.g., based on a non-homogeneous Poisson point process model \cite{Corneli2018MultipleCP} or a dynamic stochastic block model \cite{wilson2016modeling, bhattacharjee2020change}. However, for real-world networks, the assumption on a particular model can sometimes be too restrictive. Several model-agnostic methods for NCPD extract features from the graph snapshots, e.g., the degree distribution \cite{miller2018size} or the joint distribution of a set of edges \cite{wang2017fast}, and use classical discrepancy measures to quantify the amount of change. Other methods relying on pairwise comparison of graphs use a graph similarity or pseudo-distance, such as the DeltaCon metric \cite{Koutra2016DeltaConPM}, the Hamming distance and the Jaccard distances \cite{donnat2018tracking}, the Frobenius and maximum norms \cite{Barnett2016}, spectral distances based on the Laplacian \cite{Huang2020, Cribben2017, hewapathirana2019change}, $\ell_2$ or $\ell_{\infty}$ norms \cite{zhao2019changepoint} or a graph kernel \cite{desobry2005online, gretton2008kernel, harchaoui2009kernel}. Nevertheless, these graph metrics suffer from intrinsic limitations; e.g., the Hamming distance is sensitive to the graph density and the Jaccard distance treats all edges uniformly \cite{donnat2018tracking}. Furthermore, it has been previously underlined that the choice of graph distance can significantly affect a method's results \cite{Barnett2016}, and therefore requires \textit{a-priori} knowledge or assumption on the network distribution. One widely popular statistic in change-point detection problems is the cumulative sums (CUSUM) statistic, which has been used in different time series contexts, e.g., in the offline and high-dimensional setting (in combination with the network binary segmentation algorithm) \cite{wang2017highdimensional}, and more recently, in the online setting \cite{Chen2020}. Several NCPD methods have adapted this efficient statistic to dynamic networks, e.g., for sparse graphs \cite{wang2020optimal}, graphs with missing links \cite{dubey2021online, enikeeva2021changepoint}, in offline \cite{Padilla2019} and online \cite{yu2021optimal} settings, and proved that minimax rates of estimation can be obtained for the overall false alarm probability and the detection delay. However, computing the CUSUM statistic necessitates a ``forward'' window to detect a change at a given timestamp, and methods based on this statistic often require to tune several hyperparameters (e.g., one or several detection thresholds). In addition to the aforementioned limitations, most previously cited methods do not provide a principled way to incorporate node attributes or even edge weights. Interestingly, \mc{to the best of our knowledge, no prior work has ever considered graph neural networks (GNNs) for the NCPD problem, despite the fact that such architectures can easily handle different types of networks (e.g., signed \cite{derr2018signed} or directed \cite{huang2019signed} ), and in particular, can inherently account for any available node attributes} \cite{kipf2016semi}. In dynamic network modelling, graph convolutional recurrent networks \cite{gcrn2018} and dynamic graph convolutional networks \cite{dgcn2020} were introduced for predicting graph-structured sequences. In the dynamic link prediction task, methods that learn representations of dynamic networks have been proposed, using deep temporal point processes \cite{trivedi2018dyrep}, joint attention mechanisms on nodes neighborhoods and temporal domain \cite{ sankar2020}, memory feature vectors in message-passing architectures \cite{rossi2020temporal} or recurrent neural networks \cite{zhang2021dynamic, kumar2019}. For anomalous edge detection in dynamic graphs, \cite{cai21} process subgraphs around the target edges through convolution and sort pooling operations, and gated recurrent units. To our knowledge, only one prior work has incorporated GNN layers in a method for change-point detection, \mc{but has done so} in the context of multivariate time series \cite{zhang2020correlationaware}. However, in this method, the GNN encodes the cross-covariances between the time series' dimensions in the spatial layers, and is one part of a complex neural network architecture (the temporal dependencies being encoded by recurrent neural network layers). Moreover, while GNNs have proved to effectively learn representations of graphs, they can also be leveraged to learn graph similarity functions in a data-driven way and for particular tasks in a end-to-end fashion. This now popular problem is called \emph{graph similarity learning (GSL)} \cite{ma2020deep}. One common type of \hk{model} for this task is siamese networks \cite{Koch2015SiameseNN}, e.g., siamese graph neural networks \cite{ma2019similarity}) or graph matching networks \cite{Li2019GraphMN, ling2021}. These architectures allow to learn flexible and adaptive similarity functions and have been successfully applied to several tasks and graph domains, e.g. \mc{classification} of brain networks \cite{ma2019similarity, liu2019communitypreserving, ktena2017distance}, image \hk{classification} \cite{mensink2012metric}, and detection of vulnerabilities in software systems \cite{Li2019GraphMN}. In this work, we will leverage such GSL models for the online NCPD task, which avoids the need for choosing \emph{a-priori} a particular graph distance, kernel or embedding. \section{General setup and \mcc{framework}}\label{sec:methodology} In this section, we describe our general set-up and NCPD method based on a graph similarity learning model. We will first present our network change-point statistic in Section \ref{sec:sim_NCPD}, leveraging a similarity function learnt by a GSL model described in Section \ref{sec:sGNN}, through an adequate training and validation procedures (see Section \ref{sec:training}). Before presenting our methodology, we introduce some useful notation. \paragraph{Notation.} We denote $G = (\boldsymbol{A}, \boldsymbol{E}) \in \mathbb{G}$ a graph with $n \geq 1$ nodes denoted by $\{u_1, \dots, u_n\}$, adjacency matrix $\boldsymbol{A} \in \mathbb{R}^{n \times n}$ and node attributes (or features) matrix $\boldsymbol{E} \in \mathbb{R}^{n \times d} \cup \{\emptyset\}$, $d\geq 1$. We say that the graph is attributed if $\boldsymbol{E} \neq \emptyset$, and \hk{un}attributed otherwise. If $\boldsymbol{A} \in \mathbb{R}_{\geq 0}^{n \times n}$, we also say that the graph is unsigned. We denote $\mathcal{N}_T = \{G_t\}_{1 \leq t \leq T}$ a dynamic network with $T \geq 1$ snapshots, where each graph $G_t$ has the same set of nodes with a fixed ordering. Let $\boldsymbol{I}_n$ and $\mathds{1}_n$ be respectively the \hk{$n \times n$} identity matrix and the all-one vector of size $n$. For a matrix $\boldsymbol{M}$, we denote $\boldsymbol{M}_{ij}$ an entry, $\boldsymbol{M}_{i:}$ its $i$-th row and $\boldsymbol{M}_{:j}$ its $j$-th column. We also denote $\|\boldsymbol{M}\|_F$ and $\|\boldsymbol{M}\|$ respectively the Frobenius norm and operator norm (i.e., the largest singular value). For a vector $\vec{v}$, we denote $\|\vec{v}\|$ its Euclidean norm. For any \hk{positive} integer $J$, let $[J]$ denote the set $\{1,2,\dots, J\}$. \subsection{Graph similarity function for network change point detection}\label{sec:sim_NCPD} We consider a single dynamic network $\mathcal{N}_T = \{G_i\}_{1\leq t \leq T}$ with an unknown number of change-points $1 < \tau_1 < \dots < \tau_K < T$, $K \geq 1$, such that, for any $k \in [K]$ we have \begin{align*} &G_i \overset{i.i.d}{\sim} \mathcal{G}_{k-1}, \quad \tau_{k-1} \leq i < \tau_{k}, \\ &G_i \overset{i.i.d}{\sim} \mathcal{G}_k, \quad \hspace{2ex} \tau_k \leq i < \tau_{k+1}, \end{align*} with $\tau_0 = 1$ and $(\mathcal{G}_{0}, \dots, \mathcal{G}_{K})$ distinct graph generating distributions. We assume that $\forall k \geq 1, \tau_k - \tau_{k-1} \hk{\geq} L_0$, with $L_0 > 0$ a known lower bound of the minimal spacing between two consecutive change-points. We recall that in our setting, the set of nodes in each graph snapshot $G_t$ is fixed and its ordering is kept unchanged along the sequence. Assume for now that we have a graph similarity function $s : \mathds{G} \times \mathds{G} \to [0,1]$ such that for any $G_{t_1} \sim \mathcal{G}_{i_{1}}, G_{t_2} \sim \mathcal{G}_{{i_2}}$, $s(G_{t_1}, G_{t_2}) > 0.5$ if $ \mathcal{G}_{i_1} = \mathcal{G}_{i_2}$ and $s(G_{t_1}, G_{t_2}) \leq 0.5$ otherwise. One can then detect change-points in $\mathcal{N}_T $ by monitoring the following average similarity statistic \begin{align}\label{eq:CP_stat} Z_t(s, L) = \frac{1}{L} \sum_{i=1}^L s(G_t, G_{t-i}), \quad t \geq L, \end{align} where $L < L_0$ is a hyperparameter that controls the length of the past window, and declare a change-point at any timestamp $t$ such that \begin{align}\label{eq:detection_rule} &Z_{t'}(s, L) > 0.5 , \quad t-L \leq t' < t, \\ &Z_{t}(s, L) \leq 0.5 \nonumber. \end{align} This general method can be applied to recover an arbitrary number of change-points in the dynamic network in an online setting and without any detection delay, i.e., as soon as the data is collected. In practice, one can choose a graph similarity function or kernel \mc{$s(\cdot,\cdot)$} and a detection threshold $\theta$, e.g., using a validation criterion \cite{ranshous2015anomaly} or a significance test procedure using stationary bootstrap \cite{Cribben2017}, and declare a change-point (or an anomaly) in the dynamic network whenever $Z_{t}(s, L) > \theta$. Note that the properties of this method heavily depend on the chosen similarity function and its discriminative power. Our NCPD method consists \hk{of} using the statistic $ Z_t(s, L)$ and the detection rule \eqref{eq:detection_rule}, together with a data-driven graph similarity function $s(\cdot,\cdot)$ learnt by a s-GNN model, which we describe in the next section. \begin{remark} Our method can also be employed in an offline setting, where one aims at localising changes in a dynamic network after the whole sequence has been collected, with a slight change of the detection rule. For instance, for a dynamic network with a single change-point, one can localise the latter at $\hat{\tau}$, such that \begin{align} &\hat{\tau} = \arg \min_{t \in [L,T]} Z_t(s, L), \nonumber \\ \text{or} \quad &\hat{\tau} = \arg \max_{t \in [L+1,T]} |Z_t(s, L) - Z_{t-1}(s, L)|. \label{eq:loc_single} \end{align} Additionally, our method could be adapted to a setting where a small detection delay (e.g., of order $L$) may be tolerated. In this case, we could replace \eqref{eq:CP_stat} by a more robust change-point statistic that also uses a future (or forward) window, e.g., $(G_t, G_{t+1},\dots G_{t+L})$. For instance, we could use a two-sample test statistic on the two sets of graphs $(G_{t-1}, \dots, G_{t-L})$ and $(G_{t}, \dots, G_{t+L})$ such as the maximum kernel Fisher discriminant ratio \cite{harchaoui2009kernel} or the maximum mean discrepancy (MMD) \cite{gretton2008kernel}, for which an unbiased estimate is given by \begin{align*} Z_t^{MMD} = \sqrt{\frac{1}{L(L+1)} \sum_{i, j=1}^{L+1} \left(s(G_{t-i},G_{t-j}) + s(G_{t-1+i},G_{t-1+j}) - s(G_{t-i},G_{t-1+j})\right)}. \end{align*} Note that this estimate would correspond to the empirical MMD measure between two sets of graphs mapped into a reproducing kernel Hilbert space if the function $s(\cdot,\cdot)$ was a graph kernel function \cite{gretton2008kernel}. \end{remark} \subsection{Graph similarity learning via siamese graph neural networks}\label{sec:sGNN} Siamese graph neural networks (s-GNN) are architectures designed to compare pairs of graphs, e.g., for learning a graph similarity function or distance. They can notably be used in graph classification and graph matching tasks \cite{ma2019similarity, ktena2017distance} in both supervised and unsupervised settings. More precisely, a general s-GNN takes as input a pair $(G_1, G_2)$, embeds $G_1$ and $G_2$ with the same graph encoder (or equivalently, two \emph{siamese} encoders that share the same weights), then combines the embeddings in a \hk{symmetric similarity} module. The variability of s-GNN architectures mainly lies in the design of these two modules (see for instance \cite{ktena2017distance, ma2019similarity, ling2021}). In our NCPD method, we propose a s-GNN architecture summarized in Figure \ref{fig:GSN}, for learning a similarity score $s(G_{t_1},G_{t_2})$ in $[0,1]$ on the space of graph snapshots $(G_1, G_2, \dots, G_t, \dots)$ from the dynamic network. For this purpose, we design a similarity module for comparing the node-level embeddings output by a generic graph encoder (e.g., a graph convolutional network \cite{kipf2016semi}, a graph attention network \cite{velickovic2018graph}, a GraphSage network \cite{hamilton2018inductive} or a graph isomorphism network (GIN) \cite{xu2019powerful}). Our similarity module consists of Euclidean distance, pooling and fully-connected layers, as detailed in Figure \ref{fig:similarity_module}. The design of this module allows to select local regions of interest of the graph and limits the number of parameters by using Sort-$k$ pooling \cite{zhang2018end} and two fully-connected layers. \begin{figure}[t] \begin{subfigure}[b]{0.5\textwidth} \centering \includegraphics[width=\textwidth, trim=0.cm 0.cm 0cm 0.cm,clip]{figures/sgnn_arch.png} \caption{Siamese graph neural network} \label{fig:siamese} \end{subfigure} \hfill\hspace{-0.5cm} \begin{subfigure}[b]{0.4\textwidth} \centering \includegraphics[width=\textwidth, trim=0.cm 0.cm 0.3cmv 0.cm,clip]{figures/similarity.png} \caption{Similarity module} \label{fig:similarity_module} \end{subfigure} \hfill \caption{Architecture of our graph similarity learning model. The general pipeline (\subref{fig:siamese}) is a siamese GNN where the output module is a similarity module (\subref{fig:similarity_module}). We design the latter with Euclidean distance, Sort-$k$ pooling operations, and fully-connected layers, for measuring the proximity of snapshots in dynamic networks. } \label{fig:GSN} \end{figure} For the sake of simplicity, we use a simple graph convolutional network (GCN) \cite{kipf2016semi} for undirected and unsigned graphs as the graph encoder in our architecture. However, this block can be replaced by any \textit{ad-hoc} graph encoder. With a GCN, the embedding of a graph $\H^{(j)}$ at each layer $j \in [J], J \geq 1$ is computed as follows \begin{align}\label{eq:gcn} \H^{(j)} = \sigma\left( \Tilde{\boldsymbol{A}} \H^{(j-1)} \mathbf{W}^{(j)} + \mathbf{B}^{(j)} \right), \end{align} where $ \mathbf{W}^{(j)} \in \mathbb{R}^{h_{j-1} \times h_j}$ is a weight matrix, $h_j$ is the number of hidden units of layer $j$, $\mathbf{B}^{(j)} \in \mathbb{R}^{h_{j}}$ is a bias vector, $ \Tilde{\boldsymbol{A}} = \Tilde{\boldsymbol{D}}^{-1/2} (\boldsymbol{A} + \boldsymbol{I}_n) \Tilde{\boldsymbol{D}}^{-1/2}$ is the normalized augmented adjacency matrix with degree matrix $\Tilde{\boldsymbol{D}} = \textrm{diag}((\boldsymbol{A}+\boldsymbol{I}_n) \mathds{1}_n)$, and $\sigma$ is the point-wise ReLU activation function, i.e., $\sigma(x) = \max(x,0)$. The input of the first layer, $\H^{(0)}$, is either the node attributes matrix $\boldsymbol{E} \in \mathbb{R}^{n \times d}$ if the input graph is attributed or a positional encoding matrix (see below). Finally, the output of the GCN is the node-level embedding matrix $\H^J \in \mathbb{R}^{n \times h_J}$ at the last layer. Therefore, for a pair of graphs $(G_{t_1}, G_{t_2})$, this siamese encoder module computes a pairs of graph embeddings, $(\H_1, \H_2) := (\H^J(G_{t_1}), \H^J(G_{t_2}))$, and the vectors $(\H_1)_{i:}$ and $(\H_2)_{i:}$ correspond to the representations of the node $i$ respectively in $G_{t_1}$ and $G_{t_2}$. Intuitively, a large distance between these two embeddings can indicate that node $i$ plays distinct structural roles in $G_{t_1}$ and $G_{t_2}$. Then, the pair of embeddings $(\H_1, \H_2)$ is processed by a similarity module, which first computes a vector of Euclidean distance between the nodes' embeddings, and secondly, applies a Sort-$k$ pooling operation \cite{zhang2018end} to select its $k$ largest entries, i.e., \begin{align*} \P = (f_{r_1}, \dots, f_{r_k} ), \quad f_{i} = \|(\H_1)_{i:} - (\H_2)_{i:}\|_2 \in \mathbb{R}_{\geq 0}, \quad 1 \leq i \leq n, \end{align*} where $r_1, \dots, r_k$ correspond to the indices of the (sorted) $k$ largest elements of $\{f_{i}\}_{i\in [n]}$. \hk{Next, the pooled vector $P$ is processed by two fully connected layers, each of them containing an affine transformation, batch normalisation and ReLU activation function. Finally, the output of the second fully connected layer is pooled using a sum-pooling layer followed by a} sigmoid activation function, so that the final output of the similarity module (and the s-GNN), $s(G_{t_1}, G_{t_2}) \in [0,1]$, a non-negative similarity score between the two input graphs. This score can be transformed into a similarity label via \mcc{ \vspace{-3mm} \[ \hat{y}(G_{t_1}, G_{t_2}) = \left\{ \begin{array}{lll} 1 & \text{(i.e., $G_{t_1}$ and $G_{t_2}$ are similar or have the same generative distribution)}, & \text{if } s(G_{t_1},G_{t_2}) > 0.5 \\ 0 & \text{(i.e., $G_{t_1}$ and $G_{t_2}$ are dissimilar or have different generative distributions)}, & \text{otherwise}. \\ \end{array} \right. \] } Note that using a Sort-$k$ pooling layer in the design of the similarity module has two main advantages in our context. \textcolor{black}{\textbullet} First, since it follows the (node-wise) Euclidean distance operation, it therefore selects the nodes that have the largest discrepancies between their embeddings in the two graphs. Therefore, if a structural change in the dynamic network affects only a few nodes, this change can be picked up by this pooling operation, without being diminished by the absence of change in the rest of the network. \mcc{This component could be further built upon for identifying which \textit{local} part of the network is mainly driving the change-point, thus enhancing the explainability of the proposed pipeline.} \textcolor{black}{\textbullet} Second, Sort-$k$ pooling reduces the number of parameters while preserving the most important information for measuring potential and local graph changes. More generally, replacing max or sum pooling by sorted pooling have been proven to increase the accuracy and generalization power of neural networks, in particular in settings with limited data availability, such as one-shot learning \cite{horvath2020sorted}, and can also be used for downsampling graphs \cite{lee2019pooling}. In the network change-point-agnostic detection task, we incorporate this pooling layer to mitigate our lack of information on the change-points. \begin{remark}\label{rem:invariance} It is often a desirable property of GNN models with graph-level (resp. nodel-level) output to be invariant (resp. equivariant) to nodes' permutations. This is due to the fact that nodes in a graph are generally considered exchangeable, or in other words, the order of node set in the adjacency and node attributes matrix is arbitrary. In our method, the s-GNN model takes as input pairs of graph snapshots from a dynamic network sequence (see Section \ref{sec:sim_NCPD}), where every snapshot contains the same set of nodes with the same ordering. Therefore, in our context, the invariance property of the learned graph similarity function denotes that the latter is invariant to any permutation of the nodes that is applied on both inputs. More precisely, for any permutation of the node set $\sigma: [n] \to [n]$, denoting $\sigma * G$ the resulting transformation of a graph $G$ under $\sigma$ (i.e., permutation of the rows and columns of the adjacency and node attributes matrices), the invariance property writes $s(\sigma(G_1), \sigma(G_2)) = s(G_1, G_2)$. This is indeed the case for our method since the node-wise operations, i.e, the graph encoder and the Euclidean distance, are equivariant. Then, since the Sort-$k$ pooling layer is permutation-invariant, i.e. $\P(\H) = \P(\sigma(\H))$, so is the final similarity score. \end{remark} Moreover, when the dynamic network is unattributed, i.e., each graph snapshot contains only structural information $G_i = (\boldsymbol{A}_i, \emptyset)$, one needs to choose an appropriate initialisation of the node features matrix $H^{(0)}$ as input of the s-GNN. Following existing methodology \cite{you2019positionaware}, we compute Positional Encodings (PE), i.e., synthetic node attributes that capture their relative positions in the graph structure. In fact, it has been previously noted that the choice of PE is critical for the expressivity of GNN models \cite{dwivedi2022graph}. Therefore, in our experiments, we will use and compare four types of encoding, the first three being existing techniques that have been introduced in different graph learning settings, and the last being one that we believe may also be appropriate for certain NCPD tasks. \begin{enumerate} \item \textbf{Degree encoding \cite{bruna2017community}:} the attribute of a node is a scalar equal to its degree in the graph, i.e. $H^{(0)} = \hk{\boldsymbol{A} \mathds{1}_n} \in \mathbb{R}^{n \times 1}$. \item \textbf{Random-Walk encoding \cite{li2020distance, dwivedi2022graph}:} for $k \geq 1$, the vector of attributes of a node $n_i, 1\leq i \leq n$ is defined as \begin{align*} \H^{(0)}_{i:} = [\boldsymbol{R}_{ii},\boldsymbol{R}^2_{ii}, \dots \boldsymbol{R}^k_{ii}] \in \mathbb{R}^k, \end{align*} where $\boldsymbol{R} = \boldsymbol{A} \boldsymbol{D}^{-1}$ is the random-walk operator and $k\geq 1$ is a hyperparameter. \item \textbf{Laplacian encoding \cite{dwivedi2021generalization}:} the node attributes are the principal eigenvectors of the symmetric normalised Laplacian matrix $\L = \boldsymbol{I}_n - \boldsymbol{D}^{-1/2} \boldsymbol{A} \boldsymbol{D}^{-1/2}$. We note that this is similar to the first steps of spectral clustering algorithms. More precisely, using the factorisation $\L = U^T \Lambda U$ where $U, \Lambda$ respectively contain the ordered set of eigenvectors and eigenvalues of $L$, the Laplacian encodings are defined as \begin{align*} \H^{(0)} = [U^T_{:1}, U^T_{:2}, \dots, U^T_{:k} ] \in \mathbb{R}^{n \times k}, \end{align*} where $k\geq 1$ is a hyperparameter. \item \textbf{Identity encoding: } we define the initial feature matrix as $\H^{(0)} = \boldsymbol{I}_n$, which corresponds to learning a unique initial input embedding for each node at the first layer of the s-GNN. We argue that this is an appropriate choice for the graph siamese encoder in our setting. In fact, these encodings in general break the equivariance property of GNN models; however, this is not the case here since this property has a modified definition when the graphs are snapshots of a dynamic network (see Remark \ref{rem:invariance}). We recall that we have assumed that the set of nodes is constant in the dynamic network, and the global ordering of the nodes, although arbitrary, is common to all graph snapshots. Finally, it has been previously noted in graph learning tasks that taking into account the nodes' identities \cite{donnat2018tracking} can be beneficial. We will in particular use these encodings for the real-world dynamic network with a small number of nodes in Section \ref{sec:exp_physical}. \end{enumerate} We note that more complex strategies for computing positional encodings include learning them along the training procedure of the s-GNN \cite{dwivedi2022graph}. However, we do not consider these latter approaches, which significantly increase the model complexity. Finally, our s-GNN architecture can classically be trained in a supervised way if a data set of labelled pairs of graphs is available, with $\mathcal{D} = \{(G_1^i, G_2^i, y_i)\}_i$ with $y_i \in \{0,1\}$ indicating if the graphs come from the same distribution or not. For example, one can optimise its parameters by minimising the cross-entropy loss function \begin{align*} L(G_1, G_2, y) = - y \log s(G_1, G_2) - (1-y) \log (1- s(G_1, G_2)), \end{align*} \hk{via gradient descent.} In the NCPD task, designing such a data set requires an adequate sampling scheme of the snapshots in the dynamic network as well as an \textit{ad-hoc} validation procedure. In the next section, we present our supervised learning strategy for the s-GNN. \subsection{Training and validation procedures for NCPD}\label{sec:training} In the NCPD task, a supervised setting corresponds to the case where a training subsequence of the dynamic network containing ground-truth change-points is available. In this setting, these change-point labels can then be used to design training and validation sets for our GSL model, with these sets containing triplets $(G_i^1, G_i^2, y_i)$, where $y_i \in \{0,1\}$ is a similarity label ($y_i = 1$ corresponding to "similar"). In this section, we describe our strategy for sampling such triplets from the dynamic network sequence, for both the training and validation steps. First, we divide the sequence of graph snapshots into training, validation and test subsequences, e.g., using consecutive windows of respectively x\%, y\% and z\% timestamps. In the training and validation sequences, we sample labelled pairs of graphs according to the two following schemes. \begin{enumerate} \item \textbf{Random scheme (training set):} we consider the set of all (non-ordered) pairs of graphs in the training sequence and label each pair $(G_{t_1}, G_{t_2})$ with $y = 1$ if there is no change-point between $t_1$ and $t_2$, and $y_i = 0$ otherwise. Then we uniformly sample a fixed number of pairs with label 1 ("positive" examples) and the same number of pairs with label 0 ("negative" examples), without replacement. The number of pairs is a hyperparameter of the method, which can be chosen heuristically as $10 \times T$, if $T$ is not too large. \item \textbf{Windowed scheme (validation set):} we consider the set of all (non-ordered) pairs of graphs in the network sequence that are not distant from each other by more than $L$ timestamps, and label them with the same procedure as in the \textbf{Random scheme}. \end{enumerate} We note that the different sampling mechanisms for the pairs in the training and validation sets are designed to satisfy a double objective of our learning procedure: we aim to learn an adequate graph similarity function and to detect change-points in a network sequence using the latter. For the first objective, the \textbf{Random scheme} allows to create pairs of graph snapshots that are far away in the sequence in order to avoid strong correlations between the training pairs and undesired "transition" effects in real networks, e.g., when the change of generative distribution is not abrupt. Moreover, with the scheme, we can avoid label imbalance in the training set by sampling the same number of positive and negative pairs, which we assume is favorable for the s-GNN. For the second objective, the \textbf{Windowed scheme} builds a validation set of pairs that imitates the test setting of our GSL model. In fact, in our online NCPD method (see Section \ref{sec:sim_NCPD}), the evaluation of the graph similarity function $s(.,.)$ in the statistic \eqref{eq:CP_stat} (and detection rule \eqref{eq:detection_rule}) only applies for pairs of graphs within a sliding window of size $L$. In particular, in the test setting, the pairs of graphs that are compared by $s(\cdot,\cdot)$ are highly correlated and the number of positive pairs is much larger than the number of negative examples, since there are generally only few change-points in the dynamic network. We finally note that in both the \textbf{Random} and \textbf{Windowed schemes}, the sampled pairs may have in common (at most) one graph snapshot. Consequently, in a supervised NCPD setting, we can train our s-GNN model in a supervised way as a binary classifier of pairs (see Section \ref{sec:sGNN}) using the previous sampling strategies. In an unsupervised NCPD setting, i.e., when the dynamic network does not contain any ground-truth label of change-point, we need to resort to a novel \emph{self-supervised learning} technique \cite{liu2021graph}. In this case, we first pre-estimate a set of change-points in the training and validation sequences and then use the previous sampling schemes to draw training and validation pairs of graphs. This learning procedure is applied on the financial network data set in Section \ref{sec:exp_financial}, where our algorithm for pre-estimating a set of change-points is based on a spectral clustering technique. \section{Numerical experiments}\label{sec:experiments} In this section, we test and evaluate the performances of our s-GNN method in the online NCPD task, first in a controlled setting of synthetic dynamic networks (Section \ref{sec:exp_synthetic}), then on real-world correlation networks (Sections \ref{sec:exp_financial} and \ref{sec:exp_physical}). Moreover, since one of these data sets does not contain ground-truth change-points, we also introduce a self-supervised learning procedure for our method (see Section \ref{sec:exp_financial}). \subsection{Performance metrics}\label{sec:metrics} For dynamic network data sets with ground-truth labels of change-points, we evaluate the performance of NCPD methods using the following metrics, in the single or multiple change-point settings: \begin{itemize} \item \textbf{Localisation error (single change-point)} defined as $\text{Error}_{\text{CPD}} = |\hat{\tau} - \tau|$, where $\tau, \hat{\tau}$ are respectively the ground-truth and estimated change-points. \item \textbf{Adjusted F1-score \cite{xu18} (multiple change-points)} on the classification of timestamps as change-point (label 1) or not change-point (label 0). We tolerate an error of $\pm 5$ timestamps on this task, i.e. all the timestamps within a window of length 11 centered at the ground-truth change-point are given a ground-truth label 1, and a valid detection occurs whenever one of these timestamps is classified as change-point. \end{itemize} For the the data set without ground-truth labels in Section \ref{sec:exp_financial}, we qualitatively discuss our findings, \mcc{place them in a financial context,} and compare them with previous analysis of similar data. Additionally, in the synthetic data experiments in Section \ref{sec:exp_synthetic}, we also evaluate the ability of our graph similarity function $\hat{s}$ to discriminate between graphs sampled from the same or different distributions, i.e., to classify pairs of graphs generated from either the same or different random graph models. We measure this property in terms of the accuracy score. \subsection{Baselines}\label{sec:baselines} We will compare our data-driven graph similarity function to graph distances, similarity function and kernel previously used in the context of NCPD and graph two-sample-test. \begin{itemize} \item \textbf{Frobenius distance} \cite{Barnett2016, Nie2021WeightedGraphBasedCP, Bao2018NetworkDB, dubey2021online}, defined as $d_F(\boldsymbol{A},\boldsymbol{B}) = \|\boldsymbol{A} - \boldsymbol{B}\|_F$, for two matrices $\boldsymbol{A},\boldsymbol{B}$ with \hk{equal} dimensions. Here, we will apply this distance to the adjacency matrices of two graphs. Note that one can also apply it on the graph Laplacian matrices \cite{Bao2018NetworkDB}, and that this distance has also been used in a minimax testing perspective between two graph samples \cite{Ghoshdastidar2020}. \item \textbf{Procrustes distance} between Laplacian principal eigenspaces \cite{hewapathirana2019change}. This distance corresponds to the Frobenius distance between the matrices of eigenvectors corresponding to the $k$ largest eigenvalues of the symmetric graph Laplacian $\L = \boldsymbol{I}_n - \boldsymbol{D}^{1/2}\boldsymbol{A} \boldsymbol{D}^{1/2}$, after performing an alignment step. The number of eigenvectors $k$ can be pre-specified or chosen by finding the optimal low-rank approximation of $\L$. \item \textbf{DeltaCon similarity \cite{Koutra2016DeltaConPM}}. This graph similarity function is based on the Matusita distance applied to the Fast Belief Propagation graph operators, defined for a graph as $S = [\boldsymbol{I}_n + \epsilon^2 \boldsymbol{D} - \epsilon \boldsymbol{A}]^{-1}$ with $\epsilon > 0$. We use the implementation of this similarity function provided in the python package \textsc{netrd}\footnote{\url{https://netrd.readthedocs.io/en/latest/index.html\#}}. \item \textbf{Weisfeiler-Lehman (WL) kernel \cite{wlkernel2011}}. This graph kernel is notably used in the two-sample-test problem for sets of graphs \cite{gretton2008kernel}. We use the implementation from the GraKel python package \cite{grakel}, and fix the number of iterations of the WL kernel algorithm to 5 in our experiments. \end{itemize} We will use the previous baselines in the statistic \eqref{eq:CP_stat} and detect change-points using a threshold chosen on a validation set. We also compare our NCPD pipeline to methods that do not rely on an explicit graph metric for detecting change-points. \begin{itemize} \item \textbf{Network change-point detection with spectral clustering (SC-NCPD)} \cite{Cribben2017}. This method first partitions the node set of each snapshot with a spectral clustering algorithm and compute an inner product between averages of spectral features across a backward (or \emph{past}) and a forward (or \emph{future}) windows. In this method, the number of clusters and the lengths of the windows are pre-specified. \item \textbf{Laplacian anomaly detection (LAD)} \cite{Huang2020}. This method applies both to the anomaly detection and change-point detection tasks for dynamic networks, and is based on the anomaly score \begin{align*} Z_t = 1 - |\Tilde{\sigma}_t \sigma_t|, \end{align*} where $\sigma_t$ is the vector of top-$k$ singular values of the unormalized Laplacian of the graph $G_t$ and $\Tilde{\sigma}_t$ aggregates (e.g. averages) the top-k singular values of each snapshots in a past window of size $L$, i.e., $(\sigma_{t-L}, \dots, \sigma_{t-1})$. The number of singular values $k$ and the length of the window are pre-specified hyperparameters. \item \textbf{Network cumulative sums statistic (CUSUM) \cite{yu2021optimal}.} This method uses a backward and a forward windows of sizes $L'$ to compute a sequence of CUSUM matrices \begin{align}\label{eq:cusum} C_t = \frac{1}{\sqrt{2 L'}} \left(\sum_{s=t-L'+1}^t \boldsymbol{A}_s - \sum_{s=t+1}^{t+L'} \boldsymbol{A}_s \right), \quad L' \leq t \leq T - L'. \end{align} Following the methodology in \cite{yu2021optimal}, we divide the dynamic network into two samples, $N_A = \{G_{2t}\}_{1 \leq t \leq T/2}$ and $N_B = \{G_{2t-1}\}_{1 \leq t \leq T/2}$, containing the snapshots respectively at even and uneven timestamps. This algorithm monitors two statistics based on the CUSUM matrices \eqref{eq:cusum} of these samples: the Frobenius norm of the Universal Singular Value Threshold (USVT) estimator $\widetilde{B}(t)$ of the CUSUM matrix computed from $N_B$, and the dot product between $\widetilde{B}(t) / \|\widetilde{B}(t)\| $ and the CUSUM matrix computed from $N_A$. To avoid tuning the additional threshold parameters, we do not apply the USVT step (or equivalently choose $\tau_1 = 0$ and $\tau_2 = 1$ in USVT). Moreover, we only use the second statistics since the first one is very close to the next baseline. \item \textbf{Operator norm of network CUSUM (CUSUM 2) \cite{enikeeva2021changepoint}.} We adapt this offline method to the online problem by computing the CUSUM matrix over a past and future windows of size $L'$. The NCPD statistics is then $z_t = \|Z_t\|$. \end{itemize} For these baselines, we fix the number of clusters or singular values to $k = 6$ and the size of windows to $L'=L/2$ when both the past and future are used in the NCPD statistic. We also note that these methods are applied to non-attributed dynamic networks and therefore only use the sequence of adjacency matrices $(\boldsymbol{A}_t)_t$. However, only one of our network data sets is attributed (see Section \ref{sec:exp_financial}) and in this case, the node attributes are ignored by the baseline methods. \subsection{Synthetic data}\label{sec:exp_synthetic} In this section, we generate dynamic networks from a dynamic stochastic block model \cite{zhao2019changepoint, yu2021optimal, Padilla2019, bhattacharjee2020change} with a unique change-point. More precisely, we generate sequences of unattributed graphs $(G_1, \dots, G_T)$ with $T = 100$ such that for each $t \in [T]$, each graph is independently drawn from a Stochastic Block Model (SBM) with $n = 400$ nodes and \begin{align*} &G_t \overset{i.i.d}{\sim} \mathcal{G}_1,\quad \text{ if } t < \tau, \\ &G_t \overset{i.i.d}{\sim} \mathcal{G}_2,\quad \text{ if } t \geq \tau, \end{align*} where $\mathcal{G}_1, \mathcal{G}_2$ are two SBM distributions. We recall that an SBM with $K \geq 1$ communities can be defined by a connectivity matrix $C = (p - q) I_K + q \mathds{1}_K \mathds{1}_K^T$ with intra- and inter-cluster connectivity parameters $p,q\in [0,1]$, and a membership matrix $\Theta \in \{0,1\}^{n \times K}$. The parameter $p$ (respectively $q$) corresponds to the probability of existence of an edge between two nodes in the same community (respectively in two different communities), while each row $\Theta_i$ of the membership matrix indicates the community a node $n_i$ belongs to. We consider four different change-point scenarios related to three possible types of events in a community life-cycle \cite{Rossetti_2018}, namely \textbf{``Merge"}, \textbf{``Birth"} and \textbf{``Swaps"}. These community events are illustrated in Figure \ref{fig:adjacencies} by heatmaps of the expected adjacency matrices in $\mathcal{G}_1$ and $\mathcal{G}_2$. We note that in all the following settings, the graph snapshots will be relatively sparse. \begin{figure} \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth, trim={0cm 0cm 3cm 0cm}, clip]{figures/sbm_sim1_2.png} \end{subfigure} \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth, trim={0cm 0cm 3cm 0cm}, clip]{figures/sbm_sim2_1.png} \end{subfigure} \begin{subfigure}[b]{0.37\textwidth} \centering \includegraphics[width=\textwidth, trim={0cm 0cm 0cm 0cm}, clip]{figures/sbm_sim3_2.png} \end{subfigure} \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth, trim={0cm 0cm 3cm 0cm}, clip]{figures/sbm_sim1_1.png} \caption{``Merge" scenario.} \label{fig:b1} \end{subfigure} \begin{subfigure}[b]{0.3\textwidth} \centering \includegraphics[width=\textwidth, trim={0cm 0cm 3cm 0cm}, clip]{figures/sbm_sim2_2.png} \caption{``Birth" scenarios.} \label{fig:b2} \end{subfigure} \begin{subfigure}[b]{0.37\textwidth} \centering \includegraphics[width=\textwidth, trim={0cm 0cm 0cm 0cm}, clip]{figures/sbm_sim3_1.png} \caption{``Swap" scenario.} \label{fig:b3} \end{subfigure} \caption{Expectation of the adjacency matrices of the graphs in the SBMs $\mathcal{G}_1$ (first row) and $\mathcal{G}_2$ (second row) , i.e., before and after the change-point, in our three types of synthetic scenarios, ``Merge" (\subref{fig:b1}), ``Birth" (\subref{fig:b2}) and ``Swaps" (\subref{fig:b3}).} \label{fig:adjacencies} \end{figure} \begin{itemize} \item \textbf{Scenario 1 (``Merge").} the two SBMs $\mathcal{G}_1$ and $\mathcal{G}_2$ have respectively four and two equal-size clusters with inter-cluster connectivity parameter $q = 0.02$ and intra-cluster connectivity parameter $p > q$ which we vary. We design several difficulty levels of this scenario by changing the value of $p$: the larger $p$ is, the easier the detection problem is. \item \textbf{Scenario 2 (``Birth 1").} This scenario mimics the appearance of a community in a dynamic network. In this case, $\mathcal{G}_1$ is the distribution of an Erdos-Renyi model with parameter $q = 0.03$ and $\mathcal{G}_2$ is a SBM with two communities of size $n-s$ and $s$, $1\leq s \leq n/2$, and connectivity matrix \begin{align*} C = \begin{pmatrix} q & q \\ q & p \end{pmatrix}, \end{align*} with $p = 0.1$. We vary the difficulty of this detection scenario by changing the size of the second cluster $s$: the bigger $s$ is, the easier the detection problem is. \item \textbf{Scenario 3 (``Birth 2").} This scenario uses the setting of Scenario 2 but in this case, the size of the dense subgraph is fixed to $s = 100$ and the difficulty level is controlled by the connectivity $p$. \hk{We consider $p > q$ such that the larger} $p$ is, the easier the detection problem. \item \textbf{Scenario 4 (``Swaps").} In this scenario, the connectivity parameters of the two SBMs are equal but their membership matrices differ. We simulate a recombination of communities where pairs of nodes exchange their community memberships, i.e., two nodes "swap" their community of attachment. The two SBMs have four equal-size clusters with inter-connectivity parameter $q = 0.05$ and intra-connectivity parameter $p = 0.1$. We test different difficulty levels by varying the proportion $h$ of pairs of nodes swapping their memberships; the bigger the $h$, the easier the detection problem. \end{itemize} Note that Scenario 1 can be considered as a \emph{global} change of the network structure, while the other scenarios correspond to a \emph{local} topological change (i.e., localised on a subset of nodes). For each scenario and each difficulty level, we generate 50 sequences with one change-point uniformly sampled in the interval $[25, 75]$. Moreover, for the pair classification task (see Section \ref{sec:metrics}), in each scenario, we also independently generate 1000 labelled pairs of graphs $\{(G_1^i, G_2^i, y_i)\}_i$, where for each $i$, $G_1^i \sim \mathcal{G}_k, G_2^i \sim \mathcal{G}_l$ with $k,l \in \{1,2\}$ and $y_i = 1$ if $\mathcal{G}_k = \mathcal{G}_l$ and $y_i=0$ otherwise. Each of these data sets of pairs is balanced and we use respectively 60\%, 20\% and 20\% of the pairs for training, validation and test. In the NCPD task, we estimate the unique change-point with the detection rule \eqref{eq:loc_single}, and use a window size $L = 6$. Additional details on the experimental setting can be found in Appendix \ref{app:details_exp}. \begin{figure} \centering \begin{subfigure}[b]{0.7\textwidth} \centering \includegraphics[width=\textwidth]{figures/classification_merge_simulation1_8_acc.pdf} \vspace{-5mm} \caption{Classification accuracy vs the intra-connectivity parameter $p$.} \label{fig:sc1} \end{subfigure} \begin{subfigure}[b]{0.7\textwidth} \centering \includegraphics[width=\textwidth]{figures/detection_merge_simulation1_8_diff_0_baselines_window_1.pdf} \vspace{-5mm} \caption{Change-point localisation error for different intra-connectivity parameters $p$.} \label{fig:sc1bis} \end{subfigure} \caption{Performances of our s-GNN method and baselines on the classification \label{fig:sc2} and detection \label{fig:sc2bis} tasks in the ``Merge" scenario. The first task consists in classifying pairs of graphs sampled from the same or different SBM distributions using a graph similarity function or a graph distance. The second task consists in localising a single change-point in a dynamic SBM sequence. \mc{We remark that for very large values of $p$, many methods attain zero error.}} \label{fig:scenario1} \end{figure} We test our NCPD method with the four variants of positional encodings (\textbf{Degree}, \textbf{Random Walk}, \textbf{Laplacian} and \textbf{Identity}) defined in Section \ref{sec:sGNN} and report the results of each scenario in Figures \ref{fig:scenario1}, \ref{fig:scenario2}, \ref{fig:scenario2bis} and \ref{fig:scenario3}. In almost all scenarios and difficulty levels, our method outperforms the other baselines, except for the variant with Laplacian attributes. The drop of performance using the latter type of encodings has been previously attributed to the sign ambiguity in Laplacian eigenvectors \cite{dwivedi2022graph}. Moreover, the degree and random walks encodings generally seem to be better than the identity encodings, except for the last scenario. We conjecture that this is due to the fact that in the first three scenarios, nodes in the same cluster are exchangeable in the SBM model, while in the last scenario, this symmetry is broken by the membership exchange mechanism. For networks with a lot of symmetry, the \textbf{Identity} encoding might introduce additional noise. We also observe that the strongest baselines are CUSUM and CUSUM2, which have better performances if larger window sizes $L$ are used, while our method is not sensitive to this hyperparameter (see Appendix \ref{app:sensitivity}). In particular, our method performs well even for a short history of data and therefore could also detect change-points that are close to each other in a multiple change-point setting. Consequently, these experiments show that using a data-driven graph similarity function leads to better performances in the NCPD task than existing baselines, in various change-point scenarios. \vspace{-5mm} \begin{figure} \centering \begin{subfigure}[b]{0.7\textwidth} \centering \includegraphics[width=\textwidth, trim=0cm 0cm 0cm 0cm , clip]{figures/classification_merge_simulation2_bis_16_acc.pdf} \vspace{-5mm} \caption{Classification accuracy of pairs vs the community size $s$.} \label{fig:sc2} \end{subfigure} \begin{subfigure}[b]{0.7\textwidth} \centering \includegraphics[width=\textwidth]{figures/detection_merge_simulation2_bis_16_diff_0_baselines_window_1.pdf} \vspace{-5mm} \caption{Change point localisation error for different community sizes.} \label{fig:sc2bis} \end{subfigure} \caption{Performances on the classification (\subref{fig:sc2}) and detection (\subref{fig:sc2bis}) tasks in the ``Birth 1" scenario.} \label{fig:scenario2} \end{figure} \begin{figure} \centering \begin{subfigure}[b]{0.8\textwidth} \centering \includegraphics[width=0.9\textwidth]{figures/classification_merge_simulation2_21_acc.pdf} \vspace{-3mm} \caption{Classification accuracy vs the intra-connectivity parameter $p$.} \label{fig:sc2bis1} \end{subfigure} \begin{subfigure}[b]{\textwidth} \centering \includegraphics[width=0.75\textwidth]{figures/detection_merge_simulation2_21_diff_0_baselines_window_1.pdf} \vspace{-3mm} \caption{Change point localisation error for different intra-connectivity parameters $p$.} \label{fig:sc2bis2} \end{subfigure} \vspace{-3mm} \caption{Performances on the classification (\subref{fig:sc2bis1}) and detection (\subref{fig:sc2bis2}) tasks in the ``Birth 2" scenario. The first task consists in classifying pairs of graphs sampled from the same or different random graph models using a graph similarity function or a graph distance. The second task consists in localising a single change-point in a dynamic network sequence. \mc{We remark that for very large values of $p$, many methods attain zero error.}} \label{fig:scenario2bis} \end{figure} \begin{figure} \centering \begin{subfigure}[b]{0.8\textwidth} \centering \includegraphics[width=0.9\textwidth]{figures/classification_merge_simulation3_14_acc.pdf} \vspace{-3mm} \caption{Classification accuracy vs the exchange rate $h$.} \label{fig:sc3} \end{subfigure} \hfill \begin{subfigure}[b]{\textwidth} \centering \includegraphics[width=0.75\textwidth]{figures/detection_merge_simulation3_14_diff_0_baselines_window_1.pdf} \vspace{-3mm} \caption{Change point localisation error for different exchange rates $h$.} \label{fig:sc3bis} \end{subfigure} \hfill \vspace{-5mm} \caption{Performances on the classification (\subref{fig:sc3}) and detection (\subref{fig:sc3bis}) tasks in the ``Swaps" scenario.} \label{fig:scenario3} \end{figure} \FloatBarrier \subsection{Correlation network from stock returns data} \label{sec:exp_financial} This data set comprising the cross-correlation networks of daily stock returns, computed over a one-month interval, from the S\&P 500 index in a period of about 20 years (February 2000 - December 2020). Data sets of stock returns have been previously analysed in different contexts. For online NCPD, \cite{yu2021optimal} and \cite{ Barnett2016} consider the covariance matrices of S\&P 500 weekly log-returns respectively on the period between 1950 and 2000, and between 1982 and 2000, while \cite{dubey2021online} analyses the weekly log-returns of 29 stocks from the Dow Jones Industrial Average index, from April 1990 to January 2012. Closely related to our problem, \cite{chakraborti2020phase} and \cite{samal2021network} cluster market behaviours in the USA S\&P 500 and Japan Nikkei 225 stock networks during the period from 1985 to 2016. In this analysis, we consider 685 stocks (therefore nodes in the dynamic network) alongside additional information of their economic activity during each month. \mc{The correlation networks are built from the time series of open-to-close (intraday) and close-to-open (overnight) returns. Typically, there are 21 trading days in a calendar month, hence each stock has associated a time series of length 42, since each day of the month contributes with two returns. The resulting stock correlation matrix is the starting point for our network construction. In addition, we employ the following stock properties as node attributes \begin{itemize} \item volatility: the standard deviation of the above 42 open-to-close and close-to-open returns, based on which the correlation network was built, \item volume\_ADV: average daily volume, in shares, over the 21 days of the month, \item sharesOut\_ADV: average shares outstanding, over the 21 days of the month. \end{itemize} } We then construct an attributed and unweighted dynamic network $\mathcal{G}_{F} = ((\boldsymbol{A}_t, E_t))_{1\leq t \leq 244}$ with 244 snapshots, and for each $t$, $\boldsymbol{A}_t \in \{0,1\}^{685 \times 685}$ and $E_t \in \mathbb{R}^{685 \times 4}$, by truncating the cross-correlation matrices between stocks. More precisely, we set to 1 the matrix entries that are below the 0.1-quantile and above the 0.9-quantile among the entries of all correlation matrices. We note that after this preprocessing step, each graph snapshot is connected and contains self-loops. A similar procedure has been applied in \cite{yu2021optimal}, while other works transform the correlation matrices into complete weighted graphs, e.g., by squaring the correlation coefficients \cite{chakraborti2020phase} or computing the inverse of the ultra-metric distance \cite{samal2021network}. Here we adopt the sparsifying approach to avoid dealing with a large complete graph. In Table \ref{tab:stats_tn}, we report some properties of the resulting network. Finally, we standardize the node attributes matrices $\{E_t\}_{1\leq t \leq 244}$ across the timestamps: for each column (i.e. each attribute) and each matrix, we center and scale its values by the mean and standard deviation of all the values of this attribute in the graph snapshots. Although previous work reported changes in the behaviour of the stock market following different economic or global events \cite{chakraborti2020phase}, there is no ground-truth knowledge of change-points for this dynamic correlation network. However, there is strong evidence that some major events, such as the ones listed in Table \ref{tab:market_events}, have impacted the dynamics of stock returns and their correlation \cite{Barnett2016}. Therefore, we consider a self-supervised training procedure \cite{liu2021graph} that first pre-estimates a set of change-points in order to train our s-GNN with the procedure described in Section \ref{sec:methodology}. We first divide our dynamic network into consecutive windows of 50\%, 20\% and 30\% graph snapshots as training, validation and test sequences. Then we pre-estimate change-points in the training and validation sequences using the following methodology. It is common practice to cluster stocks into market sectors \cite{chakraborti2020phase}, and we conjecture that this cluster structure is reflected in the correlation network and is a proxy for the underlying state of the financial market at a given time. Therefore, we consider the following three-step procedure: \begin{enumerate} \item We estimate a cluster structure for each correlation matrix using a spectral clustering algorithm based on the Symmetric Signed Laplacian \cite{gallier2016spectral}. \item We compare the obtained node partitions in each pair of matrices using the Adjusted Rand Index and use the latter as a pairwise measure of similarity between correlation graphs. Then we apply a spectral clustering algorithm based on the Normalised Symmetric Laplacian on the graph snapshots (i.e., each snapshot is given a label, interpreted as a state or behaviour of the stock market). \item We estimate change-points by ``smoothing" the snapshots' labels: we compute the centroid timestamp of each cluster of snapshots and relabel the latter with the labels of their closest centroid. These new labels now define a partition of the temporal window into consecutive intervals, and therefore pre-estimate change-points in network training sequence. \end{enumerate} In the first step, we cluster each correlation matrix into $k = 13$ clusters; this value is chosen by evaluating the silhouette index of the result clustering for different number of clusters $k \in \{10, \ldots, 20\}$. In the second step, we cluster the similarity matrix between the graph snapshots based on the ARI (see Figure \ref{fig:aris} in Appendix \ref{app:details_exp}) into $C = 9$ clusters. We note that in the first step, the clusters correspond to sets of nodes (i.e., stocks) in each graph, while in the second step, the clusters are sets of graph snapshots. The estimated change-points obtained in the third step are plotted in Figure \ref{fig:preCPS}. Then for the training set, we sample $N = 3000$ pairs of graphs using the ``Random scheme" (see Section \ref{sec:training}) and for the validation set, we use the ``Windowed scheme" with a window of size 12, which leads to 684 pairs. For choosing the hyperparameters of the s-GNN, we test every configuration of values with the learning rate in the set \hk{$\{ 10^{-5}, 10^{-4}, 10^{-3}, 10^{-2} \},$} the weight decay in \hk{$\{10^{-6}, 10^{-5}\}$,} the dropout rate in $\{0.05, 0.2, 0.4\}$, the \hk{output }size of the Sort-$k$ layer in $\{50, 100, 200\}$, the number of hidden units in $\{32, 64, 128\}$\hk{. We} select the \hk{model} with the highest F1-score on the validation set \hk{to make predictions on the test set}. \begin{table} \centering \begin{tabular}{l l l l} \multicolumn{4}{c}{\textbf{Financial network ($T = 244$, $n = 685$)}} \\ \toprule & Mean & Median & Standard deviation \\ \toprule Number of edges per graph & $46.3 \times 10^3$ & $40.3 \times 10^3$ & $23.6 \times 10^3$ \\ Edge density & 0.20 & 0.17 & 0.10 \\ Average degree & 135 & 96 & 111 \\ Average shortest path length & 1.8 & 1.8 & 0.1 \\ Diameter & 2.8 & 3.0 & 0.5 \\ \bottomrule \end{tabular} \caption{Mean, median and standard deviation of network statistics for the snapshots in the correlation network of S\&P index stock returns.} \label{tab:stats_tn} \end{table} \begin{table} \centering \begin{tabular}{ll} \toprule Major crashes& Period Date \\ \midrule 9/11 Financial Crisis & 11/09/2001 \\ Stock Market Downturn Of 2002 & 09/10/2002 \\ US Housing Bubble & 2005-2007 \\ Lehman Brothers Crash & 16/09/2008 \\ DJ Flash Crash & 06/05/2010 \\ Tsunami/Fukushima & 11/03/2011 \\ Black Monday / Stock Markets Fall & 08/08/2011 \\ Chinese Black Monday & 24/08/2015 \\ Dow Jones plunge & 02/2018 - 03/2018 \\ WHO public emergency state (COVID-19) & 30/01/2020 \\\bottomrule \end{tabular} \caption{Dates of major crashes and bubbles in the USA market.} \label{tab:market_events} \end{table} Finally, we compute our NCPD statistic \eqref{eq:CP_stat} with a window size $L = 6$ over the whole network sequence (i.e., training, validation and test), and qualitatively interpret the time series of its increments $\Delta Z_t(s,L) = |Z_t(s,L) - Z_{t-1}(s,L)|$, plotted in Figure \ref{fig:stats_fin}, alongside the baselines, the SPY and VIX volatility indices and a timeline with the major market events listed in Table \ref{tab:market_events}. We observe that our detection statistic exhibits some large peaks at several timestamps coinciding or soon after some market events. The biggest peaks appear in August 2007, August 2015, February 2018 and February 2020 and could be associated with the following financial \mcc{events} and world disruptions. \begin{enumerate} \item The financial crisis of 2007-2008, which began as early as February 2007 when the stock prices in China and the US dramatically fell. \item The Chinese Black Monday in August 2015. \item The Dow Jones index's plunge in February-March 2018. \item The declaration of \hk{a Public Health Emergency of International Concern} by the World Health Organisation in January 2020 after the emergence of COVID-19. \end{enumerate} A secondary peak is also observed in March 2002, which could be a consequence of the 9/11 financial crisis. In comparison, the baselines are not able to detect as many events. Almost all baselines detect change-points between 2010 and 2012, a period when several financial crashes happened such as the 2010 Dow Jone flash crash, the Fukushima nuclear incident in March 2011 and the Stock Markets Fall of August 2011. However, most baselines fail to detect anything outside this two-year period. One exception holds for the \textbf{CUSUM 2}, which indicates network disruptions at roughly six periods: during the financial crisis of 2007-2008, Dow Jones Flash Crash in 2010, the Stock Market Fall in 2011, the Chinese Black Monday in 2015, the Dow Jones plunge in 2018 and the consequences of the COVID-19 pandemic in 2020. However, this method delimits some periods of disruptions rather than clear change-points. \begin{figure} \centering \begin{subfigure}[b]{0.95\textwidth} \centering \includegraphics[width=\textwidth, trim={0cm 0cm 0cm 0cm}, clip]{figures/fin_data_dsim_comparison.pdf} \end{subfigure} \hfill \caption{Change-point detection statistics obtained with our method and the baselines on the dynamic correlation network of S\&P 500 stock returns from February 2000 to December 2020. This period covers a training period from February 2000 to August 2010, a validation period from September 2010 to October 2014 and a test period from November 2014 to December 2020. Main financial events are indicated with vertical red bars. The different rows correspond, from top to bottom, to a timeline of known market events, our NCPD statistic, the SPY and VIX volatility indices and the baselines' NCPD statistics.} \label{fig:stats_fin} \end{figure} \subsection{Correlation networks from physical activity monitoring}\label{sec:exp_physical} This public data set\footnote{\url{http://www.pamap.org/demo.html}} was built for benchmarking time series classifiers on physical activity monitoring \cite{reiss2012introducing, reiss2012}. This data contains multivariate time series recorded from eight subjects wearing 3D inertial measurement units (IMUs) and performing a protocol of 12 different physical activities such as sitting, walking, descending and ascending stairs and vacuum cleaning. The time series correspond to measurements from 3 IMUs positioned on the subjects' wrist, chest and ankle and containing 3-axis MEMS sensors (an accelerometer, a gyroscope and a magnetometer) with a sampling period of 0.01s. Thus, the dimension of the time series is $27$, and there are 8 \hk{time series} in total (one per subject). Although this data has also been analysed in the change-point detection task for time series \cite{zhang2020correlationaware}, to our knowledge, it has not been used in the context of NCPD. However, previous work noted that the correlations between pairs of axis are particularly useful for differentiating activities based on translations such as walking, running or ascending stairs \cite{reiss2012}. Therefore, similarly to Section \ref{sec:exp_financial}, for each subject (i.e., each multivariate time series), we build a dynamic correlation network from the $27$ time series, where each node therefore corresponds to an IMU sensor's axis and is associated with a body part. More precisely, we segment the time series into non-overlapping windows of 100 observations (i.e., a window of length one second) and compute the correlation matrices of these time series over these windows. Then, the correlation matrices $\{C_t\}_t$ are transformed into binary adjacency matrices $A_t = \mathds{1}_{|C_t|>\eta}, t \in [T]$ with a chosen threshold $\eta =0.2$. We thus obtain an unweighted, unattributed, dynamic network with 27 nodes for each of the 8 subjects. Moreover, each graph snapshot is labelled with the activity performed by the subject during the corresponding temporal window. Therefore, a change of activity between two consecutive snapshots corresponds to a change-point for the network. Table \ref{tab:act_per_subj} summarises the characteristics of each network. \begin{table} \centering \begin{tabular}{ccccccccccccccc} \toprule \multirow{2}{*}{Subject} & \multicolumn{12}{c}{Activity performed} & \multirow{2}{*}{\makecell{Number of \\ change points}} & \multirow{2}{*}{\makecell{Number of \\ timestamps}} \\ \cmidrule{2-13} & 1 & 2 & 3 & 4 & 5 & 6 & 7 & 12 & 13 & 16 & 17 & 24 & & \\ \midrule 1 & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & 13 & 2490 \\ 2 & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & 13 & 2618 \\ 3 & \checkmark & \checkmark & \checkmark & \checkmark & \bf{--} & \bf{--} & \bf{--} & \checkmark & \checkmark & \checkmark & \checkmark & \bf{--} & 10 & 1732 \\ 4 & \checkmark & \checkmark & \checkmark & \checkmark & \bf{--} & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \bf{--} & 11 & 2302 \\ 5 & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & 13 & 2709 \\ 6 & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & 13 & 2487 \\ 7 & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \bf{--} & 12 & 2314 \\ 8 & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & \checkmark & 13 & 2606 \\ \bottomrule \end{tabular} \caption{Properties of the dynamic networks obtained from the physical activity monitoring data. Some activities are not listed because they have not been performed by any of the subjects in this experiment.} \label{tab:act_per_subj} \end{table} We then define two NCPD tasks to evaluate our method on, defined as follows. \begin{itemize} \item \textbf{Individual-level NCPD.} Each dynamic network (subject) is used separately and segmented into train, validation and test set. Then we train and test one s-GNN model per network, therefore the learnt graph similarity function is subject-dependent. We note that in this setting, the test sequence contains graphs with unseen activity labels. \item \textbf{Cross-individual NCPD.} The eight dynamic networks are combined into a train, validation and test set and we train only one s-GNN model for all sequences. In this case, our method learns only one graph similarity function for all the subjects and its performances evaluated on all of them. \end{itemize} More precisely, in the \textbf{Individual-level NCPD} task, we randomly split each dynamic network into 70\% training and validation, and 30\% test, by isolating a test interval and a validation interval. The latter is a window of size 60 centered around a uniformly sampled change-point, while the lower end of the test interval is uniformly sampled in the whole sequence. We then sample 4000 pairs from the training sequence and 1000 pairs from the validation interval, and train and evaluate our method on each subject separately. In the \textbf{Cross-individual NCPD} task, we design the following two evaluation settings. \begin{enumerate} \item Random split: we concatenate all the training, validation and test sequences from the previous task, as well as the training and validation sets of pairs. Then we subsample respectively 15000 and 3000 pairs with the \textbf{Random scheme} (see Section \ref{sec:training}). Note that in this case, the s-GNN is trained and tested on sub-sequences from every dynamic network. \item Leave-one-subject-out (LOSO): in this setting we keep the whole sequence of one subject for testing, and train and validate on the seven remaining sequences. For the latter, we select validation intervals as in the previous task, and sample 3000 training and 1000 validation pairs in each network. Then we subsample 15000 and 3000 pairs from the aggregated training and validation sets. \end{enumerate} One can get an insight on the feasibility of these two tasks by looking at (a) the similarity of adjacency matrices within each dynamic network, grouped by activity labels; (b) the similarity of adjacency matrices within the same activity, grouped by network (i.e., subject). We report in Appendix \ref{app:similarity_act} some insights on the dissimilarity between activities and subjects, measured in terms of the Frobenius distance. In Figure \ref{fig:av_corr_0}, we plot the average adjacency matrices in each activity (the average of all matrices corresponding to the same activity) from the first subject. We note that some of these matrices are quite similar, like the ones for activities $\{1,2,3\}$, that correspond respectively to sitting, lying and standing, which are all static activities. In Figure \ref{fig:av_dist_sub_0}, we plot the Frobenius distance between these matrices. We observe that the lowest values of this distance matrix are mostly located on the diagonal, indicating that the graphs that have the same label are more similar to each other than graphs with different labels. In Figure \ref{fig:dist_act}, we represent the Frobenius distances between the graphs of different subjects with the same label, for four activities. We observe that for activities 5 and 7, the distances between matrices of different subjects are bigger than the ones from the same subject, however this difference is not always significant and does not seem to appear for activities 1 and 17. Figure \ref{fig:av_dist_subj} confirms this observation: we note that the average Frobenius distance between the graphs with the same label and from different subjects is smaller than the average distance between graphs with different labels. For our change-point statistic, we use sliding windows of $L=20$ timestamps. We report the performances of our method and baselines in terms of the adjusted F1-score \cite{xu18} in Table \ref{tab:res_exp1}, with a tolerance window of $\pm 5$ timestamps. Our method has the best performance in most evaluation settings, and largely outperforms the baselines in the LOSO scheme. This latter result seems to indicate that the s-GNN is able to learn a graph similarity function that is generalisable to unseen subjects, while the good performances in the \textbf{Individual-level} task suggests that it can generalise to unseen activities. \begin{table} \centering \begin{tabularx}{\textwidth}{ >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X } \toprule \multicolumn{6}{c}{\textbf{Individual-level NCPD}} \\ \midrule Subject & s-GNN-I & Frobenius & SC-NCPD & CUSUM & CUSUM 2 \\ \midrule 1 & 0.76 (0.20) & 0.62 (0.31) & \textbfr{0.82 (0.14)} & 0.54 (0.30) & \textbfb{0.81 (0.20)} \\ 2 & \textbfr{0.91 (0.11)} & 0.45 (0.22) & 0.61 (0.08) & 0.45 (0.12) & \textbfb{0.84 (0.11)} \\ 3 & \textbfb{0.60 (0.18)} & 0.37 (0.14) & \textbfr{0.67 (0.15)} & 0.21 (0.27) & 0.34 (0.26) \\ 4 & \textbfr{0.73 (0.18)} & 0.58 (0.26) & \textbfb{0.70 (0.08)} & 0.60 (0.07) & 0.59 (0.22) \\ 5 & \textbfr{0.85 (0.19)} & 0.61 (0.22) & 0.72 (0.16) & 0.36 (0.24) & \textbfb{0.72 (0.13)} \\ 6 & \textbfb{0.74 (0.19)} & 0.73 (0.22) & \textbfr{0.75 (0.17)} & 0.56 (0.30) & 0.58 (0.16) \\ 7 & \textbfr{0.90 (0.13)} & \textbfb{0.79 (0.19)} & 0.67 (0.35) & 0.57 (0.23) & 0.72 (0.37) \\ 8 & 0.72 (0.24) & \textbfr{0.88 (0.13)} & 0.65 (0.14) & 0.57 (0.28) & \textbfb{0.82 (0.13)} \\ \bottomrule \end{tabularx} \begin{tabularx}{\textwidth}{ >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X >{\centering\arraybackslash}X } \toprule \multicolumn{6}{c}{\textbf{Cross-individual NCPD}} \\ \midrule Setting & s-GNN-I & Frobenius & SC-NCPD & CUSUM & CUSUM 2 \\ \midrule Random split & \textbfr{0.81 (0.07)} & 0.75 (0.03) & 0.75 (0.03) & 0.59 (0.12) & \textbfb{0.80 (0.04)} \\ LOSO & \textbfr{0.89 (0.02)} & 0.70 (0.20) & \textbfb{0.77 (0.06)} & 0.62 (0.11) & 0.75 (0.12) \\ \bottomrule \end{tabularx} \caption{Adjusted F1-score of our method and baselines in the \textbf{Individual-level} and \textbf{Cross-individual} NCPD tasks on the physical activity monitoring data. \mc{The red, respectively blue, bold values in each row denote the top best, respectively second best, performing methods}. The values in the parentheses denote the standard deviation over 10 repetitions of the random splits train/validation/set, except for the leave-one-subject-out (LOSO) setting for which mean and standard deviation are computed over the 8 folds.} \label{tab:res_exp1} \end{table} \section{Conclusion} \label{sec:discussion} In this work, we proposed a novel method for detecting change-points in dynamic networks using a data-driven graph similarity function. The latter is learnt by a siamese GNN model, trained and validated on pairs of graphs from the network sequence. This similarity function allows to effectively compare the current graph to its short-term history for detecting potential displacements, with a simple online statistic. We demonstrated the benefits of our method in synthetic experimental settings of dynamic SBMs, and on two real-world data sets of correlation networks, and concluded that our method is more accurate at distinguishing graphs with different generative distributions and detecting change-points, compared to existing baselines. As previously noted, one main challenge posed by using a deep-learning based model for NCPD is the training and validation procedures, which necessitate either a data set with change-point labels, or an adequate unsupervised or self-supervised learning procedure. Since the former is quite rare, a future direction for this work could to develop the latter approach, for instance using data augmentation strategies \cite{Carmona2021NeuralCA} for introducing artificial change-points in the training set. Another possible extension would be to adapt our framework to more general types of dynamic networks, e.g., snapshots with varying node sets or with missing edges. \mc{In certain application domains, it may well be the case that change-points phenomena are localized only in certain parts of the network (as considered in some of our synthetic experiments), and are not affecting the global structure}. \mcc{To this end, yet another interesting addition to the current framework is to be able to pinpoint specifically which part of the network is mainly driving the change-point, to enhance explainability.} \mcc{Finally, extending the methodology to different types of networks, such as directed networks, is an interesting direction to explore, especially in the context of recent work in the literature that encodes various measures of causality or lead-lag associations in multivariate time series as directed graphs \cite{leadLagTS,Runge2017}. The structure of such weighted directed graphs may evolve over time, which motivates the need for techniques for change-point detection, a setting where adapting traditional spectral methods for change-point detection would be challenging, due to the asymmetry of the adjacency matrix.}
d770ce9f14a5e3e0e4eab2b8ab321bba4495da66
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \ac{ISAC} has emerged as a key enabler for 5G and beyond wireless systems to deal with the challenging requirement in terms of spectral efficiency, localization, as well as power consumption \cite{bourdoux20206g}. In particular, the waveform design for \ac{ISAC}, sharing common hardware and spectrum, has been extensively studied in the literature (see e.g. \cite{ma2019joint} and references therein). In this context, \ac{OFDM} has been widely investigated as an \ac{ISAC} waveform, in virtue of its availability in wireless communication systems and the capability to achieve accurate radar estimation performance \cite{sturm2011waveform, SP-ISAC-Heath-Liu}. Most of the envisioned \ac{ISAC} applications are expected to operate in \ac{mmWave} \cite{SP-ISAC-Heath-Liu}. A key feature of the \ac{mmWave} channel that motivates this design is its sparsity in the beamspace domain \cite{mmWaveChannel-Hanzo}, which connects the scattering conditions with the geometry of the environment. Due to this property, accurate channel state information is needed in order to efficiently operate in the \ac{mmWave} channel. Since acquiring this information leads to overhead, methods for dynamically inferring the channel state given past observations are currently an active area of research, often under the name of beam tracking \cite{BayesianPredictiveBeamforming, LarewBT, VaBT, LimBT, DehkordiTracking, LiuLetter3}. Another key issue in \ac{mmWave} are the large bandwidths involved, resulting in the need for very high sampling rates and a subsequent raise in receiver complexity and energy consumption. This problem is exacerbated when large antenna arrays are considered and the received signal is sampled and demodulated at each antenna output. Most of the previous approaches to beam tracking \cite{LarewBT, VaBT, LimBT, DehkordiTracking} consider channel sounding strategies, where pilot signals are necessary to track the channel, therefore experiencing overhead. \ac{ISAC} systems eliminate this problem by considering a radar receiver co-located with the transmitter, such that the transmitted waveform can carry information while being perfectly known upon reception. However, many of the current works in this framework suffer from some practical limitations. These include (i) the use of fully digital receiver architectures incurring high energy consumption \cite{BayesianPredictiveBeamforming, LiuCaire, LiuLetter3}, (ii) the restriction to very simple trajectories such as straight roads \cite{BayesianPredictiveBeamforming, Hyun-EKF, liu2021learningbased}, and (iii) the assumption of perfect matched filtering, thus neglecting the effect of discrete sampling in time and frequency \cite{BayesianPredictiveBeamforming, LiuLetter3}. In this paper, we extend our previous work on beam refinement with \ac{HDA} architectures \cite{BeamRefinement} to a tracking scenario by combining it with recent ideas from the literature. Our method outperforms other existing approaches by showing that well designed low dimensional observations are sufficient to achieve almost optimal tracking performance, therefore alleviating the hardware complexities in \ac{mmWave}. Furthermore, we evaluate the proposed method in highly non-linear environments without the commonly used assumption of perfect matched filtering. Our simulation results demonstrate that it yields excellent performance when accurate mobility models are not available. \section{System Model}\label{sec:sys_model} We consider an \ac{ISAC} scenario where a \ac{BS} with $N_{\rm tx}$ antennas and $N_{\rm tx}^{\rm rf}$ RF chains, co-located with a radar receiver equipped with $N_{\rm rx}$ antennas and $N_{\rm rx}^{\rm rf}$ RF chains, tries to communicate with $K$ users, while simultaneously tracking their positions over time. We let the system operate in the \ac{mmWave} band. Our model assumes that the \ac{BS} has coarse knowledge of the angular locations of the $K$ users at each measurement epoch. Such knowledge can be acquired by a beam alignment method (see e.g. \cite{Xiaoshen-singlecarrier}) if a new user enters the coverage region of the \ac{BS}, or predicted from previous observations for tracked users, as explained in Section \ref{sec:tracking}. This section focuses on a single measurement step, therefore we drop the measurement index to simplify notation. \subsection{Channel model} Assuming the $K$ users are well separated in space, we adopt the widely used mmWave radar channel model (see e.g. \cite{SP-ISAC-Heath-Liu}) where where the received echoes arrive from the \ac{LoS} direction corresponding to each user, i.e. \begin{align}\label{eq:channel} {\bf H} (t, \tau) = \sum_{k=1}^{K}h_{k} {\bf b}(\phi_{k}) {\bf a}^{\scriptscriptstyle\mathsf{H}}(\phi_{k})\delta(\tau-\tau_{k}) e^{j2\pi \nu_{k} t}\,, \end{align} where $h_{k}$, $\tau_{k}$, $\nu_{k}$ and $\phi_{k}$ are respectively the complex channel coefficient, delay, Doppler and angle of arrival (AoA) of the $k$-th user. Notice that, due to the co-location of \ac{BS} and radar receiver, the angles of departure and arrival coincide. For simplicity, we focus on uniform linear arrays (ULA), such that their array response vectors have elements given by \begin{align} &[{\bf a}(\phi_{k})]_{i} = e^{j\pi(i-1)\sin(\phi_{k})},\quad i\in0,\dots,N_{\rm tx}-1\\ &[{\bf b}(\phi_{k})]_{i} = e^{j\pi(i-1)\sin(\phi_{k})},\quad i\in0,\dots,N_{\rm rx}-1 \end{align} According to the radar equation \cite{richards2005fundamentals}, the channel coefficient $h_{k}$ satisfies \begin{align} \abs{h_{k}}^{2} = \frac{\lambda^{2}\sigma_{{\rm rcs}, k}}{(4\pi)^{3}d^{4}_{k}}, \end{align} where $\lambda$ is the wavelength at the central (carrier) frequency, and $\sigma_{{\rm rcs}, k}$ and $d_{k}$ are respectively the radar cross section (RCS) and range of the $k$-th user at a given epoch. \subsection{Signal model} We consider \ac{OFDM} as our modulation scheme since it is one of the standardized waveforms for mmWave systems and due to its good applicability as an ISAC waveform \cite{SP-ISAC-Heath-Liu}. In particular, we use the OFDM pulse shape \begin{align} p_{n, m}(t) = {\sf rect}\left(\frac{t - nT_{\rm 0}}{T_{\rm 0}}\right)e^{j 2\pi m \Delta f (t-T_{\rm cp}-nT_{\rm 0})}\,, \end{align} where ${\sf rect}(x)$ is a function taking value $1$ when $0 \leq x \leq 1$ and $0$ elsewhere, $\Delta f$ is the subcarrier spacing, $T_{\rm cp}$ is the cyclic prefix duration, and $T_{\rm 0} \stackrel{\Delta}{=} 1/\Delta f + T_{\rm cp}$ is the total symbol duration including cyclic prefix. Considering $N$ symbols and $M$ subcarriers, the transmitted \ac{OFDM} frame is given by \begin{align}\label{eq:OFDM_tx} {\bf s}(t) = \frac{1}{\sqrt{K}}\sum_{k=1}^{K}{\bf f}(\hat{\phi}_{k})\sum_{n=0}^{N-1}\sum_{m=0}^{M-1}\zeta_{k}[n, m]p_{n, m}(t) \end{align} where $\{\hat{\phi}_{k}\}$ is a set of predicted AoAs, ${\bf f}:[-\pi/2, \pi,2]\mapsto \mbox{\bb C}^{N_{\rm tx}}$ is a beamforming function that generates a unit norm beam pointing towards the intended user, and $\zeta_{k}[n, m]$ is the $n$-th information symbol intended to user $k$ sent over subcarrier $m$. For simplicity, we considered $K \leq N_{\rm tx}^{\rm rf}$ in \eqref{eq:OFDM_tx}. As it is common in the literature \cite{OFDMvsOTFS}, we will make the assumption \begin{align} \Delta f \gg \nu_{\rm max}, \end{align} where $\nu_{\rm max}$ is the maximum Doppler frequency to be expected in the channel. The received backscattered signal in the antenna plane and in the absence of noise is given by \begin{align}\label{eq:rx_sig_time_domain} {\bf y}(t) &= \frac{1}{\sqrt{K}}\sum_{k=1}^{K}h_{k}{\bf b}(\phi_{k}){\bf a}^{\scriptscriptstyle\mathsf{H}}(\phi_{k}){\bf s}(t-\tau_{k})e^{j2\pi\nu_{k}t} \\ &= \frac{1}{\sqrt{K}}\sum_{k=1}^{K}h_{k}{\bf b}(\phi_{k})\sum_{k'=1}^{K}{\bf a}^{\scriptscriptstyle\mathsf{H}}(\phi_{k}){\bf f}(\hat{\phi}_{k'})\nonumber\\ &\qquad\qquad\sum_{n=0}^{N-1}\sum_{m=0}^{M-1} \zeta_{k'}[n, m]p_{n, m}(t-\tau_{k})e^{j2\pi\nu_{k}t}\\ &\approx\frac{1}{\sqrt{K}}\sum_{k=1}^{K}h_{k}{\bf b}(\phi_{k}){\bf a}^{\scriptscriptstyle\mathsf{H}}(\phi_{k}){\bf f}(\hat{\phi}_{k})\nonumber\\ &\qquad\qquad\sum_{n=0}^{N-1}\sum_{m=0}^{M-1} \zeta_{k}[n, m]p_{n,m}(t-\tau_{k})e^{j2\pi\nu_{k}t}, \end{align} where the last step follows from the approximation $\abs{{\bf a}^{\scriptscriptstyle\mathsf{H}}(\phi_{k}){\bf f}(\hat{\phi}_{k'})} \approx 0$ for $k' \neq k$, which is accurate in massive MIMO systems when the users are spatially separated and the predictions are close to the true value \cite{mMIMO-fundamentals}. Aiming to reduce hardware complexity and energy consumption at the radar receiver, we process the received signal ${\bf y}(t)$ by a reduction matrix before sampling. In order to be able to produce super-resolution angle estimates, we let the radar receiver focus on a single user $k^*$ for each OFDM frame, and estimate different users sequentially in time. We achieve this by tuning the reduction matrix ${\bf U}_{k^*} \in \mbox{\bb C}^{N_{\rm rx}\timesN_{\rm rx}^{\rm rf}}$ as will be described later. Then, after standard OFDM processing (see e.g. \cite{sturm2011waveform}) and including noise, the sampled signal when focusing on user $k^*$ is given by \begin{align} {\bf y}_{k^*}[n, m] &= {\bf U}_{k^*}^{\scriptscriptstyle\mathsf{H}}\bigg(\frac{1}{\sqrt{K}}\sum_{k=1}^{K}h_{k}e^{j2\pi(nT_{\rm 0}\nu_{k} - m\Delta f\tau_{k})}{\bf b}(\phi_{k})\nonumber\\ &\qquad\qquad\;\;{\bf a}^{\scriptscriptstyle\mathsf{H}}(\phi_{k}){\bf f}(\hat{\phi}_{k})\zeta_{k}[n, m] + {\bf w}[n, m]\bigg)\\ &= {\bf U}_{k^*}^{\scriptscriptstyle\mathsf{H}}\left(\sum_{k=1}^{K}h_{k}g_{t, k}{\bf b}(\phi_{k})\tilde{\zeta}_{k}[n, m] + {\bf w}[n, m]\right) \label{eq:rx_sampled_inter}\\ &\approx {\bf U}_{k^*}^{\scriptscriptstyle\mathsf{H}} h_{k^*}g_{t, k^*}{\bf b}(\phi_{k^*})\tilde{\zeta}_{k^*}[n, m] + {\bf U}_{k^*}^{\scriptscriptstyle\mathsf{H}}{\bf w}[n, m] \label{eq:rx_sampled}, \end{align} where in \eqref{eq:rx_sampled_inter} we defined $g_{{\rm tx}, k} \stackrel{\Delta}{=} \frac{1}{\sqrt{K}}{\bf a}^{\scriptscriptstyle\mathsf{H}}(\phi_{k}){\bf f}(\hat{\phi}_{k})$ and $\tilde{\zeta}_{k}[n, m] \stackrel{\Delta}{=} \zeta_{k}[n, m]e^{j2\pi(nT_{\rm 0}\nu_{k} - m\Delta f\tau_{k})}$, ${\bf w}[n, m] \in \mbox{\bb C}^{N_{\rm rx}}$ is white Gaussian noise with variance $\sigma_{n}^{2}$, and the approximation in \eqref{eq:rx_sampled} follows from designing ${\bf U}_{k^*}$ such that $\|{\bf U}_{k^*}^{\scriptscriptstyle\mathsf{H}}{\bf b}(\phi_{k})\| \approx 0$ for $k \neq k^*$. \section{Proposed Tracking Scheme}\label{sec:tracking} In this section, we describe the two main components of our tracking scheme. First, we estimate parameters of interest from the sampled signal ${\bf y}_{k^*}[n,m]$. For our tracking scheme, we are interested in the ranges $\{d_{l, k}\}$ and angles of arrival $\{\phi_{l, k}\}$ of the different users, where $l$ indexes measurements sequentially in time. However, due to the nature of our estimator, we also produce estimates of the Doppler frequencies $\{\nu_{l, k}\}$, which could be used for other purposes outside of the scope of this paper. Then, we update the set of predicted angles $\{\phi_{l, k}\}$ based on the history of estimations. The overall procedure is summarized in Algorithm \ref{alg:beam_tracking}. \begin{algorithm}[!t] \caption{Beam Tracking} \begin{algorithmic} \INPUT Refresh period $\Delta T$, predicted angles $\{\hat{\phi}_{0, k}\}$ at $t=0$. \State $l \gets 0$ \Loop \For{$k^{*}=1,\dots,K$}\footnotemark \State Transmit beamformed OFDM frames towards \\ \hspace{4em} all directions $\{\hat{\phi}_{l, k}\}$ in the predicted set \\ \hspace{4em} as shown in Section \ref{sec:sys_model}. \State Obtain estimate $(\check{d}_{l, k^{*}}, \check{\phi}_{l,k^{*}})$ as shown in \\ \hspace{4em}Section \ref{ssec:receiver}. \State Predict $\hat{\phi}_{l+1, k^{*}}$ as shown in Section \ref{ssec:pred_update}. \EndFor \State $l \gets l + 1$ \State Radar receiver idle until $t=l\Delta T$ \EndLoop \end{algorithmic} \label{alg:beam_tracking} \end{algorithm} \footnotetext{Iteration $k^{*}$ of the inner loop corresponds to $t\in[l\Delta T + (k^{*}-1)NT_{\rm 0}, l\Delta T + k^{*}NT_{\rm 0})$.} \subsection{Radar Parameter Estimation}\label{ssec:receiver} For this section, we will focus on estimating the parameters of user $k^*$ at the $l$-th measurement round and will drop the indices to simplify notation. The measurement model is extensively described in \cite{BeamRefinement}, therefore only a brief summary will be provided here. We define the reduction matrix ${\bf U}$ as \begin{align} {\bf U} = {\bf D}(\hat{\phi})\hbox{\boldmath$\Psi$}, \end{align} where ${\bf D}(\hat{\phi}) \stackrel{\Delta}{=} {\hbox{diag}}(1, e^{j\pi\sin(\hat{\phi})}, \dots, e^{j\pi(N_{\rm rx}-1)\sin(\hat{\phi})})$ is a tunable network of phase shifters and $\hbox{\boldmath$\Psi$}$ is a fixed network of beamformers pointing towards the broadside direction (i.e. $\phi=0$) , satisfying ${\bf U}^{\scriptscriptstyle\mathsf{H}}{\bf U} = \frac{1}{N_{\rm rx}^{\rm rf}}{\bf I}_{N_{\rm rx}^{\rm rf}}$, where ${\bf I}_{N}$ is the identity matrix of rank $N$. In particular, we let the columns of $\hbox{\boldmath$\Psi$}$ be obtained as the first $N_{\rm rx}^{\rm rf}$ Slepian sequences of length $N_{\rm rx}$ and any user defined time-bandwidth product. A brief description of Slepian sequences can be found in \cite{BeamRefinement} and more extensive treatment in \cite{StoicaSpectralAnalysis}. Using this design, we can obtain the sample covariance matrix from $N\times M$ samples \begin{align}\label{eq:BS_MUSIC} \hat{{\bf R}} &= \frac{1}{NM}\sum_{n=0}^{N-1}\sum_{m=0}^{M-1}{\bf y}[n, m]{\bf y}^{\scriptscriptstyle\mathsf{H}}[n, m] \nonumber\\ &\approx P_{\rm tx}\abs{h}^{2}\abs{g_{\rm tx}}^{2}\hbox{\boldmath$\Psi$}^{\scriptscriptstyle\mathsf{H}}{\bf b}(\phi'){\bf b}^{\scriptscriptstyle\mathsf{H}}(\phi')\hbox{\boldmath$\Psi$} + \sigma_{n}^{2}{\bf I}_{N_{\rm rx}^{\rm rf}}, \end{align} where $P_{\rm tx} \stackrel{\Delta}{=} \mbox{\bb E}\left[\abs{\zeta[n,m]}^2\right]$ is the average power of the transmitted signal and $\phi' \stackrel{\Delta}{=} \sin^{-1}(\sin(\phi) -\sin(\hat{\phi}))$. Given the structure of $\hat{{\bf R}}$, we can process it via spectral methods such as MUSIC \cite{StoicaSpectralAnalysis} in order to obtain $\check{\phi}$ as a super-resolution estimate of $\phi$. Finally, we can use the signal model in \eqref{eq:rx_sampled} together with our estimate of $\phi$ to obtain a least squares estimate of $\tau$ and $\nu$. To do so, we solve \begin{align}\label{eq:NLS} (\check{\tau}, \check{\nu}) = \underset{(\tau, \nu)}{\arg\min}\;\; \sum_{n,m}\left\|{\bf y}[n, m] - hg_{\rm tx}{\bf U}^{\scriptscriptstyle\mathsf{H}}{\bf b}(\check{\phi})\tilde{\zeta}[n, m]\right\|_{2}^{2}\;\;, \end{align} which, as shown in \cite{BeamRefinement}, is equivalent to solving \begin{align}\label{eq:NLS-Last} &(\check{\tau}, \check{\nu}) = \underset{(\tau, \nu)}{\arg\max}\;\; \left|\sum_{n,m}y'[n,m]\zeta^{*}[n,m]e^{-j2\pi(nT_{\rm 0}\nu - m\Delta f\tau)}\right|, \end{align} where $y'[n, m]\stackrel{\Delta}{=} \frac{{\bf b}^{\scriptscriptstyle\mathsf{H}}(\check{\phi}){\bf U}{\bf y}[n, m]}{{\bf b}^{\scriptscriptstyle\mathsf{H}}(\check{\phi}){\bf U}\Um^{\scriptscriptstyle\mathsf{H}}{\bf b}(\check{\phi})}$. Problem \eqref{eq:NLS-Last} can be efficiently solved by applying FFT and finding a peak in a 2D grid. We can estimate the range $d$ as \begin{align} \check{d} = \frac{c\check{\tau}}{2}, \end{align} where $c$ is the speed of light. \subsection{Next Angle Prediction}\label{ssec:pred_update} In this section, we summarize the key points of the beam prediction step in \cite{LiuLetter3} and propose a combination of their simple tracking equations with the radar receiver introduced in Section \ref{ssec:receiver} that yields an overall improved performance. By focusing still on a single user, we will introduce the time index $l$ to capture the prediction based on the past observations. The approach in \cite{LiuLetter3} aims to predict the coordinates of the user of interest given the kinematic state in the last three measurement epochs. In particular, focusing on the $x$ coordinate, \begin{align}\label{eq:kinematics} \begin{cases} &x_{l+1} - x_{l} = v_{x, l}\Delta T + a_{x, l}\Delta T^{2}/2,\\ &x_{l} - x_{l-1} = v_{x, l-1}\Delta T + a_{x, l-1}\Delta T^{2}/2,\\ &x_{l-1} - x_{l-2} = v_{x, l-2}\Delta T + a_{x, l-2}\Delta T^{2}/2,\\ &v_{x, l} - v_{x, l-1}= a_{x, l-1}\Delta T,\\ &v_{x, l-1} - v_{x, l-2} = a_{x, l-2}\Delta T \end{cases} \end{align} where $x_{l}$, $v_{x, l}$ and $a_{x, l}$ are respectively the $x$-th coordinate, the velocity and the acceleration in the $x$-th coordinate at the $l$-th measurement step, and $\Delta T$ is the interval between measurements corresponding to the same user. In this work, we choose $\Delta T \gg T_{\rm 0}$ for two reasons. First, since different users are estimated sequentially in time, the number of users this system can accommodate is upper bounded by $\lfloor\Delta T/T_{\rm 0}\rfloor$, where $\lfloor x \rfloor$ indicates the largest integer not greater than $x$. Second, $T_{\rm 0}$ can be too short for any non-negligible motion to happen. Therefore, using a much longer $\Delta T$ does not significantly affect performance, while greatly simplifying hardware operation by reducing the rate at which beams must be reconfigured. By setting the assumption that the acceleration does not significantly change in three measurement steps (i.e. $a_{x, l-2} \approx a_{x, l-1} \approx a_{x, l}$), the system of equations in \eqref{eq:kinematics} can be solved for $x_{l+1}$ yielding \begin{align} \hat{x}_{l+1} = 3x_{l} - 3x_{l-1} + x_{l-2} \approx 3\check{x}_{l} - 3\check{x}_{l-1} + \check{x}_{l-2}, \end{align} where, keeping our notation consistent, $\check{x}$ represents an estimated value (e.g. by following the processing in Section \ref{ssec:receiver})\footnote{Notice that estimates of $x$ and $y$ can be directly obtained from estimates of $d$ and $\phi$ using basic trigonometry.}, and $\hat{x}$ represents a predicted value. The derivation holds verbatim for the $y$-th coordinate, so we can obtain a prediction for the next AoA from the relation between the $x$ and $y$ coordinates as \begin{align}\label{eq:Liu-Prediction} \hat{\phi}_{l+1} = \tan^{-1}\left(\frac{3\check{x}_{l} - 3\check{x}_{l-1} + \check{x}_{l-2}}{3\check{y}_{l}-3\check{y}_{l-1}+\check{y}_{l-2}}\right). \end{align} \section{Numerical Results} We compare our approach with the one proposed in \cite{LiuLetter3} that assumes a fully digital receiver (i.e. $N_{\rm rx}^{\rm rf}=N_{\rm rx}$) and considers estimation via local linear approximation \cite[Section III.B]{LiuLetter3}. We remark here that our method, by operating in the beam-space domain, overcomes two major issues associated with fully digital architectures. First, it greatly reduces hardware complexity since the wideband signal is sampled by only $N_{\rm rf}$ A/D converters, where we can in general have $N_{\rm rf} \ll N_{\rm a}$ as will be shown in this section. Second, it should be noted that the raw samples at the antenna outputs are extremely noisy due to the large pathloss of the two-way \ac{mmWave} channel. Our method projects the high dimensional signal into a suitable low dimensional subspace where most of the information content is preserved but noise from uninteresting directions is rejected, thus resulting in a much higher SNR per sample. Slepian sequences provide a systematic way to define such a subspace by procuring an orthonormal basis upon which signals coming from directions of interest have maximal projection, whereas those coming from any other angular region are approximately orthogonal. We also note that we had to assume perfect matched filtering for the method in \cite{LiuLetter3} to perform adequately, whereas our method is robust to small processing errors (e.g. those caused by discrete sampling in time and frequency). A detailed description of what this assumption entails can be found in Appendix \ref{app:PerfectMF}. For the sake of completeness, we also include performance evaluation for the method in \cite{LiuLetter3} when no perfect matched filtering is assumed. Furthermore, for ease of evaluation, in the presented results we focus on a single user scenario (i.e. $K=1$). Table \ref{tab:System-Parameters} summarizes the parameters used in our simulations. \renewcommand{\arraystretch}{1.3} \begin{table} \caption{System parameters} \centering \begin{tabular}{|c|c|} \hline $N=64$ & $M=512$ \\ \hline $N_{\rm tx}=N_{\rm rx}=64$ & $N_{\rm tx}^{\rm rf}=N_{\rm rx}^{\rm rf}=4$ \\ \hline $f_{\rm c}=$ \SI{60}{\giga\hertz} & $\Delta f=$ \SI{1}{\mega\hertz} \\ \hline $d_{\rm max} = $ \SI{100}{\meter} & $v_{\rm max} =$ \SI{30}{\meter/\second}\\ \hline $P_{\rm TX}$ = \SI{50}{\milli\watt} & $\sigma_{\rm rcs}=$ \SI{20}{\deci\belsquaremeter} \\ \hline Noise PSD: $N_{0}$ = \SI{2e-21}{\watt/\hertz} & $\Delta T= $ \SI{100}{\milli\second} \\ \hline \end{tabular} \label{tab:System-Parameters} \end{table} \begin{figure} \centering \includegraphics[width=.9\linewidth]{trajectory} \caption{Main road scenario and trajectory considered.} \label{fig:trajectory} \end{figure} \begin{figure} \begin{center} \resizebox{1.\linewidth}{!}{\input{Mean_SE_Medium.pgf}} \end{center} \caption{Achievable spectral efficiency as a function of the time step for the selected trajectory.} \label{fig:SE_Single_Traj} \end{figure} \begin{figure} \begin{center} \resizebox{1\linewidth}{!}{\input{SE_per_position.pgf}} \end{center} \caption{Achievable spectral efficiency as a function of the position in the road for each of the two trackers considered.} \label{fig:Heatmaps} \end{figure} To verify our results in arbitrary road geometries, we consider the road structure shown in \figurename\ref{fig:trajectory}. In particular, for our first result, we fix the path shown in blue and study the performance of the two trackers in terms of achievable spectral efficiency as a function of the time step, averaged over 500 Monte Carlo simulations. The achievable spectral efficiency assumes a single antenna user, and is computed as \begin{align}\label{eq:AverageSE} \eta_{l} \approx \mbox{\bb E}\left[\log_{2}\left(1 + \left( \frac{\lambda}{4\pi d_{l}}\right)^{2}\frac{P_{\rm tx}\vert g_{{\rm tx}, l}\vert^{2}}{N_{0}(M\Delta f)}\right)\right], \end{align} where the approximation follows from using an empirical estimation of the expectation and $N_{0}$ is the noise power spectral density at the user. The results are presented in \figurename\ref{fig:SE_Single_Traj}, and show how our method is able to quickly recover from the non-smooth changes of direction while the approach in \cite{LiuLetter3} loses track of the user and is not able to find it again. In order to average results over different mobility patterns, we generate trajectories where a user moves within the road structure defined in \figurename\ref{fig:trajectory}, but now is able to take any of the paths, and where the speed at each time step is sampled from a random process. Since now there is no association between time step and kinematic state, we illustrate performance as a function of the position by means of a heat map. This is shown in \figurename\ref{fig:Heatmaps}, where our method clearly outperforms the baseline in \cite{LiuLetter3} when averaging over an ensemble of different trajectories. In particular, it can be observed that the approach in \cite{LiuLetter3} fails most of the time to track the user in the locations closest to the \ac{BS}, where the angles change at a faster rate, even though the path loss there is small. On the other hand, the performance of our proposed method depends only on the distance (or equivalently the path loss) to the user, but is robust to fast changes in the trajectory. \begin{figure} \centering \includegraphics[width=.9\linewidth]{Results_per_NRF} \caption{Average beamforming gain as a function of the number of RF chains for different numbers of antenna elements.} \label{fig:Perf_per_NRF} \end{figure} Finally, we study the effect of the number of RF chains in the tracking performance. To do so, we generate multiple trajectories and average the beamforming gain obtained at each point of each path for different antenna front end configurations. This is presented in \figurename\ref{fig:Perf_per_NRF}, where it can be seen that as few as 4 RF chains are enough to achieve close to optimal performance. This result suggests that projecting the high dimensional signal at the antenna plane onto a much lower dimensional space preserves most of the information necessary for estimation, provided that the considered subspace is adequately selected. The figure also shows how the gap between the achieved results and the upper bound becomes larger when the number of antennas increases. This can be explained by the fact that larger arrays generate narrower beams, resulting on a higher sensitivity to small pointing errors. \section{Conclusions} In this paper, we have shown an efficient method to perform beam tracking in OFDM \ac{ISAC} systems, based on the combination of an advanced \ac{HDA} receiver and a simple tracking equation. Our close to optimal results indicate that large savings in computation and hardware complexity can be obtained without sacrificing performance. Moreover, the validation of our results in complicated road geometries suggests that our method is general enough to perform well in realistic mobility scenarios. \bibliographystyle{IEEEtran}
dc5cddb331cea6694bea08bce3bae59e92b0398b
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{sec:intro} The presence of undesirable biases in computer vision applications is of increasing concern. The evidence shows that large-scale datasets, and the models trained on them, present major imbalances in how different subgroups of the population are represented \cite{excavating,buolamwini2018gender,zhao2017men,burns2018women}. Detecting and addressing these biases, often known as societal biases, has become an active research direction in our community \cite{wang2020revise,yang2020towards,khan2021one,de2019does,stock2018convnets,alvi2018turning,thong2021feature}. Contrary to popular belief, the presence of bias in datasets is not the only cause of unfairness \cite{d2020data}. Model choices and how the systems are trained also have a large impact on the perpetuation of societal bias. This is supported by evidence: 1) models are not only reproducing the inequalities of the datasets but amplifying them \cite{zhao2017men}, and 2) even when trained on balanced datasets, models may still be biased \cite{wang2019balanced} as the depth of historical discrimination is more profound than what it can be manually annotated, \ie, bias is not always evident to the human annotator eye. \begin{figure}[t] \centering \vspace{-5pt} \includegraphics[clip, width=0.98\columnwidth]{Copy_of_test_of_First_fig_1.pdf} \vspace{-5pt} \caption{Measuring gender bias in MSCOCO captions \cite{chen2015microsoft}. For each caption generated by humans, NIC \cite{vinyals2015show}, or NIC+Equalizer \cite{burns2018women}, we show our proposed bias score for \textit{female} and \textit{male} attributes. This bias score indicates how much a caption is biased toward a certain protected attribute. The contribution of each word to the bias score is shown in gray-scale (bold for the word with the highest contribution). Gender revealing words are masked.} \label{fig:first} \end{figure} The prevalence of accuracy as the single metric to optimize in most popular benchmarks \cite{torralba2011unbiased} has made other aspects of the models, such as fairness, cost, or efficiency, not a priority (and thus, something to not look into). But societal bias is a transversal problem that affects a variety of tasks within computer vision, such as \textit{facial recognition}, with black women having higher error rates than white men \cite{buolamwini2018gender}; \textit{object classification}, with kitchen objects being associated with women with higher probabilities than with men \cite{zhao2017men}; or \textit{pedestrian detection}, with lighter skin individuals showing higher detection rates than darker skin people \cite{wilson2019predictive}. Although the causes of societal bias in different computer vision systems may be simila , the consequences are particular and require specific solutions for each task. We examine and quantify societal bias in image captioning (Figure \ref{fig:first}). Image captioning has achieved state-of-the-art accuracy on MSCOCO captions dataset \cite{chen2015microsoft} by means of pre-trained visual and language Transformers \cite{li2020oscar}. By leveraging very large-scale collections of data (\eg, Google Conceptual Captions \cite{sharma2018conceptual} with about 3.3 million image-caption pairs crawled from the Internet), self-attention-based models \cite{vaswani2017attention} have the potential to learn world representations according to the training distribution. However, these large amounts of data, often without (or with minimal) curation, conceal multiple problems, including the normalization of abuse or the encoding of discrimination \cite{excavating,birhane2021multimodal,prabhu2020large}. So, once image captioning models have achieved outstanding performance on evaluation benchmarks, a question arises: are these models safe and fair to everyone? We are not the first to formulate this question. Image captioning has been shown to reproduce gender \cite{burns2018women} and racial \cite{zhao2021captionbias} bias. By demonstrating the existence of societal bias in image captioning, the pioneering work in \cite{burns2018women} set the indispensable seed to continue to investigate this problem, which we believe is far from being solved. We argue that one of the aspects that remains open is the quantification and evaluation of societal bias in image captioning. So far, a variety of metrics have been applied to assess different aspects of societal bias in human and model-generated captions, such as whether the representation of different subgroups is balanced \cite{burns2018women,zhao2021captionbias} or whether the protected attributes\footnote{\textit{Protected attribute} refers to a demographic variable (age, gender, race, \etc) that a model should not use to produce an output.} values (\eg, \textit{female}, \textit{male}) are correctly predicted \cite{burns2018women,tang2021mitigating}. However, in Section~\ref{sec:analysis}, we show that current metrics may be insufficient, as they only consider the effects of bias perpetuation to a degree. With the aim to identify and correct bias in image captioning, in Section~\ref{sec:ourmetric}, we propose a simple but effective metric that measures not only how much biased a trained captioning model is, but also how much bias is introduced by the model with respect to the training dataset. This simple metric allows us to conduct a comprehensive analysis of image captioning models in terms of gender and racial bias (Section \ref{sec:evaluation}), with an unexpected revelation: the gender equalizer designed to reduce gender bias in \cite{burns2018women} is actually amplifying gender bias when considering the semantics of the whole caption. This discovery highlights, even more, the necessity of a standard, unified metric to measure bias and bias amplification in image captioning, as the efforts to address societal inequalities will be ineffective without a tool to quantify how much bias a system exhibits and where this bias is coming from. We conclude the paper with an analysis of the limitation of the proposed metric in Section~\ref{sec:limitations} and a summary of the main findings in Section~\ref{sec:conclusion}. \section{Related work} \label{sec:relatedwork} \paragraph{Societal bias in computer vision} The problem of bias in large-scale computer vision datasets was first raised by Torralba and Efros in \cite{torralba2011unbiased}, where the differences in the image domain between datasets were explored. Each dataset presented different versions of the same object (\eg, cars in Caltech \cite{fei2004learning} tended to appear sidewise, whereas in ImageNet \cite{deng2009imagenet} were predominantly of racing type), impacting cross-dataset generalization. But it was only recently that societal bias in computer vision was formally investigated. In the seminal work of Buolamwini and Gebru \cite{buolamwini2018gender}, commercial face recognition applications were examined across subgroups, demonstrating that performance was different according to the gender and race of each individual, especially misclassifying women with darker skin tones. Similarly, Zhao \etal \cite{zhao2017men} showed not only that images in MSCOCO \cite{lin2014microsoft} were biased towards a certain gender, but also that action and object recognition models amplified such bias in their predictions. With an increased interest in fairness, multiple methods for mitigating the effects of dataset bias have been proposed \cite{zhao2017men,wang2019balanced,wang2019racial,thong2021feature,jia2020mitigating}. \vspace{-14pt} \paragraph{Measuring societal bias} Societal bias is a problem with multiple layers of complexity. Even on balanced datasets, models still perpetuate bias \cite{wang2019balanced}, indicating that social stereotypes are occurring at the deepest levels of the image. This makes the manual identification and annotation of biases unfeasible. Thus, the first step towards fighting and mitigating bias is to quantify the problem. Bias quantification metrics have been introduced for image classification. Zhao \etal \cite{zhao2017men} defined bias based on the co-occurrence of objects and protected attributes; Wang \etal \cite{wang2019balanced} relied on the accuracy of a classifier when predicting the protected attributed; and Wang and Russakovsky \cite{wang2021directional} extended the definition of bias by including directionality. In addition, REVISE \cite{wang2020revise} and CIFAR-10S \cite{wang2020towards} ease the task of identifying bias on datasets and models, respectively. These solutions, however, cannot be directly applied to image captioning, so specific methods must be developed. \vspace{-14pt} \paragraph{Societal bias in image captioning} In image captioning \cite{vinyals2015show,xu2015show,you2016image,anderson2018bottom} the input to the model is an image and the output is a natural language sentence. This duality of data modalities makes identifying bias particularly challenging, as it can be encoded in the image and/or in the language. The original work by Burns \etal \cite{burns2018women} showed that captions in MSCOCO \cite{chen2015microsoft} present gender imbalance and proposed an equalizer to force captioning models to produce gender words based on visual evidence. Recently, Zhao \etal \cite{zhao2021captionbias} studied racial bias from several perspectives, including visual representation, sentiment analysis, and semantics. Each of these studies, however, uses different evaluation protocols and definitions of bias, lacking of a standard metric. To fill this gap, we propose an evaluation metric to measure not only how biased a model is, but how much it is amplified with respect to the original (biased) dataset. \section{Analysis of fairness metrics} \label{sec:analysis} Bias in image captioning has been estimated using different methods: how balanced the prediction of the protected attributed is~\cite{burns2018women}, the overlap of attention maps with segmentation annotations~\cite{burns2018women}, or the difference in accuracy between the different protected attributes~\cite{zhao2021captionbias}. In this section, we thoroughly examine existing fairness evaluation metrics and their shortcomings when applied to image captioning. \vspace{-14pt} \paragraph{Notation} Let $\mathcal{D}$ denote the training split of a certain vision dataset with samples $(I, y, a)$, where $I$ is an image, $y$ is the ground-truth annotation for a certain task, and $a \in \mathcal{A}$ is a protected attribute in set $\mathcal{A}$. The validation/test split is denoted by $\mathcal{D}'$. We assume there is a model $M$ that makes prediction $\hat{y}$ associated with this task from the image, \ie, $\hat{y} = M(I)$. For image captioning, we define a ground-truth caption $y = (y_1, y_2, \dots, y_n)$ as a sequence of $n$ tokens \subsection{Fairness metrics in image captioning} \paragraph{Difference in performance} A natural strategy to show bias in image captioning is as the difference in performance between the subgroups of a protected attribute, in terms of accuracy~\cite{burns2018women,tang2021mitigating,zhao2021captionbias}, ratio~\cite{burns2018women}, or sentiment analysis~\cite{zhao2021captionbias}. Quantifying the existence of different behavior according to demographic groups is essential to demonstrate the existence of bias in a model, but it is insufficient for a deeper analysis, as it does not provide information on where the bias comes from, and whether bias is being amplified by the model. Thus, it is good practice to accompany difference in performance with other fairness metrics. \vspace{-14pt} \paragraph{Attribute misclassification} Another common metric is to check if the protected attribute has been correctly predicted in the generated caption \cite{burns2018women,tang2021mitigating}. This assumes that the attribute can be clearly identified in a sentence, which may be the case for some attributes, \eg, age (\textit{a young person}, \textit{a child}) or gender (\textit{a woman}, \textit{a man}), but not for others, \eg, skin tone. This is critical for two reasons: 1) even when the attribute is not clearly mentioned in a caption, bias can occur through the use of different language to describe different demographic groups; and 2) it only considers the prediction of the protected attribute, ignoring the rest of the sentence which may also exhibit bias. \vspace{-14pt} \paragraph{Right for the right reasons} Introduced in \cite{burns2018women}, it measures whether the attention activation maps when generating a protected attribute word $w$ in the caption, \eg, \textit{woman} or \textit{man}, are located in the image region where the evidence about the protected attribute is found, \ie, the person. This metric quantifies the important task of whether $w$ is generated based on the person visual evidence or, on the contrary, on the visual context, which has been shown to be one of the sources of bias in image captioning models. However, it has three shortcomings: 1) it needs a shortlist of protected attribute words, and a person segmentation map per image, which may not always be available; 2) it assumes that visual explanations can be generated from the model, which may not always be the case; and 3) it does not consider the potential bias in the rest of the sentence, which (as we show in Section \ref{sec:evaluation}) is another critical source of bias. \vspace{-14pt} \paragraph{Sentence classification} Lastly, Zhao \etal \cite{zhao2021captionbias} introduced the use of sentence classifiers for analyzing racial bias. The reasoning is that if a classifier can distinguish between subgroups in the captions, the captions contain bias. Formally, let $f$ denote a classifier that predicts a protected attribute in $\mathcal{A}$ trained over $\mathcal{D}$, \ie, $\hat{a} = f(y)$, from a caption $y$ in an arbitrary set $\mathcal{H}$ of captions. If the accuracy is higher than the chance rate, $y$ is considered to be biased: \begin{equation} \text{SC} = {1 \over |\mathcal{H}|} \sum_{y \in \mathcal{H}} \mathbb{1}[ f(y) = a ], \end{equation} where $\mathbb{1}[\cdot]$ is a indicator function that gives $1$ when the statement provided as the argument holds true and $0$ otherwise. $\mathcal{H}$ typically is the set of all captions generated from the images in the test/validation split $\mathcal{D}'$ of the dataset, \ie, $\mathcal{H} = \{M(I) \mid I \in \mathcal{D}'\}$. Unlike the previous methods, this metric considers the full context of the caption. However, a major shortcoming is that, when bias exists on the generated data, the contributing source is not identified. Whether the bias comes from the model or from the training data and whether bias is being amplified or not, cannot be concluded. \subsection{Bias amplification metrics} There is a family of metrics designed to measure bias amplification on visual recognition tasks. We describe them and analyze the challenges when applied to captioning. \vspace{-14pt} \paragraph{Bias amplification} Proposed in \cite{zhao2017men}, it quantifies the implicit correlations between model prediction $\hat{y} = M(I)$ and the protected attribute $a \in \mathcal{A}$ by means of co-occurrence, and whether these correlations are more prominent in the model predictions or in the training data. Let $\mathcal{L}$ denote the set of possible annotations $l$ in the given task, \ie, $y$ and $\hat{y}$ are in $\mathcal{L}$; $c_{a}$ and $\hat{c}_{a}$ denote the numbers of co-occurrences of $a$ and $l$, counted over $y$ and $\hat{y}$, respectively. Bias is \begin{equation} \tilde{b}_{al} = \frac{\tilde{c}_{al}}{\sum_{a \in \mathcal{A}} \tilde{c}_{al}}, \end{equation} where $\tilde{c}$ is either $c$ or $\hat{c}$, and $\tilde{b}$ is either $b$ or $\hat{b}$, respectively. Then, bias amplification is defined by \begin{equation} \text{BA} = \frac{1}{|\mathcal{L}|}\sum_{a \in \mathcal{A}, l \in \mathcal{L}} (\hat{b}_{al} - b_{al} ) \times \mathbb{1}\left[b_{al} > \frac{1}{|\mathcal{A}|}\right]. \label{eq:bia} \end{equation} $\text{BA} > 0$ means that bias is amplified by the model, and otherwise mitigated. This metric is useful for a classification task, such as action or image recognition, for which the co-occurrence can be easily counted. However, one of the major shortcomings is that it ignores that protected attributes may be imbalanced in the dataset, \eg, in MSCOCO images \cite{lin2014microsoft} there are $2.25$ more men than women, which causes most of objects to be correlated with men. To solve this and other issues, Wang and Russakovsky \cite{wang2021directional} proposed an extension called directional bias amplification. \vspace{-14pt} \paragraph{Leakage} Another way to quantify bias amplification is leakage \cite{wang2019balanced}, which relies on the existence of a classifier to predict the protected attribute $a$. For a sample $(I, y, a)$ in $\mathcal{D}$ with a ground-truth annotation $y$, a classifier $f$ predicts the attribute $a \in \mathcal{A}$ from either $y$ or $\hat{y} = M(I)$. Using this, the leakage can be formally defined as, \begin{equation} \text{Leakage} = \lambda_M - \lambda_D, \label{eq:leakage} \end{equation} where \begin{align} \lambda_D &= {1 \over {|\mathcal{D}|} } \sum_{(y, a) \in \mathcal{D}} \mathbb{1} [ f(y) = a ] \label{eq:leakage1}\\ \lambda_M &= {1 \over {|\mathcal{D}|} } \sum_{(I, a) \in \mathcal{D}} \mathbb{1} [ f(\hat{y}) = a ] \label{eq:leakage2} \end{align} A positive leakage indicates that $M$ amplifies the bias with respect to the training data, and mitigates it otherwise. \vspace{-14pt} \paragraph{Challenges} The direct application of the above metrics to image captioning presents two major challenges. Let us first assume that, for image captioning, the set of words in the vocabulary corresponds to the set $\mathcal{L}$ of annotations in Eq.~(\ref{eq:bia}) under a multi-label setting. The first challenge is that these metrics do not consider the semantics of the words: \eg, in the sentences \textit{a woman is cooking} and \textit{a woman is making dinner}, the tokens \textit{cooking} and \textit{making dinner} would be considered as different annotation $l$. The second challenge is they do not consider the context of each word/task: \eg, the token \textit{cooking} will be seen as the same task in the sentence \textit{a man is cooking} and in \textit{a man is not cooking}. \section{Bias amplification for image captioning} \label{sec:ourmetric} We propose a metric to specifically measure bias amplification in image captioning models, borrowing some ideas from sentence classification \cite{zhao2021captionbias} and leakage \cite{wang2019balanced}. Our metric, named LIC, is built on top of the following hypothesis: \begin{quote} \textbf{\textit{Hypothesis 1}.} In an unbiased set of captions, there should not exist differences between how demographic groups are represented. \end{quote} \paragraph{Caption masking} As discussed in Section \ref{sec:analysis}, for some protected attributes (\eg, age and gender), specific vocabulary may be explicitly used in the captions. For example, consider \textit{gender} as a binary\footnote{Due to the availability of annotations in previous work, in this paper we use the binary simplification of gender, acknowledging that it is not inclusive and should be addressed in future work.} protected attribute $a$ with possible values $\{\textit{female}, \textit{male}\}$. The sentence \begin{quote} \centering A girl is playing piano, \end{quote} directly reveals the protected attribute value of the caption, \ie, \textit{female}. To avoid explicit mentions to the protected attribute value, we preprocess captions by masking the words related to that attribute.\footnote{A list of attribute-related words is needed for each protected attribute.} The original sentence is then transformed to the masked sentence \begin{quote} \centering A \colorbox{black}{girl} is playing piano. \end{quote} Note that this step is not always necessary, as some protected attributes are not explicitly revealed in the captions. \vspace{-14pt} \paragraph{Caption classification} We rely on a sentence classifier $f_s$ to estimate societal bias in captions. Specifically, we encode each masked caption $y'$ \footnote{If caption masking is not applied, $y' = y$.} with a natural language encoder $E$ to obtain a sentence embedding $e$, as $e = E(y')$. Then, we input $e$ into the sentence classifier $f_s$, whose aim is to predict the protected attribute $a$ from $y'$ as \begin{equation} \hat{a} = f_s(E(y')) \end{equation} $E$ and $f_s$ are learned on a training split $\mathcal{D}$. According to \textit{Hypothesis 1}, in an unbiased dataset, the classifier $f_s$ should not find enough clues in $y'$ to predict the correct attribute $a$. Thus, $\mathcal{D}$ is considered to be biased if the empirical probability $p(\hat{a} = a)$ over $\mathcal{D}$ is greater than the chance rate. \vspace{-14pt} \paragraph{Bias amplification} Bias amplification is defined as the bias introduced by a model with respect to the existing bias in the training set. To measure bias amplification, we quantify the difference between the bias in the generated captions set $\hat{\mathcal{D}} = \{\hat{y} = M(I) \mid I \in \mathcal{D}\}$ with respect to the bias in the original captions in the training split $\mathcal{D}$. One concern with this definition, particular to image captioning, is the difference in the vocabularies used in the annotations and in the predictions, due to 1) the human generated captions typically come with a richer vocabulary, 2) a model's vocabulary is rather limited, and 3) the vocabulary itself can be biased. Thus, naively applying Eq.~(\ref{eq:leakage}) to image captioning can underestimate bias amplification. To mitigate this problem, we introduce noise into the original human captions until the vocabularies in the two sets (model generated and human generated) are aligned. Formally, let $\mathcal{V}_\text{ann}$ and $\mathcal{V}_\text{pre}$ denote the vocabularies identified for all annotations and predictions in the training set, respectively. For the annotation $y = (y_1, \dots, y_N)$, where $y_n$ is the $n$-th word in $y$, we replace all $y_n$ in $\mathcal{V}_\text{ann}$ but not in $\mathcal{V}_\text{pre}$ with a special out-of-vocabulary token to obtain perturbed annotations $y^\star$, and we train the classifier $f_s^\star$ over $\{y^\star\}$. \vspace{-14pt} \paragraph{The LIC metric} The confidence score $s_a^\star$ is an intermediate result of classifier $f_s^\star$, \ie, \begin{equation} \hat{a} = f_s^\star(y^\star) = \text{argmax}_a s^\star_a(y^\star), \end{equation} and it can be interpreted as a posterior probability $p(\hat{a} = a \mid y^\star)$ of the protected attribute $a$ and can give an extra hint on how much $y^\star$ is biased toward $a$. In order words, not only the successful prediction rate is important to determine the bias, but also how confident the predictions are. The same applies to $\hat{s}_a$ and $\hat{f}_s$ trained with $\{\hat{y}\}$. We incorporate this information into the Leakage for Image Captioning metric (LIC), through \begin{align} \text{LIC}_D &= {1 \over {|\mathcal{D}|} } \sum_{(y^\star, a) \in \mathcal{D}} s^\star_a(y^\star) \mathbb{1} [ f^\star(y^\star) = a ] \label{eq:lic_leakage1}\\ \text{LIC}_M &= {1 \over {|\hat{\mathcal{D}}|} } \sum_{(\hat{y}, a) \in \hat{\mathcal{D}}} \hat{s}_a(\hat{y}) \mathbb{1} [ \hat{f}(\hat{y}) = a ], \label{eq:lic_leakage2} \end{align} so that LIC is finally computed as \begin{equation} \text{LIC} = \text{LIC}_M - \text{LIC}_D. \end{equation} where a model is considered to amplify bias if $\text{LIC} > 0$. We refer to $\hat{s}_a$ as the \textit{bias score}. \section{Experiments} \label{sec:evaluation} \paragraph{Data} Experiments are conducted on a subset of the MSCOCO captions dataset \cite{chen2015microsoft}. Specifically, we use the images with binary gender and race annotations from \cite{zhao2021captionbias}: \textit{female} and \textit{male} for gender, \textit{darker} and \textit{lighter} skin tone for race.\footnote{Similarly, due to the availability of annotations in previous work, we use a binary simplification for race and skin tone. We acknowledge that these attributes are much more complex in reality.} Annotations are available for images in the validation set with person instances, with a total of $10,780$ images for gender and $10,969$ for race. To train the classifiers, we use a balanced split with equal number of images per protected attribute value, resulting in $5,966$ for training and $662$ for test in gender, and $1,972$ for training and $220$ for test in race. Other metrics are reported on the MSCOCO val set. \vspace{-14pt} \paragraph{Metrics} We report bias using LIC, together with LIC$_D$ in Eq.~(\ref{eq:lic_leakage1}) and LIC$_M$ in Eq.~(\ref{eq:lic_leakage2}). For gender bias, we also use Ratio~\cite{burns2018women}, Error~\cite{burns2018women}, Bias Amplification (BA)~\cite{zhao2017men}, and Directional Bias Amplification~\cite{wang2021directional}. Directional bias amplification is computed for object $\rightarrow$ gender direction (DBA$_G$) and for gender $\rightarrow$ object direction (DBA$_O$) using MSCOCO objects \cite{lin2014microsoft}. For skin tone, we only use LIC, LIC$_D$, and LIC$_M$, as there are no words we can directly associated with race in the captions to calculate the other metrics. Accuracy is reported in terms of standard metrics BLEU-4~\cite{papineni2002bleu}, CIDEr~\cite{vedantam2015cider}, METEOR~\cite{denkowski2014meteor}, and ROUGE-L~\cite{lin2004rouge}. \vspace{-14pt} \paragraph{Models} We study bias on captions generated by the following models: NIC~\cite{vinyals2015show}, SAT~\cite{xu2015show}, FC~\cite{rennie2017self}, Att2in~\cite{rennie2017self}, UpDn~\cite{anderson2018bottom}, Transformer~\cite{vaswani2017attention}, OSCAR~\cite{li2020oscar}, NIC+~\cite{burns2018women}, and NIC+Equalizer~\cite{burns2018women}. NIC, SAT, FC, Att2in, and UpDn are classical CNN~\cite{lecun2015deep} encoder-LSTM~\cite{hochreiter1997long} decoder models. Transformer and OSCAR are Transformer-based~\cite{vaswani2017attention} models, which are the current state-of-the-art in image captioning. NIC+ is a re-implementation of NIC in \cite{burns2018women} trained on the whole MSCOCO and additionally trained on MSCOCO-Bias set consisting of images of male/female. NIC+Equalizer is NIC+ with a gender bias mitigation loss, that forces the model to predict gender words only based on the region of the person. Note that most of the pre-trained captioning models provided by the authors are trained on the Karpathy split \cite{karpathy2015deep}, which uses both train and validation splits for training. As the val set is part of our evaluation, we retrain all the models on the MSCOCO train split only. \begin{figure}[t] \centering \vspace{-5pt} \includegraphics[clip, width=0.98\columnwidth]{score_dist_1.pdf} \vspace{-5pt} \caption{Gender bias score for captions generated with OSCAR. Masked captions are encoded with a LSTM and fed into a gender classifier. Bias score correlates with typical gender stereotypes.} \label{fig:score_dist} \end{figure} \vspace{-14pt} \paragraph{LIC metric details} For masking, we replace pre-defined gender-related words\footnote{The list of gender-related words can be found in the appendix.} with a special token \texttt{$<$gender$>$}. We do not mask any words for race prediction because race is not commonly explicitly mentioned in the captions. The LIC classifier is based on several fully-connected layers on top of a natural language encoder. For the encoder, we use a LSTM \cite{hochreiter1997long} for our main results. We do not initialize the LSTM with pre-computed word embeddings, as they contain bias \cite{bolukbasi2016man,dev2019attenuating}. For completeness, we also report LIC when using BERT \cite{evlin2018bert}, although it has also been shown to exhibit bias \cite{bhardwaj2021investigating,bender2021dangers} and it can affect our metric. BERT is fine-tuned (BERT-ft) or used as is (BERT-pre). The classifier is trained $10$ times with random initializations, and the results are reported by the average and standard deviation. \definecolor{colbest}{rgb}{0.1, 0.6, 0.1}\ \definecolor{colworst}{rgb}{0.75, 0, 0} \begin{table*}[t] \renewcommand{\arraystretch}{1.1} \setlength{\tabcolsep}{5pt} \small \centering \caption{Gender bias and accuracy for several image captioning models. \textcolor{colworst}{Red}/\textcolor{colbest}{green} denotes the worst/best score for each metric. For bias, lower is better. For accuracy, higher is better. BA, DBA$_G$, and DBA$_O$ are scaled by $100$. Unbiased model is LIC$_M = 25$ and $\text{LIC} = 0$.} \begin{tabularx}{0.93\textwidth}{@{}l r r r r r r r c r r r r@{}} \toprule & \multicolumn{7}{c}{Gender bias $\downarrow$} & & \multicolumn{4}{c}{Accuracy $\uparrow$} \\ \cline{2-8} \cline{10-13} Model & LIC & LIC$_M$ & Ratio & Error & BA & DBA$_G$ & DBA$_O$ & & BLEU-4 & CIDEr & METEOR & ROUGE-L \\ \midrule NIC \cite{vinyals2015show} & \textcolor{colbest}{\textbf{3.7}} & \textcolor{colbest}{\textbf{43.2}} & 2.47 & \textcolor{colworst}{\textbf{14.3}} & 4.25 & 3.05 & \textcolor{colbest}{\textbf{0.09}} & & \textcolor{colworst}{\textbf{21.3}} & \textcolor{colworst}{\textbf{64.8}} & \textcolor{colworst}{\textbf{20.7}} & \textcolor{colworst}{\textbf{46.6}}\\ SAT \cite{xu2015show} & 5.1 & 44.4 & 2.06 & 7.3 & 1.14 & 3.53 & 0.15 & & 32.6 & 98.3 & 25.8 & 54.1\\ FC \cite{rennie2017self} & 8.6 & 46.4 & 2.07 & 10.1 & 4.01 & \textcolor{colworst}{\textbf{3.85}} & 0.28 & & 30.5 & 98.0 & 24.7 & 53.5\\ Att2in \cite{rennie2017self} & 7.6 & 45.9 & 2.06 & 4.1 & \textcolor{colbest}{\textbf{0.32}} & 3.60 & \textcolor{colworst}{\textbf{0.29}} & & 33.2 & 105.0 & 26.1 & 55.6\\ UpDn \cite{anderson2018bottom} & 9.0 & 48.0 & 2.15 & 3.7 & 2.78 & 3.61 & 0.28 & & 36.5 & 117.0 & 27.7 & 57.5\\ Transformer \cite{vaswani2017attention} & 8.7 & 48.4 & 2.18 & 3.6 & 1.22 & 3.25 & 0.12 & & 32.3 & 105.3 & 27.0 & 55.1\\ OSCAR \cite{li2020oscar} & 9.2 & 48.5 & 2.06 & \textcolor{colbest}{\textbf{1.4}} & 1.52 & 3.18 & 0.19 & & \textcolor{colbest}{\textbf{40.4}} & \textcolor{colbest}{\textbf{134.0}} & \textcolor{colbest}{\textbf{29.5}} & \textcolor{colbest}{\textbf{59.5}}\\ NIC+ \cite{burns2018women} & 7.2 & 46.7 & \textcolor{colworst}{\textbf{2.89}} & 12.9 & \textcolor{colworst}{\textbf{6.07}} & \textcolor{colbest}{\textbf{2.08}} & 0.17 & & 27.4 & 84.4 & 23.6 & 50.3\\ NIC+Equalizer \cite{burns2018women} & \textcolor{colworst}{\textbf{11.8}} & \textcolor{colworst}{\textbf{51.3}} & \textcolor{colbest}{\textbf{1.91}} & 7.7 & 5.08 & 3.05 & 0.20 & & 27.4 & 83.0 & 23.4 & 50.2\\ \bottomrule \end{tabularx} \label{tab:genderbias} \end{table*} \begin{figure*}[h!] \centering \includegraphics[width = 0.88\textwidth]{gender_bubbles.pdf} \vspace{-10pt} \caption{LIC vs. Vocabulary size (left) and BLEU-4 score (right). The size of each bubble indicates the BLEU-4 score (left) or the vocabulary size (right). Score tends to decrease with largest vocabularies, but increase with more accurate BLEU-4 models, whereas NIC+Equalizer \cite{burns2018women} is presented as an outlier. The dotted lines indicate the tendency, $R^2=0.153$ (left) and $R^2=0.156$ (right).} \label{fig:bubble} \end{figure*} \begin{table*}[t] \renewcommand{\arraystretch}{1.1} \setlength{\tabcolsep}{5pt} \small \centering \caption{Gender bias scores according to LIC, LIC$_M$, and LIC$_D$ for several image captioning models. Captions are encoder with LSTM, BERT-ft, or BERT-pre. Unbiased model is LIC$_M = 25$ and $\text{LIC} = 0$. It shows that LIC is consistent across different language models.} \begin{tabularx}{0.92\textwidth}{@{}l c c r c c c r c c c r@{}} \toprule & \multicolumn{3}{c}{LSTM} & & \multicolumn{3}{c}{BERT-ft} & & \multicolumn{3}{c}{BERT-pre} \\ \cline{2-4} \cline{6-8} \cline{10-12} Model & $\text{LIC}_M$ & $\text{LIC}_D$ & LIC & & $\text{LIC}_M$ & $\text{LIC}_D$ & LIC & & $\text{LIC}_M$ & $\text{LIC}_D$ & LIC \\ \midrule NIC \cite{vinyals2015show} & 43.2 $\pm$ 1.5 & 39.5 $\pm$ 0.9 & \textcolor{colbest}{\textbf{3.7}} & & 47.2 $\pm$ 2.3 & 48.0 $\pm$ 1.2 & \textcolor{colbest}{\textbf{-0.8}} & & 43.2 $\pm$ 1.3 & 41.3 $\pm$ 0.9 & \textcolor{colbest}{\textbf{1.9}}\\ SAT \cite{xu2015show} & 44.4 $\pm$ 1.4 & 39.3 $\pm$ 1.0 & 5.1 & & 48.0 $\pm$ 1.1 & 47.7 $\pm$ 1.4 & 0.3 & & 44.4 $\pm$ 1.5 & 41.5 $\pm$ 0.8 & 2.9 \\ FC \cite{rennie2017self} & 46.4 $\pm$ 1.2 & 37.8 $\pm$ 0.9 & 8.6 & & 48.7 $\pm$ 1.9 & 45.8 $\pm$ 1.3 & 2.9 & & 46.8 $\pm$ 1.4 & 40.4 $\pm$ 0.8 & 6.4\\ Att2in \cite{rennie2017self} & 45.9 $\pm$ 1.1 & 38.3 $\pm$ 1.0 & 7.6 & & 47.8 $\pm$ 2.0 & 46.7 $\pm$ 1.4 & 1.1 & & 45.9 $\pm$ 1.2 & 40.9 $\pm$ 0.9 & 5.0\\ UpDn \cite{anderson2018bottom} & 48.0 $\pm$ 1.3 & 39.0 $\pm$ 0.9 & 9.0 & & 52.0 $\pm$ 1.0 & 47.3 $\pm$ 1.4 & 4.7 & & 48.5 $\pm$ 1.0 & 41.5 $\pm$ 0.9 & 7.0\\ Transformer \cite{vaswani2017attention} & 48.4 $\pm$ 0.8 & 39.7 $\pm$ 0.9 & 8.7 & & 54.1 $\pm$ 1.2 & 48.2 $\pm$ 1.1 & 5.9 & & 47.7 $\pm$ 1.2 & 42.2 $\pm$ 0.9 & 5.5\\ OSCAR \cite{li2020oscar} & 48.5 $\pm$ 1.5 & 39.3 $\pm$ 0.8 & 9.2 & & 52.5 $\pm$ 1.8 & 47.6 $\pm$ 1.2 & 4.9 & & 48.1 $\pm$ 1.1 &41.1 $\pm$ 0.9 & 7.0\\ NIC+ \cite{burns2018women} & 46.7 $\pm$ 1.2 & 39.5 $\pm$ 0.6 & 7.2 & & 49.5 $\pm$ 1.4 &47.7 $\pm$ 1.5 & 1.8 & & 46.4 $\pm$ 1.2 & 41.0 $\pm$ 0.9 & 5.4 \\ NIC+Equalizer \cite{burns2018women} & 51.3 $\pm$ 0.7 & 39.5 $\pm$ 0.9 & \textcolor{colworst}{\textbf{11.8}} & & 54.8 $\pm$ 1.1 & 47.5 $\pm$ 1.4 & \textcolor{colworst}{\textbf{7.3}} & & 49.5 $\pm$ 0.7 & 40.9 $\pm$ 0.9 & \textcolor{colworst}{\textbf{8.6}}\\ \bottomrule \end{tabularx} \label{tab:lstm-bert} \end{table*} \subsection{LIC analysis} \label{sec:score_exp} We qualitatively analyze the LIC metric to verify whether it is consistent with human intuition. We generate captions in the test set with OSCAR, mask the gender-related words, and encode the masked captions with a LSTM classifier to compute LIC bias score, $\hat{s}_a$, for the gender attribute, as formulated in Section~\ref{sec:ourmetric}. Then, we manually inspect the captions and their associated bias score. Figure~\ref{fig:score_dist} shows generated captions with higher, middle, and lower bias scores. The bias score assigned to each caption matches typical gender stereotypes. For example, the third caption from the top, ``a \colorbox{black}{aa} in a white dress holding an umbrella'', yields a very high bias score for \textit{female}, probably due to the stereotype that the people who wear dresses and holds umbrellas tend to be women. On the contrary, the bottom caption, ``a baseball player throwing a ball on a field'', with one of the lowest scores assigned to \textit{female}, perpetuates the stereotype that baseball players are mostly men. Additionally, when inspecting the captions with a bias score around 0.5, we see that the descriptions tend to be more neutral and without strong gender stereotypes. This support the importance of including $s_a^\star$ and $\hat{s}_a$ in the LIC computation, as in Eqs.~(\ref{eq:lic_leakage1}) and (\ref{eq:lic_leakage2}). \subsection{Quantification of gender bias} \label{sec:gender_exp} We evaluate the gender bias of different captioning models in terms of LIC together with adaptations of existing bias metrics. For BA, we use the top $1,000$ common words in the captions as $\mathcal{L}$, whereas for $\text{DBA}_G$ and $\text{DBA}_O$, we use MSCOCO objects \cite{lin2014microsoft}. More details can be found in the appendix. Results are shown in Table~\ref{tab:genderbias}. We also show the relationship between the quality of a caption, in terms of vocabulary and BLEU-4 score, with LIC in Figure~\ref{fig:bubble}. Finally, we compare LIC when using different language encoders in Table~\ref{tab:lstm-bert}. The main observations are summarized below. \textbf{\emph{Observation 1.1.} All the models amplify gender bias.} In Table~\ref{tab:genderbias}, all the models have a LIC$_M$ score well over the unbiased model (LIC$_M = 25$), with the lowest score being $43.2$ for NIC. When looking at LIC, which indicates how much bias is introduced by the model with respect to the human captions, also all the models exhibit bias amplification, again with NIC having the lowest score. NIC is also the model that performs the worst in terms of accuracy, which provides some hints about the relationship between accuracy and bias amplification (\textit{Observation 1.4}). \textbf{\emph{Observation 1.2.} Bias metrics are not consistent.} As analyzed in Section~\ref{sec:analysis}, different metrics measure different aspects of the bias, so it is expected to produce different results, which may lead to different conclusions. Nevertheless, all the models show bias in all the metrics except Ratio (Table~\ref{tab:genderbias}). However, the relationship between the bias and the models presents different tendencies. For instance, NIC+Equalizer shows the largest bias in LIC (\textit{Observation 1.3}) while Att2in has the largest bias in $\text{DBA}_O$. \textbf{\emph{Observation 1.3.} NIC+Equalizer increases gender bias with respect to the baseline.} One of the most surprising findings is that even though NIC+Equalizer successfully mitigates gender misclassification when compared to the baseline NIC+ (Error: $12.9 \rightarrow 7.7$ in Table~\ref{tab:genderbias}), it actually increases gender amplification bias by $+4.6$ in LIC. This unwanted side-effect may be produced by the efforts of predicting gender correctly according to the image. As shown in Figure~\ref{fig:first}, NIC+Equalizer tends to produce words that, conversely, are strongly associated with that gender, even if they are not in the image. Results on $\text{DBA}_O$ support this reasoning, revealing that given a gender, NIC+Equalizer rather produces words correlated with that gender. \textbf{\emph{Observation 1.4.} LIC tends to increase with BLEU-4, and decrease with vocabulary size.} Figure~\ref{fig:bubble} shows that larger the vocabulary, the lower the LIC score. This implies that the variety of the words used in the captions is important to suppress gender bias. As per accuracy, we find that the higher the BLEU-4, the larger the bias tends to be. In other words, even though better models produce better captions, they rely on encoded clues that can identify gender. \textbf{\emph{Observation 1.5.} LIC is robust against encoders.} In Table~\ref{tab:lstm-bert}, we explore how the selection of language models affects the results of LIC, LIC$_M$, and LIC$_D$ when using LSTM, BERT-ft, and BERT-pre encoders. Although BERT is known to contain gender bias itself, the tendency is maintained within the three language models: NIC shows the least bias, whereas NIC+Equalizer shows the most. \subsection{Quantification of racial bias} \label{sec:race_exp} Results for racial bias when using LSTM as encoder are reported in Table~\ref{tab:race}, leading to the following observations. \textbf{\emph{Observation 2.1.} All the models amplify racial bias.} As with gender, all models exhibits $\text{LIC}>0$. The magnitude difference of racial bias between the models is smaller than in the case of gender (the standard deviation of LIC among the models is $2.4$ for gender and $1.3$ for race). This indicates that racial bias is amplified without much regard to the structure or performance of the model. In other words, as all the models exhibit similar tendencies of bias amplification, the problem may not only be on the model structure itself but on how image captioning models are trained. \textbf{\emph{Observation 2.2.} Racial bias is not as apparent as gender bias.} $\text{LIC}_M$ scores in Table~\ref{tab:race} are consistently smaller than in Table~\ref{tab:lstm-bert}. The mean of the $\text{LIC}_M$ score of all the models is $47.0$ for gender and $33.7$ for race, which is closer to the random chance. \textbf{\emph{Observation 2.3.} NIC+Equalizer does not increase racial bias with respect to the baseline.} Unlike for gender bias, NIC+Equalizer does not present more racial bias amplification than NIC+. This indicates that forcing the model to focus on the human area to predict the correct gender does not negatively affect other protected attributes. \begin{table}[t] \renewcommand{\arraystretch}{1.1} \setlength{\tabcolsep}{7pt} \small \centering \caption{Racial bias scores according to LIC, LIC$_M$, and LIC$_D$. Captions are not masked and are encoder with LSTM.} \begin{tabularx}{0.42\textwidth}{@{}l c c r@{}} \toprule Model & LIC$_M$ & LIC$_D$ & LIC \\ \midrule NIC \cite{vinyals2015show} & 33.3 $\pm$ 1.9 & 27.6 $\pm$ 1.0 & 5.7\\ SAT \cite{xu2015show} & 31.3 $\pm$ 2.3 & 26.8 $\pm$ 0.9 & \textcolor{colbest}{\textbf{4.5}} \\ FC \cite{rennie2017self} & 33.6 $\pm$ 1.0 & 26.0 $\pm$ 0.8 & 7.6 \\ Att2in \cite{rennie2017self} & 35.2 $\pm$ 2.3 & 26.6 $\pm$ 0.9 & \textcolor{colworst}{\textbf{8.6}} \\ UpDn \cite{anderson2018bottom} & 34.4 $\pm$ 2.1 & 26.6 $\pm$ 0.9 & 7.8 \\ Transformer \cite{vaswani2017attention} & 33.3 $\pm$ 2.3 & 27.2 $\pm$ 0.8 & 6.1 \\ OSCAR \cite{li2020oscar} & 32.9 $\pm$ 1.8 & 27.0 $\pm$ 1.0 & 5.9 \\ NIC+ \cite{burns2018women} & 34.9 $\pm$ 1.5 & 27.3 $\pm$ 1.2 & 7.6 \\ NIC+Equalizer \cite{burns2018women} & 34.5 $\pm$ 2.8 & 27.3 $\pm$ 0.8 & 7.2 \\ \bottomrule \end{tabularx} \label{tab:race} \end{table} \subsection{Visual and language contribution to the bias} \label{sec:where_exp} As image captioning is a multimodal task involving visual and language information, bias can be introduced by the image, the language, or both. Next, we investigate which modality contributes the most to gender bias by analyzing the behavior when using partially masked images. We define three potential sources of bias: 1) the objects being correlated with the gender \cite{zhao2017men,wang2019balanced,wang2021directional}, 2) the gender of the person in the image \cite{burns2018women}, and 3) the language model itself \cite{bender2021dangers,bolukbasi2016man}. To examine them, we mask different parts of the image accordingly: 1) the object that exhibits the highest correlation with gender according to the BA metric, 2) the person, 3) both of the correlated objects and the person. We analyze SAT \cite{xu2015show} and OSCAR \cite{li2020oscar} as representative models of classical and state-of-the-art captioning, respectively. The details of the experiments can be found in the appendix. $\text{LIC}_M$ scores are shown in Table~\ref{tab:source}. \textbf{\emph{Observation 3.1.} The contribution of objects to gender bias is minimal.} Results \textit{w/o object} show that masking objects do not considerably mitigate gender bias in the generated captions. Compared to the original $\text{LIC}_M$, the score decreases only $-1.5$ for SAT, and $-2.3$ for OSCAR, concluding that objects in the image have little impact to the gender bias in the final caption. \textbf{\emph{Observation 3.2.} The contribution of people to gender bias is higher than objects.} Results \textit{w/o person} show that by masking people in the images, we can reduce bias significantly compared to when hiding objects, indicating that regions associated with humans are the primary source of gender bias among the contents in the image. \textbf{\emph{Observation 3.3.} Language models are a major source of gender bias.} Results \textit{w/o both} show that even when the gender-correlated objects and people are removed from the images, the generated captions have a large bias ($\Delta_\text{Unbias}$ is $+12.2$ for SAT, $+14.0$ for OSCAR). This indicates that the language model itself is producing a large portion of the bias. To reduce it, it may not be enough to only focus on the visual content, but efforts should also be focused on the language model. Figure~\ref{fig:masks} shows the generated captions and their bias score when images are partly masked. \begin{table}[t] \renewcommand{\arraystretch}{1.1} \setlength{\tabcolsep}{6pt} \small \centering \caption{Gender bias results with partially masked images. $\Delta_\text{Unbias}$ shows the difference with respect to a non-biased model (LIC$_M = 25.0$), and $\Delta_\text{Original}$ with respect to the non-masked case.} \begin{tabularx}{0.98\columnwidth}{@{}l l c r r @{}} \toprule Model & Image & $\text{LIC}_M$ & $\Delta_\text{Unbias}$ & $\Delta_\text{Original}$\\ \midrule SAT \cite{xu2015show} & Original & $44.4 \pm 1.4$ & $+19.4$ & $0.0$\\ & w/o object & $42.9 \pm 1.6$ & $+17.9$ & $-1.5$ \\ & w/o person & $39.1 \pm 1.4$ & $+14.1$ & $-5.3$\\ & w/o both & $37.2 \pm 0.8$ & $+12.2$ & $-7.2$\\ \midrule OSCAR \cite{li2020oscar} & Original & $48.5 \pm 1.5$ & $+23.2$ & $0.0$\\ & w/o object & $46.2 \pm 1.3$ & $+21.2$ & $-2.3$\\ & w/o person & $39.7 \pm 1.3$ & $+14.7$ & $-8.8$\\ & w/o both & $39.0 \pm 1.5$ & $+14.0$ & $-9.5$\\ \bottomrule \end{tabularx} \label{tab:source} \end{table} \begin{figure}[h] \centering \includegraphics[width = 0.98\columnwidth]{Copy_of_Copy_of_mask_ex_3.pdf} \vspace{-3pt} \caption{Generated captions and bias scores when images are partly masked. The bias score does not decrease when the object (bicycle) and the person (man) are masked.} \label{fig:masks} \end{figure} \section{Limitations} \label{sec:limitations} In Section~\ref{sec:analysis}, we analyzed multiple fairness metrics and their limitations when applied to image captioning. We proposed LIC with the aim to overcome these limitations and unify the evaluation of societal bias in image captioning. However, LIC also presents several limitations. \vspace{-14pt} \paragraph{Annotations} LIC needs images to be annotated with their protected attribute. Annotations are not only costly, but may also be problematic. For example, the classification of race is controversial and strongly associated with the cultural values of each annotator~\cite{khan2021one}, whereas gender is commonly classified as a binary $\{\textit{female}, \textit{male}\}$ attribute, lacking inclusiveness with non-binary and other-gender realities. \vspace{-14pt} \paragraph{Training} A classifier needs to be trained to make predictions about the protected attributes. The initialization of the model and the amount of training data may impact on the final results. To mitigate this stochastic effect, we recommended to report results conducted on multiple runs. \vspace{-14pt} \paragraph{Pre-existing bias} The language encoder may propagate extra bias into the metric if using pretrained biased models, \eg, word embeddings or BERT. To avoid this, we recommend as much random weight initialization as possible. \section{Conclusion} \label{sec:conclusion} This paper proposed LIC, a metric to quantify societal bias amplification in image captioning. LIC is built on top of the idea that there should not be differences between how demographic subgroups are described in captions. The existence of a classifier that predicts gender and skin tone from generated captions more accurately than from human captions, indicated that image captioning models amplify gender and racial bias. Surprisingly, the gender equalizer designed for bias mitigation presented the highest gender bias amplification, highlighting the need of a bias amplification metric for image captioning. \vspace{-14pt} \paragraph{Acknowledgements} Work partly supported by JST CREST Grant No.~JPMJCR20D3, JST FOREST Grant No.~JPMJFR216O, and JSPS KAKENHI, Japan. {\small \bibliographystyle{ieee_fullname} \section{Experimental details} \label{sec:details} In this section, we provide the details for the experiments. \subsection{LIC metric training details} We evaluate three classifiers for LIC (LSTM, BERT-ft, and BERT-pre). Their details and hyperparameters can be found below. All the classifiers are trained with Adam~\cite{kingma2014adam}. \begin{itemize} \item \textbf{LSTM. } A two-layer bi-directional LSTM~\cite{hochreiter1997long} with a fully-connected layer on top. Weights are initialized randomly and training is conducted on the training set for $20$ epochs, with learning rate $5 \times10^{-5}$. \item \textbf{BERT-ft. } BERT-base \cite{evlin2018bert} Transformer with two fully-connected layers with Leaky ReLU activation on top. All the weights are fine-tuned while training. Training is conducted for $5$ epochs with learning rate $1 \times 10^{-5}$. \item \textbf{BERT-pre. } Same architecture as BERT-ft. Only the last fully-connected layers are fine-tuned, whereas BERT weights are frozen. Training is conducted for $20$ epochs with learning rate $5 \times 10^{-5}$. \end{itemize} \subsection{Other metrics details} Details for computing BA, $\text{DBA}_G$, and $\text{DBA}_O$ metrics. \begin{itemize} \item \textbf{BA. } We use nouns, verbs, adjectives, and adverbs of the top $1,000$ common words in the captions as $\mathcal{L}$ and calculate the co-occurrence of the gender words and the common words in the captions. As \cite{zhao2017men}, we filter the words that are not strongly associated with humans by removing words that do not occur with each gender at least $100$ times in the ground-truth captions, leaving a total of $290$ words. \item \textbf{$\text{DBA}_G$ and $\text{DBA}_O$. } Let $p$ denote the probability calculated by the (co-)occurrence. The definition of $\text{DBA}_G$ and $\text{DBA}_O$ \cite{wang2021directional} is: \begin{equation} \text{DBA} = \frac{1}{|\mathcal{L}| |\mathcal{A}|}\sum_{a \in \mathcal{A}, l \in \mathcal{L}} y_{al} \Delta_{al} + (1 - y_{al}) (-\Delta_{al}) \end{equation} \begin{equation} y_{al} = \mathbb{1}\left[p(a,l) > p(a) p(l)\right] \end{equation} \begin{equation} \Delta_{al} = \left\{ \begin{array}{ll} \hat{p}(a|l) - p(a|l) & \text{for} \ \text{DBA}_G \\ \hat{p}(l|a) - p(l|a) & \text{for} \ \text{DBA}_O \end{array} \right. \end{equation} For $\text{DBA}_G$, we use the MSCOCO objects \cite{lin2014microsoft} annotated on the images as $\mathcal{L}$ and gender words in the captions as $\mathcal{A}$. For $\text{DBA}_O$, we use the MSCOCO objects \cite{lin2014microsoft} in the captions as $\mathcal{L}$ and gender annotations \cite{zhao2021captionbias} as $\mathcal{A}$. \end{itemize} \definecolor{colbest}{rgb}{0.1, 0.6, 0.1}\ \definecolor{colworst}{rgb}{0.75, 0, 0} \begin{table*}[t] \renewcommand{\arraystretch}{1.1} \setlength{\tabcolsep}{4pt} \small \centering \caption{Racial bias scores according to LIC, LIC$_M$, and LIC$_D$ for several image captioning models. Captions are encoder with LSTM, BERT-ft, or BERT-pre. Unbiased model is LIC$_M = 25$ and $\text{LIC} = 0$.} \begin{tabularx}{0.87\textwidth}{@{}l c c r c c c r c c c r@{}} \toprule & \multicolumn{3}{c}{LSTM} & & \multicolumn{3}{c}{BERT-ft} & & \multicolumn{3}{c}{BERT-pre} \\ \cline{2-4} \cline{6-8} \cline{10-12} Model & LIC$_M$ & LIC$_D$ & LIC & & LIC$_M$ & LIC$_D$ & LIC & & LIC$_M$ & LIC$_D$ & LIC \\ \midrule NIC \cite{vinyals2015show} & 33.3 $\pm$ 1.9 & 27.6 $\pm$ 1.0 & 5.7 & & 37.0 $\pm$ 3.0 & 36.7 $\pm$ 1.1 & \textcolor{colbest}{\textbf{0.3}} & & 34.7 $\pm$ 2.1 & 33.6 $\pm$ 1.2 & 1.1\\ SAT \cite{xu2015show} & 31.3 $\pm$ 2.3 & 26.8 $\pm$ 0.9 & \textcolor{colbest}{\textbf{4.5}} & & 38.1 $\pm$ 2.7 & 36.5 $\pm$ 1.4 & 1.6 & & 33.9 $\pm$ 1.5 & 33.3 $\pm$ 1.3 & \textcolor{colbest}{\textbf{0.6}}\\ FC \cite{rennie2017self} & 33.6 $\pm$ 1.0 & 26.0 $\pm$ 0.8 & 7.6 & & 40.4 $\pm$ 2.4 & 36.4 $\pm$ 1.6 & 4.0 & & 36.9 $\pm$ 2.2 & 32.6 $\pm$ 1.2 & \textcolor{colworst}{\textbf{4.3}}\\ Att2in \cite{rennie2017self} & 35.2 $\pm$ 2.3 & 26.6 $\pm$ 0.9 & \textcolor{colworst}{\textbf{8.6}} & & 40.4 $\pm$ 2.0 & 36.1 $\pm$ 1.2 & \textcolor{colworst}{\textbf{4.3}} & & 36.8 $\pm$ 1.9 & 32.7 $\pm$ 1.1 & 4.1\\ UpDn \cite{anderson2018bottom} & 34.4 $\pm$ 2.1 & 26.6 $\pm$ 0.9 & 7.8 & & 40.2 $\pm$ 1.7 & 36.9 $\pm$ 1.2 & 3.3 & & 36.5 $\pm$ 2.5 & 33.2 $\pm$ 1.2 & 3.3 \\ Transformer \cite{vaswani2017attention} & 33.3 $\pm$ 2.3 & 27.2 $\pm$ 0.8 & 6.1 & & 39.4 $\pm$ 1.7 & 37.4 $\pm$ 1.3 & 2.0 & & 36.2 $\pm$ 2.2 & 34.1 $\pm$ 1.2 & 2.1 \\ OSCAR \cite{li2020oscar} & 32.9 $\pm$ 1.8 & 27.0 $\pm$ 1.0 & 5.9 & & 39.4 $\pm$ 2.3 & 36.9 $\pm$ 0.9 & 2.5 & & 35.5 $\pm$ 2.5 & 32.9 $\pm$ 1.1 & 2.6 \\ NIC+ \cite{burns2018women} & 34.9 $\pm$ 1.5 & 27.3 $\pm$ 1.2 & 7.6 & & 39.5 $\pm$ 2.6 & 37.1 $\pm$ 1.3 & 2.4 & & 36.8 $\pm$ 2.4 & 33.6 $\pm$ 1.3 & 3.2\\ NIC+Equalizer \cite{burns2018women} & 34.5 $\pm$ 2.8 & 27.3 $\pm$ 0.8 & 7.2 & & 38.7 $\pm$ 3.1 & 36.6 $\pm$ 1.3 & 2.1 & & 36.0 $\pm$ 2.2 & 33.4 $\pm$ 1.4 & 2.6 \\ \bottomrule \end{tabularx} \label{tab:race} \end{table*} \subsection{Image masking} Here, we explain how we masked objects and people in the images to estimate the contribution of each modality to the bias. \begin{itemize} \item \textbf{SAT}~\cite{xu2015show} uses grid-based deep visual features \cite{jiang2020defense} extracted by ResNet \cite{he2016deep}. Thus, we directly mask the objects, people, or both in the images using segmentation mask annotations, and feed the images into the captioning model to generate captions. \item \textbf{OSCAR}~\cite{li2020oscar} leverages region-based deep visual features \cite{anderson2018bottom} extracted by a Faster-RCNN \cite{ren2016faster}. Therefore, instead of masking the objects, people, or both in the images, we remove the region-based features whose bounding box overlaps with the ground truth bounding by more than $50$ percent. \end{itemize} \section{List of gender-related words} \label{sec:list-words} We list the gender-related words that are replaced with the special token when inputting to gender classifiers: \textcolor{orange}{woman}, \textcolor{orange}{female}, \textcolor{orange}{lady}, \textcolor{orange}{mother}, \textcolor{orange}{girl}, \textcolor{orange}{aunt}, \textcolor{orange}{wife}, \textcolor{orange}{actress}, \textcolor{orange}{princess}, \textcolor{orange}{waitress}, \textcolor{orange}{sister}, \textcolor{orange}{queen}, \textcolor{orange}{pregnant}, \textcolor{orange}{daughter}, \textcolor{orange}{she}, \textcolor{orange}{her}, \textcolor{orange}{hers}, \textcolor{orange}{herself}, \textcolor{olive}{\textit{man}}, \textcolor{olive}{\textit{male}}, \textcolor{olive}{\textit{father}}, \textcolor{olive}{\textit{gentleman}}, \textcolor{olive}{\textit{boy}}, \textcolor{olive}{\textit{uncle}}, \textcolor{olive}{\textit{husband}}, \textcolor{olive}{\textit{actor}}, \textcolor{olive}{\textit{prince}}, \textcolor{olive}{\textit{waiter}}, \textcolor{olive}{\textit{son}}, \textcolor{olive}{\textit{brother}}, \textcolor{olive}{\textit{guy}}, \textcolor{olive}{\textit{emperor}}, \textcolor{olive}{\textit{dude}}, \textcolor{olive}{\textit{cowboy}}, \textcolor{olive}{\textit{he}}, \textcolor{olive}{\textit{his}}, \textcolor{olive}{\textit{him}}, \textcolor{olive}{\textit{himself}} and their plurals. \textcolor{orange}{Orange}/\textcolor{olive}{\textit{Olive}} denotes feminine/masculine words used to calculate Ratio, Error, BA, and $\text{DBA}_G$. \section{Visual examples} \label{sec:examples} \begin{figure*}[t] \centering \vspace{10pt} \includegraphics[clip, width=0.92\textwidth]{Copy_of_appendix_of_First_fig_2.pdf} \vspace{10pt} \caption{For each caption generated by humans or the models evaluated in the paper, we show our proposed bias score for \textit{female} and \textit{male} attributes. The contribution of each word to the bias score is shown in gray-scale (bold for the word with the highest contribution). Gender related words are masked during training and testing.} \label{fig:all} \vspace{10pt} \end{figure*} \begin{figure*}[t] \centering \vspace{10pt} \includegraphics[width = 0.65\textwidth]{appendix_of_First_fig_1.pdf} \vspace{10pt} \caption{Measuring gender bias in MSCOCO captions \cite{chen2015microsoft}. For each caption generated by humans, NIC \cite{vinyals2015show}, or NIC+Equalizer \cite{burns2018women}, we show our proposed bias score for \textit{female} and \textit{male} attributes. The contribution of each word to the bias score is shown in gray-scale (bold for the word with the highest contribution). Gender related words are masked during training and testing.} \label{fig:malebias} \end{figure*} \begin{figure*}[t] \centering \vspace{10pt} \includegraphics[width = 0.65\textwidth]{mask_ex_4.pdf} \vspace{10pt} \caption{Generated captions and bias scores when images are partly masked.} \label{fig:mask} \end{figure*} Here, we show more visual examples that could not be included in the main paper due to space limitations. Figure~\ref{fig:all} shows generated captions and their bias score for all the models evaluated in the main paper. Additionally, Figure~\ref{fig:malebias} shows more examples where NIC+Equalizer produces words strongly associated with gender stereotypes even when the evidence is not contained in the image. Whereas in the main paper we showed samples for women, here we show samples for men. It can be seen that NIC+Equalizer generates male-related words (\eg, \textit{suit}, \textit{tie}), and thus, obtain a higher bias score. We also show additional examples when images are partly masked in Figure~\ref{fig:mask}. The generated caption when the person (man) and the most correlated object (bicycle) are masked still contains a large bias score towards male. \section{Additional results} \label{sec:moreresults} We compare LIC for race when using different language encoders in Table~\ref{tab:race}. As with gender bias, the results show that LIC is consistent across different language models. \section{Potential negative impact} \label{sec:impact} A potential negative impact of the use of the LIC metric to evaluate societal bias in image captioning is that researchers and computer vision practitioners may underestimate the bias and their impact in their models. Although it is important to have a tool to measure societal bias in computer vision models, we need to note that none metric can ensure the actual amount of bias. In other words, even if LIC (or any other metric) is small, or even zero, the model may still be biased. Therefore, relying on a single metric may overlook the problem. Additionally, whereas we use the value of LIC as the amount of bias amplification on a model, the definition of bias is different among existing work. As there is no standard definition of bias for image captioning, we should notice that our method is, perhaps, not the most appropriate one for all the contexts, and researchers should carefully consider which metric to use according to each application. {\small \bibliographystyle{ieee_fullname}
6e1e5deee9d176b7d19cd1dcf7b3b954a26300bf
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} In network topology inference, the goal is to identify the network structure from the collected signals, which plays a vital role in many applications \cite{dong2019learning,yang2020network,mateos2019connecting}. In most existing research \cite{vosoughi2020large,zhang2014topology,sharma2019communication}, the network topology was inferred based on a complete set of observed data for all the entities of interest. However, many real-world applications suffer from the partial observability problem. For example, when investigating a social network with millions of members, only a limited number of observed nodes are available \cite{matta2020graph,wai2019community}. Thus, it is necessary to study the network topology inference based on partial observations, (see Fig. \ref{fig1}). Since the inference performance is affected by the missing observations \cite{omidshafiei2017deep,segarra2017network,santos2018consistent,santos2020local}, network topology inference is challenging when the signals of the hidden nodes are not observed. Several works formulated partially observed network topology inference as sparse or convex optimization problems \cite{chandrasekaran2010latent,buciulea2019network}. Recently, the problem of general network topology inference using Erd\H{o}s-R\'{e}nyi (ER) models \cite{erdHos1959random} under partial observability was considered in \cite{matta2018consistent}. Moreover, some attractive estimators, such as the Granger, one-lag, and residual estimators, were proposed in \cite{matta2018consistent,matta2019graph}. Furthermore, it was proven that these estimators can be used to recover the subgraph of observed network nodes when the network size grows. Inspired by the estimators proposed in \cite{matta2019graph}, we propose an efficient unbiased symmetric matrix estimator to infer the network topology under partial observability. Compared with the work in \cite{matta2019graph}, we focus on the case in which the network is undirected and therefore the associated adjacency matrix is symmetric, and the network has a fixed size. The major technical contributions of this work are summarized as follows. \begin{itemize} \item An unbiased matrix estimator for symmetric combination matrices is proposed when incomplete graph signals are produced by the vector autoregression (VAR) model. Moreover, under the settings of Gaussian noise and Laplacian combination rule, we prove that the unbiased estimator converges to the network combination matrix in probability as the number of samples increases. \item Experiments show the entries of the unbiased matrix estimator follow a Gaussian mixture distribution. Thus, by exploiting this discovery, a node pair clustering based on the Gaussian mixture model (GMM) algorithm rather than the K-means algorithm \cite{hartigan1979algorithm} is used. \item The proposed unbiased estimator is effective in obtaining a better initialization for the GMM. Combining the unbiased estimator with the node pair clustering, we propose an efficient network inference method called the network inference Gauss (NIG) algorithm. Simulations show that the NIG algorithm performs better than the current methods in the case of small sample sizes. \end{itemize} \begin{figure}[h] \centering \includegraphics[width=0.6\linewidth]{figure/AQ-illu-eps-converted-to} \caption{Illustration of the network inference under partial observability.} \label{fig1} \end{figure} \textbf{Notations:} The total number of network nodes is denoted by $N$, and the number of samples on each node is $n$. For an $N\times N$ matrix ${\bf Z}$, the submatrix spanning the rows and columns of ${\bf Z}$ indexed by set $S\subset\{1,\dots,N\}$ is denoted by ${\bf Z}_{S}.$ The fraction of the observed nodes is denoted as $\xi = \frac{|S|}{N},$ where $|S|$ represents the cardinality of the set $S$. Finally, ${\bf I}$ denotes the identity matrix. \section{Problem Formulation} We consider an undirected random network, such as ER and Barabási–Albert (BA) random graphs, with $N$ nodes. At time $t$, each node $k$ collects the output signal ${\bf y}_t(k)$ according to the following network diffusion process (i.e., running a VAR model) \cite{matta2020graph} \begin{align}\label{va1} y_{t+1}(k)=\sum_{j=1}^{N}A_{kj}y_{t}(j)+\mu x_{t+1}(k), \end{align} where $x_{t}(k)$ is the input signal, $\mu\in(0,1)$ is the corresponding weighting coefficient and is assumed to be known. Here, $x_{t}(k)$ for $t=1,\dots,n$ are assumed to be independent and identically distributed (i.i.d.) standard normal random variables, i.e., $x_{t}(k)\sim \mathcal N (0,1).$ The $N\times N$ matrix with entries $A_{kj}$ is denoted as the network combination matrix ${\bf A}$ that satisfies the following assumption. \begin{assumption}\label{Assu1} The network combination matrix ${\bf A}$ is symmetric and obtained by applying the Laplacian combination rule \cite{matta2018consistent}: $$ A_{k j}= \begin{cases}G_{kj}(1-\mu) \frac{\lambda}{d_{\max }}, & k \neq j, \\ (1-\mu)-\sum_{z \neq k} A_{k z}, & k=j,\end{cases} $$ where $\lambda$ is a parameter with $\lambda\leq1$, $G_{kj}$ is the entry of matrix ${\bf G}$, which is the adjacency matrix of the undirected random network, the degree of the $k$-th node is defined as $d_k=1+\sum_{z\neq k}G_{kz}$, and $d_{\max }$ is the maximum degree of matrix ${\bf G}$. \end{assumption} Since the network combination matrix ${\bf A}$ depends on the adjacency matrix ${\bf G}$, it also represents the network topology structure. Specifically, $A_{kj}$ equals 0 if the $k$-th node disconnects from the $j$-th node, and $A_{kj}$ is a positive number $(1-\mu)\frac{\lambda} {d_{\max }}$, if the $k$-th node connects with the $j$-th node. By stacking the input and output signals across the network at time $t$, equation \eqref{va1} is rewritten as \begin{equation}\label{stack} {\bf y}_{t+1} = {\bf A}{\bf y}_{t} + \mu{\bf x}_{t+1}, \end{equation} where ${\bf y}_{t}\triangleq[y_{t}(1),\dots,y_{t}(N)]$, ${\bf x}_{t}\triangleq[x_{t}(1),\dots,x_{t}(N)]\in \mathbb{R}^N$. Assume that only a subset of the network nodes can be monitored. The monitored set is denoted as $S\subset\{1,\dots,N\}$. We only receive a partial output signal $[{\bf y}_t]_S\triangleq \{y_{t}(k)|k\in S\}$. However, according to \eqref{stack}, the observed signals are influenced by the hidden nodes. In network topology inference, the goal is to estimate the partial combination matrix ${\bf A}_{S}$ and recover the partial adjacency matrix ${\bf G}_S$ by the data monitored $[{\bf y}_t]_S$. \section{Main Results} This section derives an unbiased estimator for ${\bf A}_S$ and a new node pair clustering based on the GMM method. Finally, we present the NIG algorithm to infer the network topology. \subsection{An Unbiased Estimator of Matrix ${\bf A}_S$} First, by summing up ${\bf x}_t$ in \eqref{stack} from 0 to $t$ with the assumption ${\bf y}_0=\mu{\bf x}_0$, $x_{0}(k)\sim \mathcal N (0,1)$ for any $k$, we obtain \begin{equation}\label{sum} {\bf y}_{t} = \mu\sum_{j=0}^t {\bf A}^{t-j}{\bf x}_{j}. \end{equation} Multiplying both sides of equation \eqref{stack} by ${\bf y}_{t}^{T}$ and taking the expectations, we obtain \begin{equation}\label{VAR_change} \mathbb{E}[{\bf y}_{t+1}{\bf y}_{t}^T] = {\bf A}\mathbb{E}[{\bf y}_{t}{\bf y}_{t}^T]+\mu\mathbb{E}[{\bf x}_{t+1}{\bf y}_{t}^T]. \end{equation} Since ${\bf x}_j$, $j=0,\ldots,t+1,$ are i.i.d., according to \eqref{sum}, we obtain $\mathbb{E}[{\bf x}_{t+1}{\bf y}_{t}^T]=0.$ Then equation \eqref{VAR_change} is equivalent to \begin{equation}\label{AR} {\bf R}_1(t)={\bf A}{\bf R}_0(t), \end{equation} where ${\bf R}_1(t)=\mathbb{E}[{\bf y}_{t+1}{\bf y}_{t}^T]$ and ${\bf R}_0(t)=\mathbb{E}[{\bf y}_{t}{\bf y}_{t}^T].$ Substituting (\ref{sum}) into ${\bf R}_0(t)$ yields \begin{align} \nonumber{\bf R}_0(t)&=\mu^2\mathbb{E}\Big[\Big(\sum_{j=0}^{t} {\bf A}^{t-j}{\bf x}_{j}\Big)\Big(\sum_{j=0}^{t} {\bf A}^{t-j}{\bf x}_{j}\Big)^T\Big]\\ \label{eqn: R_0}&=\mu^2({\bf I}+{\bf A}^{2}+\dots+{\bf A}^{2t}), \end{align} where the last equality comes from the i.i.d. property and unit variance of the random variables ${\bf x}_{t}$. Using (\ref{AR}), we obtain \begin{align} \label{eqn: R_1}{\bf R}_1(t) = \mu^2({\bf A}+{\bf A}^{3}+\dots+{\bf A}^{2t+1}). \end{align} \begin{remark} Inspired by the residual estimator in \cite{matta2019graph} and using \eqref{eqn: R_0}-\eqref{eqn: R_1}, we can nullify the error arising from higher-order powers to obtain the combination matrix ${\bf A}$ by subtraction between ${\bf R}_1(t)$ and ${\bf A}^3{\bf R}_0(t-1)$, which helps us to design an unbiased estimator for the partial combination matrix ${\bf A}_S$. \end{remark} Since ${\bf y}_{t}$ is an $N\times1$ vector for any $t$, we propose an $N\times N$ estimator of the matrix ${\bf A}$ at time $t$: \begin{equation}\label{un} {\bf A}^u(t) = \frac{1}{\mu^2}({\bf y}_{t+1}{\bf y}_{t}^T-{\bf y}_{t+2}{\bf y}_{t-1}^T), \end{equation} and denote $[{\bf A}^{u}(t)]_S$ as the submatrix of ${\bf A}^{u}(t)$, which is \begin{align} \nonumber[{\bf A}^u(t)]_S &= \frac{1}{\mu^2}\Big([{\bf y}_{t+1}{\bf y}_{t}^T]_S-[{\bf y}_{t+2}{\bf y}_{t-1}^T]_S\Big)\\ \label{uns}&= \frac{1}{\mu^2}\Big([{\bf y}_{t+1}]_S[{\bf y}_{t}^T]_S-[{\bf y}_{t+2}]_S[{\bf y}_{t-1}^T]_S\Big), \end{align} where the last equality uses the property of the block matrix product. Equation \eqref{uns} reveals that the estimator $[{\bf A}^u(t)]_S$ can be obtained by the observed signals. It is worth noting that the performance of the proposed estimator also depends on the hidden nodes, see Remark 2. Next, we show that the proposed estimator benefits from the following property. \begin{proposition}\label{pro} The proposed matrix estimator ${\bf A}^u(t)$ denoted in \eqref{un} is an unbiased estimator of matrix ${\bf A}$. Moreover, $[{\bf A}^u(t)]_S$ is an unbiased estimator of matrix ${\bf A}_S.$ \end{proposition} \begin{proof} We set ${\bf R}_3(t)=\mathbb{E}[{\bf y}_{t+3}{\bf y}_{t}^T]$. Using the definition of ${\bf R}_1(t)$ in \eqref{VAR_change}, we obtain \begin{align}\label{eqn: EA} \mathbb{E}[{\bf A}^u(t)] = \frac{1}{\mu^2}\big({\bf R}_1(t)-{\bf R}_3(t-1)\big). \end{align} Additionally, using the recursion of \eqref{stack}, we obtain \begin{align*} {\bf y}_{t+3} = {\bf A}^3{\bf y}_{t}+\mu {\bf A}^2{\bf x}_{t+1}+\mu {\bf A}{\bf x}_{t+2}+\mu{\bf x}_{t+3}. \end{align*} Thus, ${\bf R}_3(t) = {\bf A}^3\mathbb{E}[{\bf y}_{t}{\bf y}_{t}^T]={\bf A}^3{\bf R}_0(t),$ where the first equality uses the i.i.d. property. Using \eqref{eqn: R_0}, we obtain \begin{align} \label{eqn: R3_i_1}{\bf R}_3(t-1)= \mu^2({\bf A}^{3}+{\bf A}^{5}+\dots+{\bf A}^{2t+1}). \end{align} Substituting \eqref{eqn: R_1} and \eqref{eqn: R3_i_1} into \eqref{eqn: EA}, we obtain $ \mathbb{E}[{\bf A}^u(t)] = {\bf A}. $ This proves that the estimator ${\bf A}^u(t)$ is an unbiased estimator of ${\bf A}$. Considering the partial observation with \eqref{uns}, we have \begin{equation}\label{unbiased_S} \mathbb{E}\big[[{\bf A}^{u}(t)]_S\big]=\frac{1}{\mu^2}\Big([{\bf R}_1(t)]_{S}-[{\bf R}_3(t-1)]_S\Big)={\bf A}_S. \end{equation} Thus, $[{\bf A}^u(t)]_S$ is an unbiased matrix estimator of ${\bf A}_S.$ \end{proof} \begin{remark}\label{remark2} The performance of the proposed estimator $[{\bf A}^u(t)]_S$ not only depends on the observed signals but also on the hidden nodes since the hidden nodes influence the observed signals. Moreover, we also showed the hidden nodes do impact the variance of the proposed unbiased estimator in the supplementary material section. \end{remark} Proposition \ref{pro} shows that we obtain an unbiased estimator for ${\bf A}_S$ at each time $t$. However, this estimator may have a large variance. To overcome this problem, we propose another unbiased matrix estimator that converges in probability to ${\bf A}_S$. Based on the unbiased estimator and the cumulative samples, we denote $ [\widehat{{\bf R}}_1(n)]_S\triangleq\frac{1}{n}\sum_{t=1}^{n}[{\bf y}_{t+1}]_S[{\bf y}_t]_S^T,$ $[\widehat{{\bf R}}_3(n-1)]_S\triangleq\frac{1}{n}\sum_{t=1}^{n}[{\bf y}_{t+2}]_S[{\bf y}_{t-1}]_S^T. $ Then, an \emph{efficient matrix estimator} using cumulative samples is proposed as \begin{align}\label{eqn: hat_A_s} [\widehat{{\bf A}}_n^{u}]_S =\frac{1}{\mu^2}\Big([\widehat{{\bf R}}_1(n)]_S-[\widehat{{\bf R}}_3(n-1)]_S\Big). \end{align} Thus, $[\widehat{{\bf A}}_n^{u}]_S $ is the average of $[{\bf A}^u(t)]_S$ from time $1$ to $n$. Since $[{\bf A}^u(t)]_S$ is an unbiased estimator of ${\bf A}_S$ from Proposition \ref{pro}, $[\widehat{{\bf A}}_n^{u}]_S $ is also unbiased. Besides, it has the following property. \begin{theorem}\label{theorem Under Assumption \ref{Assu1}, if the observed signals are collected by the VAR model with Gaussian noise in \eqref{va1}, then the unbiased estimator $[\widehat{{\bf A}}_n^{u}]_S$ for the matrix ${\bf A}_S$ satisfies $[\widehat{{\bf A}}_n^{u}]_S\stackrel{P}{\rightarrow} {\bf A}_S,$ when $n\rightarrow\infty.$ \end{theorem} \begin{proof} For brevity, the detailed proof is available in the supplementary material. \end{proof} Theorem \ref{theorem} demonstrates that the unbiased estimator $[\widehat{{\bf A}}_n^{u}]_S$ converges to ${\bf A}_S$ in probability. However, for a fixed network size $N$, the estimators proposed in \cite{matta2019graph} cannot guarantee convergence to ${\bf A}_S$ as the number of samples grows. In comparison, the advantage of the Granger estimator is that it does not rely on the symmetry assumption. Therefore, it can be used in non-symmetric scenarios. The detailed comparisons are shown in Table \ref{table:esti}. \begin{table}[h] \caption{Comparison of different estimators} \label{table:esti} \centering \setlength\tabcolsep{5pt} \begin{tabular}[1]{cccccccc} \hline Estimator& Expression& Bias&Convergence ({*})\\ \hline Granger \cite{matta2019graph}& $[\widehat{{\bf R}}_1(n)]_S([\widehat{{\bf R}}_0(n)]_S)^{-1}$& biased&\ding{53}\\ One-lag \cite{matta2019graph}& $[\widehat{{\bf R}}_1(n)]_S$& biased&\ding{53}\\ Residual \cite{matta2019graph}& $[\widehat{{\bf R}}_1(n)]_S-[\widehat{{\bf R}}_0(n)]_S$& biased&\ding{53}\\ \textbf{Proposed}& $[\widehat{{\bf R}}_1(n)]_S-[\widehat{{\bf R}}_3(n-1)]_S$& unbiased&\ding{52}\\ \hline \end{tabular} \begin{flushleft} where $[\widehat{{\bf R}}_0(n)]_S\triangleq\frac{1}{n}\sum_{t=1}^{n}[{\bf y}_{t}]_S[{\bf y}_t]_S^T$. $(*)$ means that for a fixed network size $N,$ the estimator converges in probability to ${\bf A}_S$ when $n\rightarrow\infty$. \end{flushleft} \end{table} \subsection{Node Pair Clustering} We have developed an unbiased estimator $[\widehat{{\bf A}}_n^{u}]_S $, as denoted in \eqref{eqn: hat_A_s}, that quantifies the strength of the connections among the network nodes. Considering the binary property of the adjacency matrix, we require the standard clustering algorithms, which allow grouping the entries of the unbiased estimator into two clusters, indicating the ‘disconnection’ and ‘connection’ pairs of the observed network. To select a suitable clustering method, we complete experiments on ER models to visualize the distribution of the entries of the unbiased matrix estimator $[\widehat{{\bf A}}_n^{u}]_S$ in Fig. \ref{sca}. For convenience, the `disconnection' and `connection' clusters are denoted as `0' and `1', respectively. $\footnote{In this experiment, we set the network size $N=200$, the connection probability of ER model $p=0.1$, the fraction of the observed nodes $\xi=0.2$ ($S=40$), the parameter of the Laplacian $\lambda = 0.99$ and the weight $\mu=0.1$.}$ \begin{figure}[t] \centering \subfigure[$N=200,\ \xi=0.2,\ n=10^4$.]{ \begin{minipage}[t]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-scatterA-eps-converted-to} \end{minipage}% }% \subfigure[$N=200,\ \xi=0.2,\ n=10^5$.]{ \begin{minipage}[t]{0.3\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-scatterB-eps-converted-to} \end{minipage}% }% \centering \caption Scatter plots and histograms of the entries of the unbiased matrix estimator.} \label{sca} \end{figure} Fig. \ref{sca} (a) shows that entries are largely mixed under the small size situation. In addition, their distributions also partly overlap. Thus, it is difficult to infer the network topology when the sample size is small. However, when the sample size $n$ is large, as shown in Fig. \ref{sca} (b), the entries are perfectly separated into two clusters, which is consistent with Theorem 1. The histograms in Fig. \ref{sca} reveal that their distribution seems to be a Gaussian mixture distribution. Thus, we adopt the GMM algorithm \cite{najar2017comparison} to group the entries into two clusters. It is known that the GMM algorithm is implemented by the expectation-maximum algorithm, which is sensitive to the initial conditions \cite{biernacki2003choosing}. Since the value for the disconnected pairs under the Laplacian rule is 0, the expectation of the unbiased estimator for the disconnected pairs is also 0 (see Fig. \ref{sca}). Thus, we set 0 as the initial mean for the disconnected pairs when using the GMM algorithm. \subsection{Proposed Method} The proposed NIG method is summarized in Algorithm \ref{algorithm}, which is used to infer network topology under partial observability. \begin{algorithm}[h]\label{algorithm} \caption{NIG algorithm} \KwIn{Streaming data $[{\bf y}_0]_S,\dots,[{\bf y}_{n+2}]_S$; Weight $\mu$;} \KwOut{Prediction matrix ${\bf G}_S$} $[\widehat{{\bf R}}_1(n)]_S\leftarrow\frac{1}{n}\sum_{t=1}^{n}[{\bf y}_{t+1}]_S[{\bf y}_t]_S^T$ $[\widehat{{\bf R}}_3(n-1)]_S\leftarrow\frac{1}{n}\sum_{t=1}^{n}[{\bf y}_{t+2}]_S[{\bf y}_{t-1}]_S^T$ $[\widehat{{\bf A}}_n^{u}]_S\leftarrow\frac{1}{\mu^2}([\widehat{{\bf R}}_1(n)]_S-[\widehat{{\bf R}}_3(n-1)]_S)$ ${\bf G}_S\leftarrow$ GMM$([\widehat{{\bf A}}_n^{u}]_S)$~~~\# $\textmd{initial mean: 0.}$ \end{algorithm} Steps 1-3 are completed to generate the unbiased estimator $[\widehat{{\bf A}}_n^{u}]_S$. Step 4 is completed using the GMM clustering method for the entries of the unbiased matrix estimator. \section{Numerical Experiments} \begin{figure*}[htbp] \centering \subfigure[Error rates]{ \begin{minipage}[t]{0.24\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-error-PLUS-eps-converted-to} \end{minipage}% }% \subfigure[Bias.]{ \begin{minipage}[t]{0.24\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-bias-eps-converted-to} \end{minipage}% }% \subfigure[Variance.]{ \begin{minipage}[t]{0.24\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-variance-eps-converted-to} \end{minipage}% }% \subfigure[Ablation study.]{ \begin{minipage}[t]{0.24\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-ablation-eps-converted-to} \end{minipage}% } \centering \caption{Comparison of the proposed NIG algorithm with other methods.} \label{bvar} \end{figure*} \begin{figure*}[htbp] \centering \subfigure[$N=800, p=0.1, \xi=0.2.$]{ \begin{minipage}[t]{0.24\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-error8-plus-eps-converted-to} \end{minipage}% }% \subfigure[$N=400, p=0.2, \xi=0.2.$]{ \begin{minipage}[t]{0.24\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-error2-eps-converted-to} \end{minipage}% }% \subfigure[$N=400, p=0.1.$]{ \begin{minipage}[t]{0.25\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ_zhixin_gauss1_mu1-eps-converted-to} \end{minipage}% } \subfigure[False-negative score.]{ \begin{minipage}[t]{0.24\textwidth} \centering \includegraphics[width=\textwidth]{figure/AQ-FN-PLUS-eps-converted-to} \end{minipage}% } \centering \caption{Comparison of the proposed NIG algorithm under different settings.} \label{error} \end{figure*} In this section, we examine the numerical performance of the proposed NIG algorithm and present comparison results with three existing methods, namely, one-lag (One), residual (Res), and Granger (Gra) estimators followed by the K-means clustering algorithm in \cite{matta2019graph}. If not otherwise specified, the NIG algorithm uses the GMM clustering algorithm. The error rates are adopted for performance evaluation, which are the fractions of network node pairs that are incorrectly recovered. Consider a network with $N$ nodes, where, according to the ER model, edges are determined by independent Bernoulli distributions with link probability $p$. If not otherwise specified, we set $N=400, \xi = 0.2, \mu = 0.1, p=0.1.$ The parameter $\lambda$ of the Laplacian rule is set as 0.99. To assess the performance of the proposed unbiased estimator in the NIG algorithm, we consider the following scenarios, where the results are averaged over 50 experiments. \begin{itemize} \item The proposed algorithm is compared with other methods in terms of error rate, bias, and variance in Fig. \ref{bvar}. \item An ablation study is provided to clarify where the gain of the proposed algorithm arises. Specifically, in Fig. \ref{bvar} (d), we show the results from the K-means and GMM algorithms for the proposed unbiased estimator and Granger estimator, respectively. \item We examine the error rates and 95$\%$ confidence intervals of the NIG algorithm when varying $N$, $p$, and $\xi$ in Fig. \ref{error}. Moreover, in Fig. \ref{error} (d), we compare these algorithms in terms of a popular metric, the false-negative score \cite{sokolova2006beyond}, which is defined as the fraction of disconnected node pairs declared as connected. \end{itemize} Fig. \ref{bvar} (a) shows that the proposed estimator has the lowest error rate compared to the other estimators in the case of small sample sizes. However, when the sample size becomes larger than $0.8*10^5$, the proposed algorithm has higher error rates than the Granger and one-lag estimators. The reason may be that the proposed estimator has the smallest bias, which mainly affects the performance and makes the proposed unbiased estimator perform best in the small sample size situation. However, with the gradual increase in sample sizes, the variance becomes the main factor affecting the performance. Thus, the larger variance leads to the higher error rates of the proposed NIG algorithm than baselines (see Fig. \ref{bvar} (b)-(c)). In addition, one can observe that its variance converges to 0 as $n$ increases, which is consistent with Theorem \ref{theorem}. Fig. \ref{bvar} (d) shows that both the proposed and Granger estimators with the GMM algorithm outperform those with the K-means algorithm. Thus, the GMM algorithm provides some gains for both estimators. When the sample size is small, one can also observe that the proposed estimator has a better performance than the Granger estimator with the same GMM algorithm. The reason is that the unbiased estimator provides a better initialization for the GMM clustering algorithm. Thus, the gains of the proposed method arise from both the new estimator and the GMM algorithm. Comparing the proposed method with the baselines in Fig. \ref{error} (a) and Fig. \ref{bvar} (a), we see that the performance gap grows with larger network sizes. Fig. \ref{error} (b) shows that all the estimators have higher error rates when the graph becomes denser, but the proposed estimator still performs best with small sample sizes. Fig.\ref{error} (c) shows that, with a higher fraction of observed nodes, the proposed NIG algorithm has a narrower confidence interval and a lower average error rate. The reason may be that the impact of the hidden nodes on the observed signals decreases when the fraction of the observed nodes increases since there are fewer hidden nodes. In addition, Fig. \ref{error} (d) shows the false-negative score. A satisfactory estimator should have small false-negative scores. Fig. \ref{error} (d) shows that the proposed method has the lowest false-negative score and demonstrates that the proposed method has the highest probability of recovering the disconnected pairs correctly. On the other hand, the proposed NIG algorithm has contrary performance under the false-positive score \cite{sokolova2006beyond}. \section{Conclusion} In this letter, the novel NIG algorithm, including an unbiased estimator and a GMM algorithm for network topology inference under partial observability, is proposed. Theoretically, we have proven that the unbiased estimator converges to the network combination matrix in probability and helps us obtain a better initialization for the GMM algorithm. The simulations have shown that the proposed NIG algorithm obtains a better performance with small sample sizes, sparse networks, and high fractions of observed nodes. Future work aims to improve the algorithms by combining the advantages of the biased estimators and the proposed method. \bibliographystyle{ieeetr}
b6f97c5903a2314d65da392d892d8243b1b085cf
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} {\itshape Primitive model}.--- Ionic fluids cover a wide range of charged materials, including solvent-in-salt electrolytes, room-temperature ionic liquids (RTILs), various colloidal dispersions, and polyelectrolytes \cite{review bio, review fluid}. Recently, ionic fluids are increasingly attracting much attention, due to their diverse applications not only in chemistry and biology \cite{review bio} but also in renewable energy devices such as batteries, supercapacitors, and separation media \cite{review fluid, rtil review, review energy}. Here we consider electrolytes, RTILs, and mixtures of oppositely charged colloids under applied electric fields, as examples of symmetric ionic fluids driven by external electric fields. These appear in biological ion channels, micro/nanofluidic devices for environmental and biomedical applications, and electrolyte-immersed porous electrodes for electrochemical applications \cite{review bio, review fluid, rtil review, review energy}. Among models of the ionic fluids on target is a primitive model, or a symmetric collection of charged spheres whose cationic and anionic species have equal size and equal but opposite charge. The primitive model under a static electric field, with which we are concerned, has been widely used to explain the structural and dynamical properties of concentrated electrolytes driven by external electric fields in confined geometries \cite{review fluid,bazant dynamics,eisenberg,mpnp channel}. {\itshape Poisson-Nernst-Planck (PNP) model}.--- The Poisson-Nernst-Planck (PNP) model is the standard approach to describe the primitive model with a static electric field applied in the first approximation \cite{review fluid,bazant dynamics,eisenberg,mpnp channel}. The Nernst-Planck equation, also known as the drift-diffusion equation, treats ionic currents arising from the combination of Fick's law of diffusion due to a concentration gradient and Ohm's law for drift of ions in a gradient of Coulomb potential. The Nernst-Planck equation represents a conservation law: \begin{flalign} \label{conservation \partial_tn_l({\bm r},t)=-\nabla\cdot\bm{J}_l(\bm{r},t), \end{flalign} where $n_l(\bm{r},t)$ ($l=1,\,2$) denotes an instantaneous number density of either cations ($l=1$) or anions ($l=2$) and $\bm{J}_l(\bm{r},t)$ a current vector of the $l$-th ion density. The PNP model considers the coupled set of the Poisson and NP equations by relating $n_l(\bm{r},t)$ to a Coulomb potential via the Poisson equation. {\itshape Deficiencies of the PNP model}.--- The PNP model provides a basic description of linear response dynamics of dilute electrolytes perturbed from equilibrium. However, the original PNP model takes no account of (i) {\itshape steric interactions}, (ii) {\itshape ion-ion Coulomb correlations}, and (iii) {\itshape dielectric boundary effects}. Hence, the conventional PNP model is insufficient to predict various electrokinetic phenomena when ions are crowded and/or when the ion distributions are spatially inhomogeneous \cite{bazant dynamics,eisenberg}. For example, the PNP model is not relevant to the interfacial electrokinetic phenomena which are found not only in biological ion channels but also in advanced devices for micro/nanofluidic and electrochemical applications \cite{bazant dynamics,eisenberg}. Steric effects become significant in either RTILs or thin electric double layers formed at large applied voltages, which, however, are not included in the PNP model \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self,witt,ddft,demery,gole,andelman,donev}. There are also bulk properties for which the PNP model is not valid: inhomogeneous steady states have been reported by theoretical, experimental, and simulation studies in the bulk region of either electrolytes or oppositely charged colloidal mixtures driven by electric fields \cite{demery,lowen,band,under exp,under simu}. Theoretically, on the one hand, stationary correlation functions of electric-field-driven electrolytes were calculated, suggesting a tendency to form chains of cations and anions in the external field direction at larger electric fields \cite{demery}. On the other hand, experimental and simulation studies have provided dynamic phase diagrams of steady states including laned, jammed or clogged, and mixed states of oppositely charged particles under a DC or AC electric field \cite{lowen,band}. It is well known that lane formation of like-charge particles occurs at a high enough field strength along the applied field \cite{lowen,band}. At the same time, previous studies have also observed that bands of like-charge particles are aligned in a direction non-parallel to the applied field direction when the electric-field-driven colloidal mixtures are in jammed or mixed states \cite{lowen,band}. {\itshape Modified PNP models: deterministic case}.--- A variety of modified PNP (mPNP) models have thus been proposed so far; these arise either from semi-phenomenological methods \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self} or from deterministic density functional theory (DFT) \cite{witt,ddft}. The modifications have aimed to overcome the above shortcomings given in (i) to (iii) as follows: (i) {\itshape Steric effects} are included by adding a density current, or its associated chemical potential due to non-Coulombic short-range interactions. (ii) {\itshape Ion-ion Coulomb correlations} are taken into account by modified Poisson equations such as higher-order Poisson equation \cite{bsk,bazant bsk,high pb,frusawa review}. (iii) {\itshape Dielectric boundary effects} are investigated according to a generalized Born theory evaluating solvation energy from an ionic self-energy \cite{static self}. Some of the results achieved by the deterministic mPNP models are as follows \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self}: First, for biological ion channels, the numerical results have been found to agree with experimental or simulation data on the ion channel characteristics of selectivity and rectification. Next, for micro/nanofluidics, it has been demonstrated that a coupled set of the mPNP and Navier-Stokes equations is a good descriptor of the interfacial electrokinetic phenomena. These include electro-osmotic flow, streaming current, and ionic conductance in porous media or nanochannels filled with RTILs or concentrated electrolytes of high valence. Then, in terms of renewable energy technologies, modified PNP models have successfully explained differential capacitance and non-monotonic oscillatory decay of electric double layers at solid-liquid interfaces with large voltages applied to RTILs or concentrated electrolytes. {\itshape Modified PNP models: stochastic case}.--- An alternative approach to extend the PNP dynamics to a stochastic process is the stochastic DFT (SDFT) \cite{witt,sdft general}. In the SDFT, we use the Dean-Kawasaki model \cite{witt,sdft general} that contains multiplicative noise by adding a stochastic current in eqn (\ref{conservation}). The Dean-Kawasaki equation can be linearized for fluctuating density field around a reference density \cite{demery,gole,andelman,sdft linear, frusawa sdft}. The linearized Dean-Kawasaki equation has proved relevant to describe various dynamics. It is an outstanding feature of the linearized SDFT to justify the inclusion of stochastic processes into the PNP model. The stochastic nature allows us to compute correlation functions for density and charge fluctuations around uniform states. Recently, the stochastic mPNP models based on the linearized SDFT have provided the following results \cite{demery,gole,andelman,donev,sdft linear, frusawa sdft}: First, the linear Dean-Kawasaki equation has formulated ion concentration-dependent electrical conductivity. The obtained expression for conductivity reproduces the Debye-H\"uckel-Onsager theory and also explains the experimental results on concentrated electrolytes where the Debye-H\"uckel-Onsager theory breaks down \cite{demery,andelman,donev}. It should be noted that we need to use a regularized interaction potential \cite{andelman} and to introduce hydrodynamic interactions \cite{andelman,donev} for explaining the high-density results \cite{andelman}; while this paper will justify the use of regularized form from the first principle, consideration of hydrodynamic interactions is beyond our scope. Furthermore, it is found from the analysis of correlation functions that density-density and charge-charge correlations are long-range correlated even in the steady state. The asymptotic decay of the correlation functions exhibits a power-law behavior with a dipolar character, thereby giving rise to a long-range fluctuation-induced force acting on uncharged confining plates \cite{gole}. Yet more modifications of the stochastic mPNP models need to be made, following the deterministic mPNP models. Namely, the above three issues (i.e., (i) to (iii) described above) have yet to be fully addressed by the stochastic mPNP models. We would also like to note that the stochastic formulation focuses on linear response dynamics from a uniform density distribution and that there have been few systematic studies on an inhomogeneous density distribution in a steady state \cite{frusawa sdft}. To pave the way for a more elaborate mPNP model, the stochastic mPNP models need to capture the benefits of the deterministic mPNP models. \begin{table*} \begin{threeparttable} \caption{Summary table of our formulation in comparison with previous theories on the mPNP models.} \centering \footnotesize \begin{tabular}{clcccc} \multicolumn{2}{c}{\shortstack{{\bf Equation}\\{\bf Type}}}$\quad$& \hspace{2pt}\shortstack{{\bf Modification of}\\{\bf the Poisson Equation}}$\>$& \hspace{2pt}\shortstack{{\bf Self-energy}\\{\bf Contribution}}$\>$& \hspace{8pt}\shortstack{{\bf Stochastic}\\{\bf Density Current}}$\>$& \hspace{2pt}\shortstack{{\bf Correlation}\\{\bf Functions}}\\ \hline\\ \multirow{2}{*}{\shortstack{{\bf Self-energy-modified}\\{\bf PNP equations}}}&\hspace{2pt}Ref. \cite{mpnp self}$\quad$&\hspace{2pt}Eqn (\ref{high poisson})\tnote{b}$\>$&\hspace{2pt}Eqn (\ref{self energy}), (\ref{poisson}) and (\ref{previous gdh})$\>$&\hspace{8pt}---$\quad$&\hspace{2pt}---\\ &\hspace{2pt}Ours$\quad$&\hspace{2pt}Eqn (\ref{finite spread})\tnote{a} \hspace{3pt}or (\ref{high poisson})\tnote{b}$\>$&\hspace{2pt}Eqn (\ref{self energy}), (\ref{g0 poisson}) and (\ref{gdh})&\hspace{8pt}Eqn (\ref{pnp current}) and (\ref{mu})$\quad$&\hspace{2pt}TBD\\ &&&&&\\ \multirow{2}{*}{\shortstack{{\bf Linear}\\{\bf mPNP equations}}}&\hspace{2pt}Ref. \cite{demery,gole,andelman}$\quad$&\hspace{2pt}Poisson or Eqn (\ref{finite spread})\tnote{a}$\>$&\hspace{2pt}---$\>$&\hspace{8pt}Eqn (\ref{mat current rhoq})$\quad$&\hspace{2pt}Eqn (\ref{C solution2}) to (\ref{ans E0})\\ &\hspace{2pt}Ours$\quad$&\hspace{2pt}Eqn (\ref{finite spread})\tnote{a}$\>$&\hspace{2pt}---$\>$&\hspace{8pt}Eqn (\ref{mat current rhoq})$\quad$&\hspace{2pt}Eqn (\ref{C solution2}) to (\ref{ans E0} \end{tabular} \begin{tablenotes} \item[a] Finite-spread Poisson equation \cite{demery,andelman,frusawa review,frydel review,finite gaussian,finite pb}. \item[b] Higher-order Poisson equation \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self,bsk,bazant bsk,high pb,frusawa review}. \end{tablenotes} \end{threeparttable} \end{table*} {\itshape The aim of this paper}.--- To summarize, the deterministic and stochastic mPNP models proposed so far are beneficial in the following respects: while the deterministic mPNP models have provided elaborate and tractable methods to include short-range correlations and interactions of Coulombic and non-Coulombic origins, the stochastic mPNP models have demonstrated the relevance to correlation function analysis on fluctuation phenomena in uniform and steady states. Integration of these modifications should lead to a deeper understanding of the electrokinetic phenomena in concentrated electrolytes. Thus, this paper serves two purposes. The first aim is to provide a unified formulation that combines the above results of the deterministic and stochastic mPNP models. From the aspect of the deterministic mPNP models, we attempt, using the unified formulation, to add the stochastic term to the deterministic mPNP equations and to derive the semi-phenomenological modifications \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self} from the first principle based on the liquid state theory. In terms of the stochastic mPNP models, on the other hand, the unified formulation justifies the inclusion of modified terms proposed by the deterministic mPNP models \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self} into the stochastic equations \cite{demery,gole,andelman}. The second purpose is to determine when density and charge oscillations emerge in non-equilibrium steady states. To this end, we investigate stationary correlation functions which are averaged over the plane transverse to the applied electric field. The unified mPNP model yields the stationary correlation functions at equal times, which enables us to explore crossovers from monotonic to oscillatory decay of density-density and charge-charge correlations. {\itshape The organization of this paper}.--- In what follows, we first present the summarized results on both the unified form of mPNP models (Section II) and the correlation function analysis to investigate steady states (Section III) before going into the details. On the one hand, Table 1 in Section II summarizes the obtained forms compared to previous formulations. The essential achievement in terms of the theoretical formalism is clarified in Sec. IID. As detailed in Appendix A, the hybrid framework of the field-theoretic approach, the equilibrium \cite{dft,ry} and dynamic \cite{witt} DFT, and the liquid state theory justifies the modified Poisson equations \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self,high pb,frusawa review,frydel review,finite gaussian,finite pb} and the generalized Debye-H\"uckel equation for the self-energy \cite{mpnp self,static self}. On the other hand, Fig. 2 in Section III provides a schematic summary of electric-field-dependent decay length prior to the Kirkwood crossover in the external field direction. Figure 2 illustrates not only the emergence of stripe states formed by segregation bands transverse to the applied field direction but also the intimate connection between the electric-field-induced shift of the decay length at the Kirkwood crossover and the underscreening behaviors \cite{under exp,under simu,under th,under andelman,under evans} observed in equilibrium electrolytes whose concentrations are higher than the conventional Kirkwood crossover point \cite{kirkwood original,kirkwood various,various smearing,gauss smearing,kirkwood fw}. Section IIIE also presents 2D behaviors of oscillatory correlations above the Kirkwood crossover using heat maps, which corroborates the appearance of stripe states in the presence of relatively weak electric fields. Section IV clarifies the detailed process to analytical and numerical results of the electric-field-induced Kirkwood crossover point and decay length using a couple of models typical for the liquid state theory. In Section VI, we have discussions for clarifying what the obtained results imply. \section{Formulation results on modifications of PNP model} In the first place, this section summarizes the resulting formulation, according to Table 1 (Section IIA). As seen from the equation type given in the leftmost column of Table 1, we have verified two modifications of PNP equations using the SDFT of the symmetric primitive model specified in Section IIB. In Section IIC, we present fully modified PNP equations that incorporate density currents from Gaussian noise fields as well as a self-energy contribution into the PNP model. Section IID describes the theoretical achievements in terms of the Dean-Kawasaki model. In Section IIE, we investigate the linearized mPNP equations while neglecting the self-energy in order to obtain stationary correlation functions at equal times. \subsection{Comparison with previous theories} In Sections IIC and IID, we will present the self-energy-modified PNP equations \cite{mpnp self} and the linear mPNP equations \cite{demery,gole,andelman}. Table 1 compares these equation sets with previous approaches. {\itshape Self-energy-modified PNP equations}.--- Previous theories \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self,witt,ddft} have made two modifications. One is to improve the Poisson equation for the Coulomb interaction potential $\psi(\bm{r},t)$ experienced by an ion (the higher-order Poisson equation (\ref{high poisson})) \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self,bsk,bazant bsk,high pb,frusawa review}. The other is to make a self-energy correction to the Coulomb interaction term in the PNP equations (the self-energy term determined by the generalized Debye-H\"uckel equation (\ref{previous gdh})) \cite{mpnp self,static self}, thereby providing theoretical descriptions of ionic transport in agreement with simulation results; however, these modifications are empirical, and correlation functions have been beyond the scope due to the absence of stochastic current. Meanwhile, our self-energy-modified PNP equations, derived from the basic formulation of the SDFT (see Appendix A for details), verify the stochastic dynamics and encompass the above modifications. {\itshape Linear mPNP equations}.--- Recently, the PNP model covers the stochastic dynamics of density fluctuations around a uniform state while neglecting the self-energy contribution \cite{demery,gole}. Furthermore, a finite-spread Poisson equation has been used in an ad hoc manner depending on a charge smearing model adopted \cite{andelman}. The stochastic mPNP equations allow us to evaluate correlation functions, yielding either the ion concentration-dependent electrical conductivity and the long-range fluctuation-induced force as mentioned in Section I. In this study, we confirm the linear stochastic mPNP equations previously used as an approximation of the self-energy-modified PNP equations \cite{mpnp self}. Accordingly, the use of the finite-spread Poisson equation \cite{demery,andelman,frusawa review,frydel review,finite gaussian,finite pb} is validated from the decomposition of the direct correlation function (DCF) to extract the weight function $\omega(\bm{k})$, implying that we can improve the finite-spread Poisson equation systematically by adopting a more appropriate function form of $\omega(\bm{k})$ other than eqn (\ref{omega two}). \begin{figure}[hbtp] \begin{center} \includegraphics[ width=7cm ]{fig0.eps} \end{center} \caption{A schematic of concentrated electrolytes under a static electric field $\bm{E}$ in Cartesian coordinates (top figure). The 3D primitive model is illustrated in the $xy$ plane (lower figure). The definition of symbols is provided in the main text. } \end{figure} \subsection{Model} The 3D primitive model introduces three parameters, $p$, $\sigma$ and $\epsilon$, for concentrated electrolytes with a static electric field $\bm{E}$ applied: $p$--valent cations and anions are modeled by equisized charged hard spheres of diameter $\sigma$ immersed in a structureless and uniform dielectric medium with dielectric constant $\epsilon$ at a temperature $T$. For later convenience in defining potential energies, we have defined the external field $\bm{E}$ as the conventional field multiplied by $e/k_BT$ (see also the statement after eqn (\ref{j0 ry})). Figure 1 presents schematics of the electric-field-driven primitive model in Cartesian coordinates where the external electric field $\bm{E}$ with its strength of $E=|\bm{E}|$ is parallel to the unit vector $\hat{\bm{e}}_{x}=(1,\,0,0)^{\mathrm{T}}=\bm{E}/E$ in the direction of $x$-axis. We can see two parallel plates in Fig. 1 as a reference for the later simplification; however, the interplate distance is much larger than the sphere diameter, and we suppose that the finite size effect due to the presence of the plates is negligible. The primitive model is characterized by a pairwise interaction potential $v_{lm}(\bm{r})$ between charged hard spheres with a separation distance of $r=|\bm{r}|$: $v_{11}(\bm{r})$, $v_{12}(\bm{r})$ and $v_{22}(\bm{r})$ represent cation-cation, cation-anion and anion-anion interactions, respectively. We have \begin{eqnarray} \label{interaction potential v_{lm}(\bm{r})= \left\{ \begin{array}{l} \infty\quad(r< \sigma)\\ \\ \left. (-1)^{l+m}p^2l_B\middle/r\quad(r\geq\sigma) \right.,\\ \end{array} \right. \end{eqnarray} where $l_B=e^2/(4\pi\epsilon k_BT)$ denotes the Bjerrum length, the length at which the bare Coulomb interaction between two monovalent ions is exactly $k_BT$. It is noted that this paper defines all of the energetic quantities, including the pairwise interaction potentials, in units of $k_BT$. \subsection{Self-energy-modified PNP equations: a full set of the resulting formulation} {\itshape The conservation equation with stochastic current}.--- In the conservation equation (\ref{conservation}) of the SDFT, the ionic current $\bm{J}_l(\bm{r},t)$ consists of three parts: \begin{flalign} &\bm{J}_l(\bm{r},t)=(-1)^{l-1}\mathcal{D}n_l(\bm{r},t)p\bm{E}-\mathcal{D}n_l(\bm{r},t)\nabla\mu_l[\bm{n}] \nonumber\\ \label{pnp current &\hphantom{\bm{J}_l(\bm{r},t)=\mathcal{D}n_l(\bm{r},t)z_l\bm{E}} -\sqrt{2\mathcal{D}n_l(\bm{r},t)}\bm{\zeta}(\bm{r},t), \end{flalign} where $\mathcal{D}$ and $\mu_l[\bm{n}]$ denote, respectively, the diffusion constant and the chemical potential as a functional of $\bm{n}(\bm{r},t)=(n_1(\bm{r},t),n_2(\bm{r},t))^{\mathrm{T}}$, and $\bm{\zeta}(\bm{r},t)$ represents uncorrelated Gaussian noise fields defined below. Incidentally, we have neglected an advection term \cite{donev, andelman}, $n_l(\bm{r},t)\bm{u}(\bm{r},t)$, on the right had side (rhs) of eqn (\ref{pnp current}) with $\bm{u}(\bm{r},t)$ denoting the solvent velocity field to satisfy the incompressibility condition $\nabla\cdot\bm{u}=0$, according to the treatment of the Dean-Kawasaki equation (see also Appendix A); this approximation is equivalent to supposing that $|\bm u|\ll |\mathcal{D}p\bm{E}|$. {\itshape Concrete forms of density current $\bm{J}_l(\bm{r},t)$}.--- The first term on the right hand side (rhs) of eqn (\ref{pnp current}) represents the reference current directly determined by $\bm{E}$. The chemical potential $\mu_l[\bm{n}]$ of the second term on the rhs of eqn (\ref{pnp current}) is given by \begin{flalign} \label{mu &\mu_l[\bm{n}]=\ln n_l(\bm{r},t)+U_l[\bm{n}], \end{flalign} using an instantaneous interaction energy $U_l[\bm{n}]$ per cation ($l=1$) or anion ($l=2$). Eqn (\ref{mu}) indicates that this part of the total current considers additional contributions from ideal entropy and Coulomb interactions considering steric effects. The last term on the rhs of eqn (\ref{pnp current}) corresponds to the stochastic current arising from $\bm{\zeta}(\bm{r},t)$ characterized by \begin{flalign} \left\langle\bm{\zeta}(\bm{r},t)\bm{\zeta}(\bm{r}',t')^{\mathrm{T}}\right\rangle_{\zeta}=\delta(\bm{r}-\bm{r}')\delta(t-t'), \label{noise \end{flalign} with the subscript "$\zeta$" representing the Gaussian noise averaging in space and time. Following the mPNP equations proposed so far, $U_l[\bm{n}]$ is further divided into two parts: \begin{flalign} \label{pnp U U_l[\bm{n}]&=(-1)^{l-1}\psi(\bm{r},t)+\frac{u(\bm{r},t)}{2}, \end{flalign} where $(-1)^{l-1}\psi(\bm{r},t)$ and $u(\bm{r},t)/2$ denote, respectively, the instantaneous interaction potential and the instantaneous self-energy per ion. We define $\psi(\bm{r},t)$ by \begin{flalign} \label{app potential \psi(\bm{r},t)=-\int d^3\bm{r}'c(\bm{r}-\bm{r}')\,q(\bm{r}',t), \end{flalign} using the DCF $c(\bm{r}-\bm{r}')$ and an instantaneous charge density, \begin{flalign} \label{charge def peq(\bm{r},t)=pe\{n_1(\bm{r},t)-n_2(\bm{r},t)\}. \end{flalign} By definition of the DCF, the potential function $\psi(\bm{r},t)$ defined in eqn (\ref{app potential}) corresponds to the conventional Coulomb potential multiplied by $pe/k_BT$ (see also eqn (\ref{fourier dcf})). It follows that $q(\bm{r},t)$ in eqn (\ref{app potential}) is not an instantaneous charge density but is merely the concentration difference ($q=n_1-n_2$) as seen from eqn (\ref{charge def}). Meanwhile, our resulting formulation provides the self-energy as follows: \begin{flalign} \label{self energy \frac{u(\bm{r},t)}{2}=\frac{p^2}{2}\lim_{\bm{r}'\rightarrow\bm{r}}\left\{ G(\bm{r}-\bm{r}')-G_0(\bm{r}-\bm{r}')\right\}, \end{flalign} where bare and dressed propagators, $G_0(\bm{r}-\bm{r}')$ and $G(\bm{r}-\bm{r}')$, are given by \begin{flalign} \label{g0 def p^2G_0(\bm{r}-\bm{r}')&=-c(\bm{r}-\bm{r}'),\\ \label{g def p^2G(\bm{r}-\bm{r}')&=-h(\bm{r}-\bm{r}'), \end{flalign} with $h(\bm{r}-\bm{r}')$ denoting the total correlation function between ions of the same kind. We investigate the following model forms as the DCFs: \begin{flalign} \label{omega two \omega(\bm{k})&= \left\{ \begin{array}{l} e^{-(k\sigma)^2/2} \\\\ \cos(k\sigma), \end{array} \right. \end{flalign} in the Fourier transform of the DCF given by \begin{flalign} \label{fourier dcf -c(\bm{k})=\frac{4\pi p^2l_B}{\bm{k}^2}\omega(-\bm{k}), \end{flalign} where $|\bm{k}|=k$. While the former expression of $\omega(\bm{k})$ in eqn (\ref{omega two}) represents the Gaussian charge smearing model \cite{gauss smearing,finite gaussian} and has been used in the hypernetted chain approximation of one-component ionic fluids \cite{ng}, the latter form in eqn (\ref{omega two}) indicates the restriction of Coulomb interactions to the separation of $|\bm{r}-\bm{r}'|>\sigma$ with a cutoff at $|\bm{r}-\bm{r}'|=\sigma$ and is an approximate form of the modified MSA model \cite{mmsa smearing} as shown in Appendix A2. {\itshape Finite-spread or higher-order Poisson equation}.--- Combining eqn (\ref{app potential}), (\ref{omega two}) and (\ref{fourier dcf}), we have \begin{flalign} \label{finite spread -\nabla^2\psi(\bm{r}-\bm{r}') =4\pi p^2l_B\int d^3\bm{r}' \omega(\bm{r}-\bm{r}')\,q(\bm{r}',t), \end{flalign} which will be referred to as the finite-spread Poisson equation after the finite-spread Poisson-Boltzmann equation; both equations consider the charge distribution inside a charged sphere using a weight function $\omega(\bm{r}-\bm{r}')$. As shown in Appendix A2, eqn (\ref{finite spread}) transforms to \begin{flalign} \label{high poisson k_BT\epsilon\left( \frac{\sigma^2}{2}\nabla^2-1 \right)\nabla^2\psi(\bm{r}-\bm{r}')= (pe)^2 q(\bm{r},t), \end{flalign} when performing the low wavenumber expansion of $\omega(\bm{k})$, similarly to the transformation from the finite-spread Poisson-Boltzmann equation to the higher-order one for one-component fluids. Eqn (\ref{high poisson}) will be referred to as the higher-order Poisson equation \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self,bsk,bazant bsk,high pb,frusawa review} for comparison with the finite-spread Poisson equation (\ref{finite spread}), though often called either the Poisson-Fermi equation or the Bazant-Storey-Kornyshev equation. {\itshape A generalized Debye-H\"uckel equation}.--- It follows from eqn (\ref{g0 def}) to (\ref{fourier dcf}) that the DCF and the total correlation function, $c(\bm{r}-\bm{r}')$ and $h(\bm{r}-\bm{r}')$, obey a modified Poisson equation and a generalized Debye-H\"uckel equation, respectively: we have \begin{flalign} \label{g0 poisson -\nabla^2 G_0(\bm{r}-\bm{r}')= 4\pi l_B\omega(\bm{r}-\bm{r}'), \end{flalign} whereas the Orstein-Zernike equation reads \begin{flalign} &-\nabla^2 G(\bm{r}-\bm{r}')+\int d^3\bm{r}" \omega(\bm{r}-\bm{r}")\kappa^2(\bm{r}")G(\bm{r}"-\bm{r}') \nonumber\\ \label{gdh &\hphantom{-\nabla^2 G(\bm{r}-\bm{r}')+\int d^3\bm{r}" \omega}\quad\quad\quad =4\pi l_B\omega(\bm{r}-\bm{r}'), \end{flalign} where a generalized Debye-H\"uckel length $\kappa^{-1}(\bm{r})$ has been defined as \begin{flalign} \label{gdh length \kappa^{-1}(\bm{r})&=\left\{ 4\pi l_Bp^2\rho(\bm{r},t) \right\}^{-1/2},\\ \label{density def \rho(\bm{r},t)&=n_1(\bm{r},t)+n_2(\bm{r},t). \end{flalign} Eqn (\ref{g0 poisson}) and (\ref{gdh}) for point charges ($\sigma=0$) reduce, respectively, to \begin{flalign} \label{poisson -\nabla^2 G_0(\bm{r}-\bm{r}') =4\pi l_B\delta(\bm{r}-\bm{r}') \end{flalign} and \begin{flalign} \label{previous gdh -\nabla^2 G(\bm{r}-\bm{r}')+\kappa^2(\bm{r})G(\bm{r}-\bm{r}') =4\pi l_B\delta(\bm{r}-\bm{r}') \end{flalign} because of \begin{flalign} \label{omega delta \lim_{\sigma\rightarrow 0}\omega(\bm{r}-\bm{r}')=\delta(\bm{r}-\bm{r}'), \end{flalign} as confirmed from eqn (\ref{omega two}). Eqn (\ref{previous gdh}) corresponds to the generalized Debye-H\"uckel equation previously used \cite{mpnp self,static self}. \subsection{Theoretical achievement in terms of the Dean-Kawasaki model} In Appendices A and B, we prove that the Dean-Kawasaki model can be approximated by the formula given by eqn (\ref{pnp current}) to (\ref{g def}) for concentrated electrolytes: the hybrid framework of the equilibrium DFT and field-theoretic treatment transforms the original Dean-Kawasaki equation to a tractable expression for binary ionic fluids without ad hoc modifications. Here we clarify the theoretical achievement instead of going into the detailed formulations presented in Appendix A. It is found from eqn (\ref{mu def}), (\ref{appendix contour}), (\ref{appendix tr}) and (\ref{appendix u}) that the straightforward use of the original DK model provides exactly \begin{flalign} \label{original U U_l[\bm{n}]&=(-1)^{l-1}\psi_0(\bm{r},t)-\frac{v_{ll}(\bm{0})}{2},\\ \psi_0(\bm{r},t)&=\int d^3\bm{r}'v_{ll}(\bm{r}-\bm{r}')\,q(\bm{r}',t). \end{flalign} It follows from eqn (\ref{pnp current}), (\ref{pnp U}), and (\ref{original U}) that the electrostatic contribution to ionic current reads \begin{flalign} &-\mathcal{D}\bm{n}_l(\bm{r},t)\nabla U_l[\bm{n}]\nonumber\\ \label{el current &\quad=\mathcal{D}\bm{n}_l(\bm{r},t)\left\{(-1)^{l-1}\nabla\psi(\bm{r},t)+\frac{\nabla u(\bm{r},t)}{2}\right\}\\ \label{el current original} &\quad=\mathcal{D}\bm{n}_l(\bm{r},t)\left\{(-1)^{l-1}\nabla\psi_0(\bm{r},t)\right\} \end{flalign} because of $\nabla v_{ll}(\bm{0})=\bm{0}$. Comparison between eqn (\ref{el current}) and (\ref{el current original}) reveals that the SDFT based on the above hybrid framework justifies \begin{flalign} \label{gaussian} \left|\nabla\left\{\psi_0(\bm{r},t)-\psi(\bm{r},t)\right\}\right|\approx \left|\frac{\nabla c(\bm{0},t)}{2}\right| \end{flalign} in the Gaussian approximation of the auxiliary potential field (see Appendix A for details), where use has been made of the relation, $\nabla u(\bm{r})=\nabla \lim_{\bm{r}'-\bm{r}}c(\bm{r}-\bm{r}',t)\equiv \nabla c(\bm{0},t)$. Our achievement in terms of the theoretical formalism is essentially to validate eqn (\ref{gaussian}), which is the intrinsic reason why the SDFT successfully unifies various mPNP models. \subsection{Linear \lowercase{m}PNP equations and the associated correlation functions} {\itshape The matrix representation}.--- Let us introduce two vectors, $\bm{\theta}(\bm{r},t)$ and $\bm{\eta}(\bm{r},t)$, for having a compact form of the mPNP equation set: \begin{flalign} \label{theta def \bm{\theta}(\bm{r},t)&= \begin{pmatrix} \rho(\bm{r},t)\\ q(\bm{r},t)\\ \end{pmatrix}, \\ \label{eta def \bm{\eta}(\bm{r},t)&= \begin{pmatrix} \nabla\cdot\bm{\zeta}(\bm{r},t)\\ \nabla\cdot\bm{\zeta}'(\bm{r},t)\\ \end{pmatrix}, \end{flalign} where $\rho(\bm{r},t)$ and $q(\bm{r},t)$ have been defined in eqn (\ref{density def}) and (\ref{charge def}), respectively, and $\bm{\zeta}'(\bm{r},t)$ is characterized by the same relation as eqn (\ref{noise}) of $\bm{\zeta}(\bm{r},t)$. We perform the change of variables from $\bm{n}(\bm{r},t)$ to $\bm{\theta}(\bm{r},t)$ in the linearization of the mPNP equation set given by eqn (\ref{conservation}) and eqn (\ref{pnp current}) to (\ref{pnp U}) with the self-energy term (\ref{self energy}) being dropped. Thus, we obtain the stochastic currents, $\bm{J}_{\rho}$ and $\bm{J}_q$, from linearizing the current given by eqn (\ref{pnp current}) (see Appendix A for details): \begin{flalign} \label{mat current rhoq \begin{pmatrix} \bm{J}_{\rho}(\bm{r},t)\\ \bm{J}_q(\bm{r},t)\\ \end{pmatrix} &= \begin{pmatrix} \bm{J}_1(\bm{r},t)+\bm{J}_2(\bm{r},t)\\ \bm{J}_1(\bm{r},t)-\bm{J}_2(\bm{r},t)\\ \end{pmatrix} \nonumber\\ &= -\mathcal{D} \begin{pmatrix} \nabla\rho(\bm{r},t)-q(\bm{r},t)p\bm{E}\\ \nabla q(\bm{r},t)+2\overline{n}\nabla\psi(\bm{r},t)-\rho(\bm{r},t)p\bm{E}\\ \end{pmatrix}\nonumber\\ &\qquad\qquad\qquad\qquad\qquad -\sqrt{4\mathcal{D}\overline{n}} \begin{pmatrix} \bm{\zeta}(\bm{r},t)\\ \bm{\zeta}(\bm{r},t)\\ \end{pmatrix}, \end{flalign} using the smeared density $\overline{n}$ of cations or anions. We insert the expression (\ref{mat current rhoq}) into the conservation equation for $\rho(\bm{r},t)$ and $q(\bm{r},t)$: \begin{flalign} \label{mat dk rhoq \partial_t \bm{\theta}(\bm{r},t) &=-\nabla\cdot \begin{pmatrix} \bm{J}_{\rho}(\bm{r},t) \\ \bm{J}_q(\bm{r},t) \\ \end{pmatrix}, \end{flalign} which is Fourier transformed to \begin{flalign} \label{mat dk m fourier \partial_t \bm{\theta}(\bm{k}) &=-\mathcal{D} \bm{\mathcal{K}}(\bm{k}) \bm{\theta}(-\bm{k},t)+ \sqrt{4\mathcal{D}\overline{n}}\,\bm{\eta}(\bm{k}), \end{flalign} noting that the finite-spread Poisson equation (\ref{finite spread}) yields the Fourier transform of $2\overline{n}\nabla^2\psi(\bm{r},t)$ as follows: \begin{flalign} -2\overline{n}\bm{k}^2\psi(\bm{k})&=-8\pi p^2l_B\overline{n}\,\omega(\bm{k})q(-\bm{k})\nonumber\\ \label{fourier finite spread &=-\overline{\kappa}^2\omega(\bm{k})q(-\bm{k}), \end{flalign} where we have defined the smeared Debye-H\"uckel length, \begin{flalign} \label{smear dh \xi_{\mathrm{DH}}=\overline{\kappa}^{-1}\equiv \left(8\pi p^2l_B\overline{n}\right)^{-1/2}, \end{flalign} other than $\kappa^{-1}(\bm{r},t)$ defined by eqn (\ref{gdh length}). In eqn (\ref{mat dk m fourier}), the matrix to determine restoring forces is expressed as \begin{flalign} \label{k matrix \bm{\mathcal{K}}(\bm{k})&= \begin{pmatrix} \bm{k}^2& ik_{x}pE\\ ik_{x}pE&\mathcal{G}_1(\bm{k})\\ \end{pmatrix}, \\ \label{def g1 \mathcal{G}_1(\bm{k})&=\bm{k}^2+\overline{\kappa}^2\omega(\bm{k}). \end{flalign} In eqn (\ref{k matrix}), the anisotropy of the $\bm{k}$--space is associated with the direction of applied electric field (i.e., $\hat{\bm{e}}_{x}=\bm{E}/E$) and the relation, \begin{flalign} \label{k parallel k_{x}=\bm{k}\cdot\hat{\bm{e}}_{x}, \end{flalign} implies that \begin{flalign} \label{k decomp \bm{k}&=k_{x}\hat{\bm{e}}_{x}+\bm{k}_{\perp},\\ \label{k component \bm{k}_{\perp}&=(0,\,k_y,\,k_z)^{\mathrm{T}}. \end{flalign} {\itshape Density-density and charge-charge correlation functions}.--- One of the benefits of stochastic equations is that correlation functions are calculated straightforwardly. Here we consider density-density and charge-charge correlation functions at equal times, which are defined using the equal-time correlation matrix as follows: \begin{flalign} \bm{\mathcal{C}}(\bm{k},t) &=\left<\bm{\theta}(\bm{k},t)\bm{\theta}(-\bm{k},t)^{\mathrm{T}}\right>_{\zeta}\nonumber\\ &= \begin{pmatrix} \left<\rho(\bm{k})\rho(-\bm{k},t)\right>_{\zeta}&\left<q(\bm{k})\rho(-\bm{k},t)\right>_{\zeta}\\ \left<\rho(\bm{k})q(-\bm{k},t)\right>_{\zeta}&\left<q(\bm{k})q(-\bm{k},t)\right>_{\zeta}\\ \end{pmatrix}\nonumber\\ \label{C def &= \begin{pmatrix} \mathcal{C}_{\rho\rho}(\bm{k},t)&\mathcal{C}_{q\rho}(\bm{k},t)\\ \mathcal{C}_{\rho q}(\bm{k},t)&\mathcal{C}_{qq}(\bm{k},t)\\ \end{pmatrix}. \end{flalign} In the matrix elements given by eqn (\ref{C def}), $\mathcal{C}_{\rho\rho}$ and $\mathcal{C}_{qq}$ are the target correlation functions. To be precise, $p^2e^2\mathcal{C}_{qq}(\bm{k},t)$ is the charge-charge correlation function, according to the definition of eqn (\ref{charge def}). Nevertheless, we will refer to $\mathcal{C}_{qq}(\bm{k},t)$ as the charge-charge correlation function for brevity in the following. We focus on the steady-state solutions of the correlation functions: \begin{flalign} \label{steady1 \mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})=\lim_{t\rightarrow\infty}\mathcal{C}_{\rho\rho}(\bm{k},t),\\ \label{steady2 \mathcal{C}^{\mathrm{st}}_{qq}(\bm{k})=\lim_{t\rightarrow\infty}\mathcal{C}_{qq}(\bm{k},t). \end{flalign} As detailed below, these are written as \begin{flalign} \label{C solution2 \frac{1}{(2\pi)^3} \begin{pmatrix} \mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})\\ \mathcal{C}^{\mathrm{st}}_{qq}(\bm{k}) \end{pmatrix} &=\frac{2\overline{n}\,\mathcal{G}_2(\bm{k})}{\mathrm{det}\,\bm{\mathcal{P}}(\bm{k})}\, \widetilde{\bm{\mathcal{P}}}(\bm{k}) \begin{pmatrix} \bm{k}^2\\ \bm{k}^2\\ \end{pmatrix}, \end{flalign} where we have \begin{flalign} \label{pole \frac{\mathcal{G}_2(\bm{k})}{\mathrm{det}\,\bm{\mathcal{P}}} &=\frac{1}{\mathcal{G}_2(\bm{k}) \left\{ \bm{k}^2\mathcal{G}_1(\bm{k}) +k^2_{x}(pE)^2 \right\}},\\ \label{g2 def \mathcal{G}_2(\bm{k})&=2\bm{k}^2+\overline{\kappa}^2\omega(\bm{k}), \end{flalign} and the adjugate matrix of $\bm{\mathcal{P}}(\bm{k})$, signified by $\widetilde{\bm{\mathcal{P}}}(\bm{k})$, reads \begin{flalign} \label{def cofactor B \widetilde{\bm{\mathcal{P}}}(\bm{k})= \begin{pmatrix} \mathcal{G}_1(\bm{k})\mathcal{G}_2(\bm{k}) +k^2_{x}(pE)^2&k^2_{x}(pE)^2\\ k^2_{x}(pE)^2&\bm{k}^2\mathcal{G}_2(\bm{k})+k^2_{x}(pE)^2\\ \end{pmatrix}. \end{flalign} Eqn (\ref{pole}) indicates that both $\mathcal{C}^{\mathrm{st}}_{\rho\rho}$ and $\mathcal{C}^{\mathrm{st}}_{qq}$ have identical poles under the external electric field $\bm{E}$, which will be further investigated in Sections III and V. In the limit of $k\rightarrow 0$, we have \begin{flalign} \label{C solution limit \frac{1}{(2\pi)^3} \begin{pmatrix} \mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{0})\\ \mathcal{C}^{\mathrm{st}}_{qq}(\bm{0}) \end{pmatrix} &= \begin{pmatrix} 2\overline{n}\\ 0\\ \end{pmatrix}, \end{flalign} noting that $\omega(\bm{0})=1$ for $\omega(\bm{k})$ given by eqn (\ref{omega two}). Then, we divide $\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})$ into two parts: $\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})/(2\pi)^3=2\overline{n}+\Delta \mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})/(2\pi)^3$ where \begin{flalign} \label{delta crr \frac{1}{(2\pi)^3}\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k}) =\frac{-\overline{\kappa}^2\omega(\bm{k})k^2_{x}(pE)^2} {\mathcal{G}_2(\bm{k}) \left\{ \bm{k}^2\mathcal{G}_1(\bm{k}) +k^2_{x}(pE)^2 \right\}} \end{flalign} is directly related to total correlation functions, or essential parts of density-density correlations. Setting that $\omega(\bm{k})=1$ for simplicity, eqn (\ref{C solution2}) is approximated by \begin{flalign} &\frac{1}{(2\pi)^3} \begin{pmatrix} \mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})\\ \mathcal{C}^{\mathrm{st}}_{qq}(\bm{k}) \end{pmatrix} \nonumber\\ &= 2\overline{n}\left\{ \begin{pmatrix} 1\\ 1\\ \end{pmatrix} +\frac{k^2_{x}(pE\overline{\kappa}^{-1})^2}{\bm{k}^2+k^2_{x}(pE\overline{\kappa}^{-1})^2} \begin{pmatrix} -1\\ 1\\ \end{pmatrix} \right\} \begin{pmatrix} 1\\ \left.\bm{k}^2\middle/\overline{\kappa}^2\right.\\ \end{pmatrix} \label{ans large \end{flalign} in the low wavenumber region of $k\overline{\kappa}^{-1}\ll 1$; see Appendix D for the derivation. It should be noted that eqn (\ref{ans large}) agrees with the expression previously obtained in a different manner and that the Fourier transform of eqn (\ref{ans large}) has been demonstrated to provide anisotropic long-range correlation functions exhibiting a power-law behavior with a dipolar character \cite{gole}. At low field strength of $pE\overline{\kappa}^{-1}\ll 1$, eqn (\ref{ans large}) converges to \begin{flalign} \label{ans E0 \frac{1}{(2\pi)^3} \begin{pmatrix} \mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})\\ \mathcal{C}^{\mathrm{st}}_{qq}(\bm{k}) \end{pmatrix} &\rightarrow2\overline{n} \begin{pmatrix} 1\\ \left.\bm{k}^2\middle/\overline{\kappa}^2\right.\\ \end{pmatrix}, \end{flalign} clarifying that low electric-field-driven electrolytes in steady states mimic weakly interacting ionic fluids without applied electric field on a large scale and that $\mathcal{C}^{\mathrm{st}}_{qq}(\bm{k})$ given in eqn (\ref{ans E0}) satisfies not only the electroneutrality but also the Stillinger-Lovett second-moment condition. \section{Correlation function analysis: electric-field-induced crossover to a damped oscillatory state} The first two subsections will be devoted to what is implied by the complicated forms (\ref{C solution2}) to (\ref{delta crr}) of correlation functions, $\mathcal{C}^{\mathrm{st}}_{qq}(\bm{k})$ and $\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})$, especially focusing on the high wavenumber in the external field direction. While Section IIIA provides the pole equations of the correlation functions, Section IIIB clarifies the electric-field-induced oscillations on target when considering the solutions to the pole equation (\ref{general pole2}), or an anisotropic crossover from monotonic to oscillatory decay of correlations along the direction of applied electric field. Before going into the numerical details of the results obtained from the pole equation (\ref{general pole2}), Section IIIC aims to understand the relationship between the Kirkwood crossover at $E=0$ and $E\neq 0$ using Fig. 2, a schematic plot of the decay length $\xi^{(1)}_{\mathrm{Decay}}$. After presenting the schematic summary, Section IIID explains how the Kirkwood crossover point under electric field is determined in the anisotropic approximation of the pole equation (\ref{general pole2}). In the anisotropic approximation (\ref{anisotropic}), we can analytically investigate the electric-field-induced Kirkwood crossover (see Section IV for details). Fig. 3 in Section IIID gives the numerical results on the $E$--dependencies of both the decay length $\xi^{(*1)}_{\mathrm{Decay}}$ and the smeared Debye-H\"uckel length $\xi_{\mathrm{DH}}^{(*1)}$ at the Kirkwood crossover points. Last, Section IIIE presents various results on the 2D inverse Fourier transforms of $\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})$. We will see anisotropic density-density correlations reflecting the emergence of stripe states in a high-density region above the Kirkwood crossover, which corroborates the anisotropic approximation (\ref{anisotropic}). \subsection{Electric-field-induced synchronization between the emergence of density and charge oscillations} It is found from the denominator on the rhs of eqn (\ref{pole}) that the obtained correlation functions given by eqn (\ref{C solution2}) to (\ref{delta crr}) provide the following pole equations: \begin{flalign} \label{pole original2 &\left(\bm{k}^{(1)}\right)^2+\overline{\kappa}^2\omega(\bm{k}^{(1)}) +\frac{\left(k^{(1)}_{x}\right)^2}{\left(\bm{k}^{(1)}\right)^2}(pE)^2=0,\\ \label{pole original1 &2\left(\bm{k}^{(2)}\right)^2+\overline{\kappa}^2\omega(\bm{k}^{(2)})=0, \end{flalign} which remarkably apply to both density-density and charge-charge correlation functions. Namely, both density-density and charge-charge correlation functions exhibit the same behavior. Let us discuss the concrete behaviors particularly in the anisotropic approximation of eqn (\ref{k component}) such that \begin{flalign} \label{anisotropic \bm{k}^{(j)}\approx k^{(j)}_{x}\hat{\bm{e}}_{x} \end{flalign} (see Section IIIB for details). Focusing on the onset of oscillatory decay of correlations (or the Kirkwood crossover) at a fixed electric field, a summary provided in advance is threefold: \begin{enumerate} \item {\itshape Simultaneous emergence of density and charge oscillations}.--- The weight function $\omega(\bm{k})$ multiplied by $\overline{\kappa}^2$ allows us to have complex solutions to the pole equations (\ref{pole original2}) and (\ref{pole original1}), other than purely imaginary solutions. The appearance of real solutions corresponds to the onset of oscillatory correlations. Hence, we find that eqn (\ref{pole original2}) and (\ref{pole original1}), which are equally valid for density-density and charge-charge correlations, lead to simultaneous emergences of density and charge oscillations. It is striking that the correlation function analysis directly predict the electric-field-induced synchronization between the emergence of density and charge oscillations. The simultaneous occurrence of crossovers is in contrast to equilibrium crossover phenomena which emerge separately: the equilibrium density-density and charge-charge correlation functions exhibit the Fisher-Widom \cite{under evans,kirkwood fw,fw} and Kirkwood \cite{under evans,kirkwood original,kirkwood various,various smearing,gauss smearing,kirkwood fw} crossovers, respectively. \item {\itshape Shifted crossover from monotonic to oscillatory decay of correlations}.--- We consider the case where a smallest value of the purely imaginary solution to either eqn (\ref{pole original2}) or (\ref{pole original1}) exists for \begin{flalign} \label{max kappa \overline{\kappa}\sigma\leq\overline{\kappa}^{(*j)}\sigma, \end{flalign} with the superscripts, (*1) and (*2), of the maxima denoting the upper bounds for eqn (\ref{pole original2}) and (\ref{pole original1}), respectively. Namely, the solutions to eqn (\ref{pole original2}) and (\ref{pole original1}) become complex beyond $\overline{\kappa}^{(*1)}\sigma$ and $\overline{\kappa}^{(*2)}\sigma$, respectively. It can be readily seen from eqn (\ref{pole original1}) that $\overline{\kappa}^{(*2)}\sigma$ is independent of $E$ but is larger than the conventional Kirkwood crossover value \cite{kirkwood original,kirkwood various,various smearing,gauss smearing,kirkwood fw} in the range of $1.0<\overline{\kappa}^{*}\sigma<1.2$ for symmetric electrolytes in equilibrium where the pole equation is $\bm{k}^2+\left(\overline{\kappa}^*\right)^2\omega(\bm{k})=0$: it follows from eqn (\ref{pole original1}) that \begin{flalign} \label{conventional k \overline{\kappa}^{*}\sigma=\frac{\overline{\kappa}^{(*2)}\sigma}{\sqrt{2}}=\frac{\sigma}{\sqrt{2}\xi^{(*2)}_{\mathrm{DH}}}. \end{flalign} In contrast, eqn (\ref{pole original2}) implies that $\overline{\kappa}^{(*1)}\sigma$ depends on $E$ and is smaller than the above Kirkwood crossover value at $E=0$ due to additional screening effect measured by $pE$. \item {\itshape Finite decay length in the dilute limit}.--- Eqn (\ref{pole original2}) and (\ref{pole original1}) are reduced to \begin{flalign} \label{ze screening2 &f_1\left(k^{(1)}_{x}\right)\equiv\left(k^{(1)}_{x}\right)^2+\overline{\kappa}^2+(pE)^2=0,\\ \label{ze screening1 &f_2\left(k^{(2)}_{x}\right)\equiv\left(k^{(2)}_{x}\right)^2+0.5\overline{\kappa}^2=0, \end{flalign} respectively, when considering the anisotropic approximation (\ref{anisotropic}) and $\omega(\bm{k})=1$ for simplicity. In the dilute limit of $\overline{\kappa}\rightarrow 0$, eqn (\ref{ze screening2}) yields a finite decay length $\xi^{(1)}_{\mathrm{Decay}}\approx(pE)^{-1}$ (see Section IIIB for detailed derivation), whereas eqn (\ref{ze screening1}) ensures the divergent behavior of the decay length $\xi^{(2)}_{\mathrm{Decay}}$ given by $\xi^{(2)}_{\mathrm{Decay}}=\sqrt{2}\overline{\kappa}^{-1}$. It would be difficult to detect the former decay length $\xi^{(1)}_{\mathrm{Decay}}\approx(pE)^{-1}$ without the oscillatory behavior in a dilute solution; however, the existence of non-vanishing decay length helps us understand the physics of the decay mode on target. \end{enumerate} Before proceeding to the electric-field-induced Kirkwood crossover in the anisotropic approximation (\ref{anisotropic}), we examine what is indicated by the hidden decay length $\xi^{(1)}_{\mathrm{Decay}}\approx(pE)^{-1}$ in terms of competing electrokinetics between electrophoresis and free diffusion. We have an electrophoresis time, $L/(\mathcal{D}pE)$, for a variable length $L$ because the electrophoretic velocity is given by $(\mathcal{D}/k_BT)pEk_BT=\mathcal{D}pE$, remembering that the force $pE$ exerted on a single ion by the applied electric field is defined in units of $k_BT$ and that the mobility is given by $\mathcal{D}/k_BT$ according to the Einstein relation. It follows that the equality between a required time for electrophoresis and free diffusion reads \begin{flalign} \label{equal \frac{L}{\mathcal{D}pE}=\frac{L^2}{\mathcal{D}}, \end{flalign} which is equivalent to the above relation $\xi^{(1)}_{\mathrm{Decay}}\approx(pE)^{-1}$ when $L=\xi^{(1)}_{\mathrm{Decay}}$. Hence, eqn (\ref{equal}) indicates an electrokinetic crossover occurring at $L=\xi^{(1)}_{\mathrm{Decay}}$. In the smaller scale of $L<\xi^{(1)}_{\mathrm{Decay}}$, free diffusion is dominant, and the electrophoretic migration path is blurred by diffusion. Meanwhile, for an electrophoresis dominant length scale $L>\xi^{(1)}_{\mathrm{Decay}}$, fluctuations in diffusion processes become negligible in comparison with electrophoretic migration: spatial distribution of charged spheres in a steady state is mainly determined by particles migrating uniformly. This electrokinetic aspect of a steady state provides an explanation of the hidden decay length $\xi^{(1)}_{\mathrm{Decay}}\approx(pE)^{-1}$ that remains finite even in the dilute limit of $\overline{\kappa}\rightarrow 0$. \subsection{Electric-field-induced Kirkwood crossover on target} Let $\bm{r}_{\perp}$ be a transverse vector $\bm{r}_{\perp}=(0,y,z)^{\mathrm{T}}$ similar to $\bm{k}_{\perp}$ defined by eqn (\ref{k component}) (see also Fig. 1). The Fourier transform then reads \begin{flalign} \label{fourier1 &\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})\nonumber\\ &=\int d^2\bm{r}_{\perp}\int dx\,\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{r})\,e^{-ik_{x}x\,-i\bm{k}_{\perp}\cdot\bm{r}_{\perp}}, \\ &\mathcal{C}^{\mathrm{st}}_{qq}(\bm{k})\nonumber\\ \label{fourier2 &=\int d^2\bm{r}_{\perp}\int dx\,\mathcal{C}^{\mathrm{st}}_{qq}(\bm{r})\,e^{-ik_{x}x\,-i\bm{k}_{\perp}\cdot\bm{r}_{\perp}}. \end{flalign} To clarify the "hidden" decay length given in the preceding subsection, we need to see the real-space representations of $\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})$ and $\mathcal{C}^{\mathrm{st}}_{qq}(\bm{k})$ defined by \begin{flalign} \label{ani c \frac{1}{2\pi} \begin{pmatrix} \Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(k_{x})\\ \mathcal{C}^{\mathrm{st}}_{qq}(k_{x}) \end{pmatrix} = \frac{1}{(2\pi)^3} \int d^2\bm{k}_{\perp} \begin{pmatrix} \Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{k})\\ \mathcal{C}^{\mathrm{st}}_{qq}(\bm{k}) \end{pmatrix} (2\pi)^2\delta(\bm{k}_{\perp}), \end{flalign} following the anisotropic approximation (\ref{anisotropic}). Accordingly, eqn (\ref{fourier1}) and (\ref{fourier2}) are reduced, respectively, to \begin{flalign} \label{aniso fourier1 &\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(k_{x}) =\int dx\,\,\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)\,e^{-ik_{x}x\,}, \\ \label{aniso fourier2 &\mathcal{C}^{\mathrm{st}}_{qq}(k_{x}) =\int dx\,\,\overline{\mathcal{C}^{\mathrm{st}}_{qq}}(x)\,e^{-ik_{x}x\,}, \end{flalign} using smeared correlation functions which are integrated over a cross section transverse to the applied electric field: \begin{flalign} \label{smear1 &\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x) =\int d^2\bm{r}_{\perp}\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{r}), \\ \label{smear2 &\overline{\mathcal{C}^{\mathrm{st}}_{qq}}(x) =\int d^2\bm{r}_{\perp}\mathcal{C}^{\mathrm{st}}_{qq}(\bm{r}). \end{flalign} Correspondingly, the pole equations (\ref{pole original2}) and (\ref{pole original1}) are simplified, respectively, as \begin{flalign} \label{general pole2 &(k^{(1)}_{x}\sigma)^2+(\overline{\kappa}\sigma)^2\omega(k^{(1)}_{x})+(pE\sigma)^2=0,\\ \label{general pole1 &(k^{(2)}_{x}\sigma)^2+0.5(\overline{\kappa}\sigma)^2\omega(k^{(2)}_{x}) =0, \end{flalign} both of which are different not only from the Debye-H\"uckel-type equation, $\mathcal{G}_1(\bm{k})=0$, used in equilibrium electrolytes but also from the approximate forms (\ref{ze screening2}) and (\ref{ze screening1}) where $\omega(\bm{k})=1$. The complex solutions $k^{(j)}_{x}\sigma$ ($j=1,\,2$) to eqn (\ref{general pole2}) and (\ref{general pole1}) are related, respectively, to the wavelengths $\mu^{(j)}$ and decaying lengths $\xi^{(j)}_{\mathrm{Decay}}$ of stationary correlation functions at equal times as follows: \begin{flalign} \label{complex solution &k^{(j)}_{x}\sigma=x^{(j)}+iy^{(j)},\\ \label{complex length &(x^{(j)},\,y^{(j)})=\left(\frac{2\pi\sigma}{\mu^{(j)}},\>\frac{\sigma}{\xi^{(j)}_{\mathrm{Decay}}} \right). \end{flalign} Thus, we have clarified that the above expressions (\ref{aniso fourier1}) and (\ref{aniso fourier2}) of the anisotropic Fourier transforms satisfy the pole equations (\ref{general pole2}) and (\ref{general pole1}) with eqn (\ref{complex solution}) and (\ref{complex length}). This leads to the averaged correlation functions expressed as \begin{flalign} \label{long smear1 &\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x) =\sum_{j=1}^2A_je^{-x\,/\xi^{(j)}_{\mathrm{Decay}}}\cos\left(\frac{2\pi x\,}{\mu^{(j)}}+\delta_a^{(j)}\right),\\ \label{long smear2 &\overline{\mathcal{C}^{\mathrm{st}}_{qq}}(x) =\sum_{j=1}^2B_je^{-x\,/\xi^{(j)}_{\mathrm{Decay}}}\cos\left(\frac{2\pi x\,}{\mu^{(j)}}+\delta_b^{(j)}\right), \end{flalign} where it is noted that both of these density-density and charge-charge correlation functions have the same wavelengths of oscillations in addition to the identical decay lengths, reflecting the above electric-field-induced synchronization. The above definition of averaged correlation functions given by eqn (\ref{smear1}) and (\ref{smear2}) enables us to investigate correlations between coarse-grained planes perpendicular to the electric field without consideration of lane formation. In particular, we focus on the pole equation (\ref{general pole2}) that predicts an electric-field-induced shift of the Kirkwood crossover from a monotonic decay state to a damped oscillatory state. \begin{figure}[hbtp] \begin{center} \includegraphics[ width=6.5cm ]{fig2.eps} \end{center} \caption{ A schematic summary of results obtained in this study is depicted in terms of the decay length $\xi^{(1)}_{\mathrm{Decay}}$ of either monotonic decay or damped oscillatory on a log-log plot of $\xi^{(1)}_{\mathrm{Decay}}/\xi_{\mathrm{DH}}=\overline{\kappa}\xi_{\mathrm{Decay}}$ vs. $\sigma/\xi_{\mathrm{DH}}=\overline{\kappa}\sigma$ where $\xi_{\mathrm{DH}}=\overline{\kappa}^{-1}$ denotes the smeared Debye-H\"uckel screening length defined by eqn (\ref{smear dh}). Our numerical results of $\xi^{(1)}_{\mathrm{Decay}}$ will be given in Figs. 3 and 8. In Fig. 2, these are shown using the solid brown lines terminated at nodes A and B, and the dashed green arrow from node A to node B, or from the Kirkwood crossover at $E=0$ to that under electric field ($E\neq 0$). While the solid brown line terminated at node A ($E=0$) converges to $\xi^{(1)}_{\mathrm{Decay}}/\xi_{\mathrm{DH}}=1$ in the dilute limit, the solid brown line terminated at node B ($E\neq0$) approaches zero in the dilute limit because of the finite decay length $\xi^{(1)}_{\mathrm{Decay}}=(pE)^{-1}$ (see also a discussion given at the end of Section IIIA). As illustrated by the upper inset, the green vertical line through node B marks $\sigma/\xi_{\mathrm{DH}}=\sigma/\xi_{\mathrm{DH}}^{(*1)}$, or the onset of shifted Kirkwood crossover from a uniform state to a stripe state {\itshape without consideration of lane formation} \cite{lowen,band}. For comparison, we add the dashed blue line to show underscreening behavior in concentrated electrolytes without applied electric field beyond the conventional Kirkwood crossover indicated by the blue vertical line through node A; this blue line represents $\sigma/\xi_{\mathrm{DH}}=\sigma/(\sqrt{2}\xi_{\mathrm{DH}}^{(*2)})$, which is the conventional Kirkwood crossover value \cite{kirkwood original,kirkwood various,various smearing,gauss smearing,kirkwood fw} in the range of 1.0 to 1.2 for symmetric electrolytes as described prior to eqn (\ref{conventional k}). Recent studies \cite{under simu,under th,under andelman,under evans} have demonstrated that $\xi^{(1)}_{\mathrm{Decay}}/\xi_{\mathrm{DH}}\sim(\sigma/\xi_{\mathrm{DH}})^{\chi}$ with the exponent of $\chi>1$ in a damped oscillatory state. It will be seen from Figs. 3(b) and 8(b) that a similar scaling relation holds for the dashed green arrow. } \end{figure}. More precisely, our focus is on the electric-field-induced Kirkwood crossover between the two regions specified below. For $\overline{\kappa}\sigma\leq\overline{\kappa}^{(*1)}\sigma$, both solutions to eqn (\ref{general pole2}) and (\ref{general pole1}) are purely imaginary: eqn (\ref{long smear1}) and (\ref{long smear2}) read \begin{flalign} \label{region1 smear1 &\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x) =\sum_{j=1}^2A'_je^{-x\,/\xi^{(j)}_{\mathrm{Decay}}},\\ \label{region1 smear2 &\overline{\mathcal{C}^{\mathrm{st}}_{qq}}(x) =\sum_{j=1}^2B'_je^{-x\,/\xi^{(j)}_{\mathrm{Decay}}}, \end{flalign} respectively, where $A'_j=A_j\cos\left(\delta_a^{(j)}\right)$ and $B'_j=B_j\cos\left(\delta_b^{(j)}\right)$. It is difficult to detect $\xi^{(1)}_{\mathrm{Decay}}$ because of $\xi^{(1)}_{\mathrm{Decay}}<\xi^{(2)}_{\mathrm{Decay}}\approx \sqrt{2}\overline{\kappa}^{-1}$ in a dilute ionic fluid, which is what we have meant by the "hidden" decay length. In the range of $\overline{\kappa}\sigma>\overline{\kappa}^{(*1)}\sigma$, on the other hand, the solution to eqn (\ref{general pole2}) becomes complex while the solution to (\ref{general pole1}) is purely imaginary: eqn (\ref{region1 smear1}) and (\ref{region1 smear2}) transform to \begin{flalign} \overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x) = &A_1e^{-x\,/\xi^{(1)}_{\mathrm{Decay}}}\cos\left(\frac{2\pi x\,}{\mu^{(1)}}+\delta_a^{(1)}\right)\nonumber\\ \label{region2 smear1 &+A'_2e^{-x\,/\xi^{(2)}_{\mathrm{Decay}}},\\ \overline{\mathcal{C}^{\mathrm{st}}_{qq}}(x) = &B_1e^{-x\,/\xi^{(1)}_{\mathrm{Decay}}}\cos\left(\frac{2\pi x\,}{\mu^{(1)}}+\delta_b^{(1)}\right)\nonumber\\ \label{region2 smear2 &+B'_2e^{-x\,/\xi^{(2)}_{\mathrm{Decay}}}, \end{flalign} respectively. The electric-field-induced Kirkwood crossover on target is thus represented by the changes of the correlation functions from eqn (\ref{region1 smear1}) and (\ref{region1 smear2}) to eqn (\ref{region2 smear1}) and (\ref{region2 smear2}), which occurs at $\overline{\kappa}\sigma=\kappa^{(*1)}\sigma$. We further predict the Fisher-Widom crossover \cite{under evans,kirkwood fw,fw} that the density and charge oscillations become obvious in the range of $\kappa^{(*1)}\sigma<\overline{\kappa}\sigma<\kappa^{(*2)}\sigma$ where the two decay lengths, $\xi^{(1)}_{\mathrm{Decay}}$ and $\xi^{(2)}_{\mathrm{Decay}}$, approach each other; however, it is beyond the scope of this paper to determine the full phase diagram using the steady-state extensions of the Kirkwood and Fisher-Widom crossovers \cite{under evans} related to eqn (\ref{general pole2}) and (\ref{general pole1}). \subsection{Relationship between $E$--dependent solutions to eqn (\ref{general pole2}) and the equilibrium decay length} Figure 2 shows a schematic representation of numerical results presented in Figs. 3 and 8. In Fig. 2, the ratio of $\xi_{\mathrm{Decay}}^{(1)}$ to the smeared Debye-H\"uckel screening length $\xi_{\mathrm{DH}}$ (i.e., $\xi_{\mathrm{Decay}}^{(1)}/\xi_{\mathrm{DH}}$) is shown on a log-log plot as a function of $\sigma/\xi_{\mathrm{DH}}$. First, it is seen from Fig. 2 that the equilibrium Kirkwood crossover point \cite{kirkwood original,kirkwood various,various smearing,gauss smearing,kirkwood fw} located at node A shifts gradually along the green arrow with the increase of electric field strength: the dashed green arrow from node A to node B represents the numerical results shown in Figs. 3(b) and 8(b). Incidentally, node B is merely an electric-field-induced Kirkwood crossover point at an arbitrary field strength. Next, we explain the solid brown curves in Fig. 2 terminated at nodes A and B. These curves represent the $\overline{\kappa}\sigma$--dependencies of $\xi_{\mathrm{Decay}}^{(1)}$ in a uniform state without and with applied electric field, respectively. On the one hand, $\xi_{\mathrm{Decay}}^{(1)}$ at $E=0$ is identified with $\xi_{\mathrm{DH}}$ in the dilute limit of $\overline{\kappa}\sim n^{1/2}\rightarrow 0$ and decreases more rapidly than $\xi_{\mathrm{DH}}$ with increase of $\overline{n}$ in a uniform state prior to the Kirkwood crossover in equilibrium. On the other hand, there are two features as seen from the brown curve under the applied electric field ($E\neq 0$): the dilute limit of $\xi_{\mathrm{Decay}}^{(1)}/\xi_{\mathrm{DH}}$ approaches zero because of the finiteness of the decay length $\xi_{\mathrm{Decay}}^{(1)}$ in the limit of $\xi_{\mathrm{DH}}\rightarrow\infty$ as mentioned before, whereas the downward trend of $\xi_{\mathrm{Decay}}^{(1)}/\xi_{\mathrm{DH}}$, similar to the above behavior at $E=0$, is observed near the electric-field-induced Kirkwood crossover. Third, let us turn our attention to the dashed blue line in Fig. 2 representing a typical underscreening behavior beyond the Kirkwood line (the vertical blue line through node A) with no electric field applied. The dashed blue line in Fig. 2 depicts the following relation for a decay length $\xi_{\mathrm{Decay}}$: \begin{flalign} \label{decay scaling &\frac{\xi_{\mathrm{Decay}}}{\xi_{\mathrm{DH}}}\sim \left(\frac{\sigma}{\xi_{\mathrm{DH}}}\right)^{\chi},\\ \label{decay exponent &1<\chi\leq 2, \end{flalign} according to previous simulation and theoretical studies \cite{under simu,under th,under andelman,under evans}; the experimental results of $\chi\approx 3$ in RTILs are beyond the scope of this study. It follows from eqn (\ref{decay exponent}) that eqn (\ref{decay scaling}) reads \begin{flalign} &\xi_{\mathrm{Decay}}\sim \overline{n}^{\frac{1-\chi}{2}},\nonumber\\ &1-\chi<0. \label{decay n \end{flalign} Eqn (\ref{decay n}) implies that the decay length $\xi_{\mathrm{Decay}}$ of damped oscillations for charge-charge correlations becomes longer despite increasing $\overline{n}$, which has been referred to as underscreening behavior without an electric field. Remarkably, the scaling relation given by eqn (\ref{decay scaling}) and (\ref{decay n}) applies to the $\overline{\kappa}\sigma$--dependence of $\xi_{\mathrm{Decay}}^{(*1)}/\xi_{\mathrm{DH}}^{(*1)}$ at the Kirkwood crossover; the exponent $\chi$ appears close to 1.4 as will be shown in Fig. 3(b) \cite{under simu,under th,under andelman,under evans}. Reflecting this similarity between the exponents $\chi$ of the underscreening behavior and the electric-field-induced shift for $\xi_{\mathrm{Decay}}^{(*1)}$, the dashed blue line in Fig. 2 is drawn as an extension of the green arrow from node A ($E=0$) to node B ($E\neq 0$). Last, we focus on the vertical green line through node B in Fig. 2, indicating the condition of the electric-field-induced Kirkwood crossover from a uniform state to a stripe state. In the stripe state, we can observe a damped oscillatory decay of both density-density and charge-charge correlation functions along the direction of applied electric field in the anisotropic approximation (\ref{anisotropic}). It is to be noted here that the stripe state is specified using the averaged correlation functions, $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$ and $\overline{\mathcal{C}^{\mathrm{st}}_{qq}}(x)$, which by definition smear out density and charge distributions on cross sections perpendicular to the applied electric field (see eqn (\ref{smear1}) and (\ref{smear2})). The emergence of anisotropic density and charge modulations is consistent with the previous results as follows: Theoretically, the SDFT using the Gaussian charge smearing model \cite{gauss smearing,finite gaussian} has provided numerical results of two-dimensional correlation functions showing a tendency to form alternating chains of cations and anions along the field direction \cite{demery}. Also, according to simulation and experimental studies on oppositely charged colloids, the electric-field-driven mixtures have been found to form bands non-parallel to the field direction, other than lanes in the electric field direction, under some conditions on various dynamic phase diagrams of steady states with AC or DC fields applied \cite{lowen,band}. Our present findings of the emergence of stripe state thus shed light on these anisotropic inhomogeneities as related to crossover phenomena of steady-state correlations. \begin{figure}[hbtp] \begin{center} \includegraphics[ width=7.6cm ]{fig3.eps} \end{center} \caption{ Comparison between the electric-field-dependent length results which are obtained from the Gaussian charge smearing model (abbreviated as "G" and represented by green lines) and the modified MSA model (abbreviated as "M" and represented by red lines). Section IVB presents the detailed formulation to obtain the results given in this figure. (a) The electric-field dependencies of the Debye-H\"uckel length $\xi_{\mathrm{DH}}^{(*1)}=1/\overline{\kappa}^{(*1)}$ and the decay length $\xi^{(*1)}_{\mathrm{Decay}}$ at the Kirkwood crossover are shown by the plot of $\sigma/\xi_{\mathrm{DH}}^{(*1)}$ and $\xi^{(*1)}_{\mathrm{Decay}}/\sigma$ against $pE\sigma$, an energetic measure of electric field strength in units of $k_BT$. While the solid lines represent $\sigma/\xi_{\mathrm{DH}}^{(*1)}$, the dashed lines $\xi^{(*1)}_{\mathrm{Decay}}/\sigma$. The related equations are as follows: green solid line (eqn (\ref{lambert cross1})); green dashed line (eqn (\ref{xi el})); red solid and dashed lines (eqn (\ref{u func}) and (\ref{v func})). (b) A log-log plot of $\sigma/\xi_{\mathrm{DH}}^{(*1)}$--dependencies of $\xi^{(*1)}_{\mathrm{Decay}}/\xi_{\mathrm{DH}}^{(*1)}$. The dotted line, as a guide to the eye, indicates a scaling relation $\xi^{(*1)}_{\mathrm{Decay}}/\xi_{\mathrm{DH}}^{(*1)}\sim (\sigma/\xi_{\mathrm{DH}}^{(*1)})^{1.4}$. } \end{figure} \subsection{Numerical solutions to eqn (\ref{general pole2})} Figure 3(a) shows the electric-field effects on the Kirkwood crossover in terms of the smeared Debye-H\"uckel length $\xi_{\mathrm{DH}}^{(*1)}$ and a decay length $\xi_{\mathrm{Decay}}^{(*1)}$ at the Kirkwood crossover. As detailed in Section IV, we have obtained these results using both the Gaussian charge smearing model \cite{gauss smearing,finite gaussian} (or the HNC approximation for one-component ionic fluids \cite{ng}) and the modified MSA model for the DCF \cite{mmsa smearing}, or its essential function $\omega(\bm{k})$ given by eqn (\ref{omega two}). The former model is depicted by green lines, whereas the latter by red lines. All of the results in Fig. 3(a) exhibit downward trends in accordance with analytical observations made in Section IV. Furthermore, Fig. 3(a) allows us to make quantitative comparisons between the present two models for the DCF. First, it is confirmed from the values of $\xi_{\mathrm{DH}}^{(*1)}$ at $E=0$ in Fig. 3(a) that the numerical results correctly reproduce the Kirkwood crossover points previously obtained for the Gaussian charge smearing model \cite{various smearing,gauss smearing} and the modified MSA model \cite{under th, under andelman,under evans,various smearing}. Second, Fig. 3(a) shows that the electric-field-induced shifts of $\sigma/\xi_{\mathrm{DH}}^{(*1)}$ are similar to each other. Remembering that $\overline{n}^*=1/\{8\pi l_B(\xi^{(*1)}_{\mathrm{DH}})^2\}$ by definition (\ref{smear dh}), it is seen from the variations of $\sigma/\xi_{\mathrm{DH}}^{(*1)}$ in Fig. 3(a) that, irrespective of the models adopted, the crossover densities at $pE\sigma=3.0$ are evaluated to be less than half of those at $E=0$. Last, we turn our attention to the relationship between $\xi_{\mathrm{Decay}}^{(*1)}$ and $1/\xi_{\mathrm{DH}}^{(*1)}$ as a function of either $\overline{n}^*$ or $E$. For a fixed strength of applied electric field, the decay length $\xi_{\mathrm{Decay}}^{(*1)}$ becomes shorter as the ionic solution density $\overline{n}^*$, or $\sigma/\xi_{\mathrm{DH}}^{(*1)}$, becomes larger, which is consistent with the previous results conventionally found for concentrated electrolytes prior to the Kirkwood crossover without an applied electric field \cite{under andelman,under evans,kirkwood original,kirkwood various}. The electric-field dependencies, on the other hand, exhibit an opposite relationship between $\xi_{\mathrm{Decay}}^{(*1)}$ and $1/\xi_{\mathrm{DH}}^{(*1)}$: the downward trends in Fig. 3(a) indicate that both $\xi_{\mathrm{Decay}}^{(*1)}$ and $1/\xi_{\mathrm{DH}}^{(*1)}$ are smaller as $E$ is larger. Figure 3(b) demonstrates this opposite tendency using a log-log plot of $\xi_{\mathrm{Decay}}^{(*1)}/\xi_{\mathrm{DH}}^{(*1)}$ vs. $\sigma/\xi_{\mathrm{DH}}^{(*1)}$: it is seen from Fig. 3(b) that \begin{equation} \frac{\xi_{\mathrm{Decay}}^{(*1)}}{\xi_{\mathrm{DH}}^{(*1)}} \sim \left(\frac{\sigma}{\xi_{\mathrm{DH}}^{(*1)}}\right)^{\chi} \label{scaling \end{equation} for an exponent $\chi$ larger than unity. The dotted line is a guide to the eye, indicating that $\chi$ is close to 1.4 and is consistent with the relation $1<\chi\leq 1.5$ previously obtained from simulation results on underscreening behaviors in RTILs beyond the Kirkwood line with no electric field applied \cite{under simu,under th,under andelman,under evans}. \subsection{The 2D inverse Fourier transforms for assessing the anisotropic approximation (\ref{anisotropic})} The last subsection of Sec. III presents the results of the 2D inverse Fourier transforms using heat maps, which would help us not only to understand the above analytical results concretely but also to assess the anisotropic approximation (\ref{anisotropic}). As a consequence of the inverse Fourier transforms, Figs. 4 to 6 provide real-space behaviors of the density-density correlation function in a high-density region such that $\overline{\kappa}\sigma$ is beyond not only the Kirkwood crossover \cite{kirkwood original,kirkwood various,various smearing,gauss smearing,kirkwood fw} but also the FIsher-Widom-like crossover \cite{under evans,kirkwood fw,fw}: $\overline{\kappa}\sigma>\overline{\kappa}^{(*2)}\sigma(>\overline{\kappa}^{(*1)}\sigma)$ is investigated (see also the discussion at the end of Sec. IIB) . Figure 4 demonstrates that stripe states illustrated in Fig. 2 are observed more clearly as $\overline{\kappa}\sigma$ is larger at a fixed strength of electric field. Figure 5(a) shows the correlation functions in the $x$--direction at a fixed $y$--coordinate. We validate the anisotropic approximation (\ref{anisotropic}) from comparing Fig. 5(a) with Fig. 5(b) obtained from the 1D inverse Fourier transforms (see also eqn (\ref{aniso fourier1}) and (\ref{smear1}) for the definition of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$). Furthermore, Fig. 6 indicates the breaking down of stripe states: we can observe the emergence of a lane structure with the increase of electric field strength from $pE\sigma=0.1$ to $1.0$. We perform the 2D inverse Fourier transform of $\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(k_x,\,k_y)$ by setting $k_z=0$ similar to the expressions (\ref{ani c}), (\ref{aniso fourier1}) and (\ref{smear1}): \begin{flalign} \label{smear fourier \Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(k_x,\,k_y) &=\iint dxdy\,\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y)\,e^{-ik_{x}x-ik_yy}, \\ \label{smear z \overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y) &\equiv\int dz\,\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{r}). \end{flalign} Correspondingly, the inverse Fourier transform provides the mean correlation function $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,\,y)$ as follows: \begin{flalign} \label{2d inverse \overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y) =\frac{1}{(2\pi)^2}\iint dk_xdk_y\,\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(k_x,\,k_y) e^{ik_{x}x+ik_yy}, \end{flalign} which is relevant as long as the translational symmetry of $\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}(\bm{r})$ is preserved with respect to the $z$--direction and the correlation functions on the $xy$ cross-sections are indistinguishable at two different $z$ values. The setup in Fig. 1 is one plausible example to satisfy such translational symmetry. The upper figure of Fig. 1 indicates that the plate-plate distance is sufficiently smaller than the size in the $z$--direction, and yet we suppose that the finite-size effects are negligible because the plate-plate distance is much larger than the sphere diameter as mentioned in Sec. IIA. These premises allow us to investigate the 2D inverse Fourier transforms of the 3D primitive model. \begin{figure}[hbtp] \begin{center} \includegraphics[ width=7.8cm ]{figf1.eps} \end{center} \caption{Comparison between the 2D results of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y)$ for different conditions on ionic condition and electric field strength. The color bar on the right hand side, which is common to the three heat maps, represents the value of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y)$ at a location $(x/\sigma,\,y/\sigma)$ measured in units of sphere diameter $\sigma$. While the difference between Figs. 4(a) and 4(b) is ionic concentration, or $\overline{\kappa}\sigma$, at an identical electrical field, an electric field effect is seen from comparing Figs. 4(b) and 4(c) at a same ionic concentration: (a) $(\overline{\kappa}\sigma,\,pE\sigma)=(2.2,\,0.5)$; (b) $(\overline{\kappa}\sigma,\,pE\sigma)=(2.6,\,0.5)$; (c) $(\overline{\kappa}\sigma,\,pE\sigma)=(2.6,\,1.5)$.} \end{figure} Figure 4 shows how the density-density correlation behaviors vary depending on the ionic concentration and electric field strength. The difference between Figs. 4(a) and 4(b) is the ionic concentration at the same electric field of $pE\sigma=0.5$. Meanwhile, the difference between Figs. 4(b) and 4(c) is the strength of electric field at the same ionic condition of $\overline{\kappa}\sigma=2.6$. Figure 4(b) can be a reference result for investigating the effects of ionic concentration and electric field strength. Figure 4(b) exhibits the oscillatory decay behaviors in the external field direction on an $xy$ plane, which is typical of density-density correlations in the stripe state. When $\overline{\kappa}\sigma$ is reduced from 2.6 to 2.2 without changing the electric field strength, we obtain the result of Fig. 4(a). Comparison between Figs. 4(a) and 4(b) indicates the following. First, we can observe the oscillatory decays in the external field direction for both values of $\overline{\kappa}\sigma$ when setting the electric field strength to be $pE\sigma=0.5$. Furthermore, Fig. 4(a) shows that the correlation function becomes almost zero for $x\geq 5\sigma$: the density-density correlation function becomes equal to $2\overline{n}\delta(\bm{r})$ for $x\geq 5\sigma$ in contrast to the long-range correlations seen in Fig. 4(b). The different behaviors of density-density correlations suggest that the smaller $\overline{\kappa}\sigma$ is, the shorter the decay length becomes. In other words, comparison between Figs. 4(a) and 4(b) reveals an underscreening behavior \cite{under exp,under simu,under th,under andelman,under evans} beyond the Kirkwood condition as depicted in the schematic of Fig. 2. Figure 4(c) further demonstrates that alignment of segregation band to the external field direction becomes clear by increasing the electric field strength to $pE\sigma=1.5$ at $\overline{\kappa}\sigma=2.6$. \begin{figure}[hbtp] \begin{center} \includegraphics[ width=7.9cm ]{figf2.eps} \end{center} \caption{Comparison between the 1D results of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y_0)$ at a fixed $y$--coordinate value of $y_0$ (Fig. 5(a)) and $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$ defined by eqn (\ref{smear1}) (Fig. 5(b)). The density-density correlation functions are plotted as functions of $x/\sigma$, the separation distance in the applied field direction measured in units of sphere diameter $\sigma$. At an identical electric field strength $pE\sigma=0.5$, two ionic concentrations, $\overline{\kappa}\sigma=2.2$ and 2.6, are considered in both figures: (a) the green and red solid lines depict the behaviors of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y_0=0)$ at $\overline{\kappa}\sigma=2.2$ (green) and 2.6 (red), respectively, whereas the red dotted line represents $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y_0=5\sigma)$ at $\overline{\kappa}\sigma=2.6$; (b) the green and red solid lines depict the behaviors of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$ at $\overline{\kappa}\sigma=2.2$ and 2.6, respectively.} \end{figure} Figure 4 has found an external field condition ($pE\sigma=0.5$) that creates an anisotropic density modulation reflecting the stripe state as depicted in Fig. 2. This finding has justified the anisotropic approximation (\ref{anisotropic}) from a qualitative point of view. We make below a quantitative assessment of the anisotropic approximation (\ref{anisotropic}). To this end, we further investigate the extent to which the one-variable correlation function represents the results of Fig. 4 using Figs. 5 and 6. Figure 5 compares the $x$-dependencies of the 2D correlation function $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y_0)$ at $y_0$, a fixed $y$-coordinate value, with the behaviors of the one-variable correlation function $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$ defined by eqn (\ref{smear1}). Both solid lines in Fig. 5(a) show the $x$-dependencies at $y_0=0$. The same external field condition $pE\sigma=0.5$ is used in both results of Figs. 5(a) and 5(b), and the ionic conditions for the green and red lines are identical in Figs. 5(a) and 5(b): the green and red lines represent the results at $\overline{\kappa}\sigma=2.2$ and 2.6, respectively. It is noted that the value of the vertical axis in Fig. 5(a) is one-tenth of that in Fig. 5(b) due to the different definitions of the two correlation functions. Nevertheless, the behaviors bear resemblances. First, these two functions, $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y_0)$ and $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$, exhibit oscillatory decay behaviors, and we will make a quantitative comparison using Fig. 6. They also share the feature of correlation value that becomes smaller with the decrease of ionic concentration from $\overline{\kappa}\sigma=2.6$ to 2.2. Furthermore, we observe that the oscillations disappear faster for the green line than for the red line in both Figs. 5(a) and 5(b), which corresponds to the underscreening behavior suggested by Fig. 4. The solid lines in Fig. 5(a) are the results at a fixed $y$--coordinate: $y_0=0$. The specific value of $y_0$ raises the question as to whether or not the above similarity of solid lines in Figs. 5(a) and 5(b) is a coincidence. To address this question, the red dashed line shows the $x$-dependency of the two-variable function at $y_0/\sigma=5$ when $pE\sigma=0.5$ and $\overline{\kappa}\sigma=2.2$. We can see that the period of the dashed red line is close to that of the solid red line. However, the initial phase is different from that at $y_0/\sigma=0$, and the correlation value is reduced considerably even at $x/\sigma=0$ as $y_0/\sigma$ varies from 0 to 5. The latter difference implies that the $x$-dependency of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y_0)$ near $y_0/\sigma=0$ greatly contributes to the one-variable correlation function $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$ defined by eqn (\ref{smear1}), which is why the two solid lines in Fig. 4(a) reproduce the one-variable function behaviors in Fig. 4(b). \begin{figure}[hbtp] \begin{center} \includegraphics[ width=8cm ]{figf3.eps} \end{center} \caption{The green and red lines are the same results as those in Fig. 5(b): we show $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$ over the range, $0\leq x/\sigma\leq20$, at $\overline{\kappa}\sigma=2.2$ (green) and 2.6 (red) in the presence of applied electric field ($pE\sigma=0.5$). The dashed lines correspond to the best fit of eqn (\ref{single smear1}).} \end{figure} Let us consider a simple asymptotic form determined by a single decay length $\xi_{\mathrm{Decay}}$ and oscillation period $\mu$: \begin{flalign} \label{single smear1} \overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x) =A\,e^{-x\,/\xi_{\mathrm{Decay}}}\cos\left(\frac{2\pi x}{\mu}+\delta_a\right), \end{flalign} which is fitted to the results of Fig. 6 instead of eqn (\ref{long smear1}). While the solid lines in Fig. 6, which are the same as those of Fig. 5(b), are shown over the range $0\leq x/\sigma\leq 20$, the dashed lines in Fig. 6 correspond to the best fit of eqn (\ref{single smear1}). The best-fit parameter sets are as follows: $(A,\,\xi_{\mathrm{Decay}},\,\mu,\,\delta_a)=(0.6\times 10^{-2},\,2.0,\,5.6,\,1.1)$ at $\overline{\kappa}\sigma=2.2$, whereas $(A,\,\xi_{\mathrm{Decay}},\,\mu,\,\delta_a)=(1.3\times 10^{-2},\,2.5,\,3.8,\,0.4)$ at $\overline{\kappa}\sigma=2.6$. The best-fit periods, $\mu=5.6$ and 3.8, reflect the oscillatory behaviors seen from Fig. 6. Meanwhile, the best-fit decay length $\xi_{\mathrm{decay}}$ extends from $2\sigma$ to $2.5\sigma$ with the increase of $\overline{\kappa}\sigma$ from 2.2 to 2.6, which is a quantitative result of underscreening behavior. Evaluating the exponent $\chi$ defined by eqn (\ref{scaling}) from this increase in $\xi_{\mathrm{Decay}}$, we have $2<\chi<3$; it is interesting to note that the present exponent is larger than the equilibrium exponent ($1<\chi\leq 1.5$) previously obtained from the MSA of the 3D primitive model but is close to the exponent experimentally obtained \cite{under exp}. \begin{figure}[hbtp] \begin{center} \includegraphics[ width=6.9cm ]{figf4.eps} \end{center} \caption{Comparison between the 2D results of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y)$ at different electric field strengths: (a) $pE\sigma=0.1$ and (b) $pE\sigma=1.0$. The same ionic condition $\overline{\kappa}\sigma=2.78$ is adopted in both results.} \end{figure} At the end of Section II, we consider the 2D inverse Fourier transforms of $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x,y)$ when increasing $\kappa\sigma$ to 2.78. The strengths of the applied electric field are $pE\sigma=0.1$ (Fig. 7(a)) and $pE\sigma=1.0$ (Fig. 7(b)). The heat maps in Fig. 7 reveal the oscillatory 2D patterns due to the suppression of decaying behaviors. On the one hand, even at the weak electric field strength of $pE\sigma=0.1$, Fig. 7(a) shows that segregation bands of ions with the same sign are deformed along the $x$--axis, the external field direction, though the stripe state remains a good approximation in the region of $y/\sigma\leq 5$. On the other hand, at $pE\sigma=1.0$, Fig. 7(b) demonstrates the emergence of lane structure formed by aligned bands. \section{Details on the correlation function analysis presented in Section III} We perform the correlation function analysis, especially focusing on the pole equation (\ref{general pole2}). In Section IVA, we see that discriminant analysis of a quadratic equation becomes available to investigate the solution to eqn (\ref{general pole2}), irrespective of the function forms of $\omega(\bm{k})$, as a result of the small $k_{x}\sigma$--expansion of the key function $\omega(\bm{k})$. Section IVB provides concrete results of both the Gaussian charge smearing model and the modified MSA model for clarifying how the results in Fig. 3 are obtained. In Section IVC, we relax the condition $\bm{k}_{\perp}=\bm{0}$ which has been referred to as the anisotropic approximation (see eqn (\ref{anisotropic})). Then, the density-density correlation function analysis indicates that a long-range correlation in the perpendicular direction to $\bm{E}$ is enhanced on approaching the target mode in the external field direction (i.e., $k_{x}\rightarrow k_{x}^{(1)}$). \subsection{A general approximation of eqn (\ref{general pole2}) for evaluating the Kirkwood crossover point} Expanding $\omega(\bm{k})$ with respect to $k_{x}^{(1)}\sigma$, we have a general form, \begin{flalign} \omega(k_{x}^{(1)})\approx 1-\alpha_1 (k_{x}^{(1)}\sigma)^2+\alpha_2(k_{x}^{(1)}\sigma)^4, \label{f approx \end{flalign} as seen from eqn (\ref{omega two}); for instance, $\alpha_1=1/2$ and $\alpha_2=1/8$ for the Gaussian charge smearing model \cite{gauss smearing,finite gaussian}, and $\alpha_1=1/2$ and $\alpha_2=1/24$ for the modified MSA model \cite{mmsa smearing}. Eqn (\ref{general pole2}) then reduces to the quadratic equation for $\mathcal{S}\equiv (k_{x}^{(1)}\sigma)^2$: \begin{flalign} \label{approx kirkwood eq1 &\alpha_2\overline{\kappa}^2\sigma^2 \mathcal{S}^2 +(1-\alpha_1\overline{\kappa}^2\sigma^2) \mathcal{S} +\overline{\kappa}^2\sigma^2+(pE)^2\sigma^2=0. \end{flalign} It follows from eqn (\ref{complex solution}) that \begin{flalign} \label{ks xy (k_{x}^{(1)}\sigma)^2=x^2-y^2+2ixy \end{flalign} where $x$ and $y$ are related to the decay length $\xi_{\mathrm{Decay}}^{(1)}$ and wavelength $\mu^{(1)}$ as defined in eqn (\ref{complex length}). Eqn (\ref{complex length}) and (\ref{ks xy}) imply that discriminant analysis of eqn (\ref{approx kirkwood eq1}) is found useful to determine the Kirkwood crossover point where the decay of the correlation functions changes from monotonic ($\mu^{(1)}=0$) to oscillatory ($\mu^{(1)}\neq 0$). As mentioned in eqn (\ref{max kappa}), the imaginary solution $2ixy$ disappears at $\overline{\kappa}^{(*1)}\sigma$ because of $x=0$, or $\mu^{(1)}\rightarrow\infty$: the Kirkwood crossover occurs when exceeding $\overline{\kappa}^{(*1)}\sigma$. We find approximate forms of the solution to the discriminant equation of eqn (\ref{approx kirkwood eq1}) as follows: \begin{flalign} \left(\overline{\kappa}^{(*1)}\sigma\right)^2 &=\frac{1-\sqrt{\alpha_2}(pE)^2\sigma^2}{\alpha_1+2\sqrt{\alpha_2}} \qquad\,(pE\sigma\ll 1)\label{approx k sol1 \\ &\rightarrow 0 \hphantom{\frac{1}{\alpha_1+2\sqrt{\alpha_2}}} \qquad\quad\quad(pE\sigma\gg 1); \label{approx k sol2 \end{flalign} see Appendix E for these derivations. Plugging the modified MSA coefficients, $\alpha_1=1/2$ and $\alpha_2=1/24$, into the relation (\ref{approx k sol1}) for $E=0$, we have \begin{flalign} \overline{\kappa}^{(*1)}\sigma=\left(\frac{1}{\alpha_1+2\sqrt{\alpha_2}}\right)^{1/2}\approx 1.05, \label{comp kirkwood \end{flalign} which is in good agreement with the Kirkwood crossover values previously obtained for the primitive model in the absence of applied electric field \cite{under th,under andelman,under evans,kirkwood original,kirkwood various}. Eqn (\ref{approx k sol1}) and (\ref{approx k sol2}) imply that the Debye-H\"uckel length $\xi^*_{\mathrm{DH}}=1/\overline{\kappa}^{(*1)}$ at the Kirkwood crossover becomes longer as $E$ is larger. Namely, the crossover density $\overline{n}^*=1/\{8\pi l_B(\xi^*_{\mathrm{DH}})^2\}$ becomes lower with the increase of $E$; eqn (\ref{approx k sol2}) predicts that both charge-charge and density-density oscillations are observed even in a dilute electrolyte upon applying a high electric field. \subsection{Analytical and numerical results} {\itshape Gaussian charge smearing model} \cite{gauss smearing,finite gaussian}.--- First, we consider the Gaussian charge smearing model. This model is represented by $\omega(k_{x}^{(1)}\sigma)=e^{-(k_{x}^{(1)}\sigma)^2/2}$ in eqn (\ref{omega two}). Then, eqn (\ref{general pole2}) is rewritten as \begin{flalign} \label{pre lambert 2\tau e^{\frac{(k_{x}^{(1)}\sigma)^2}{2}}+\overline{\kappa}^2\sigma^2=0, \\ \label{tau def 2\tau=(k_{x}^{(1)}\sigma)^2+(pE)^2\sigma^2. \end{flalign} It is convenient to transform eqn (\ref{pre lambert}) and (\ref{tau def}) to \begin{flalign} e^{\tau}\tau&=-\frac{\overline{\kappa}^2\sigma^2}{2}e^{\frac{(pE)^2\sigma^2}{2}}, \label{pre lambert2 \\ 2\tau&=x^2-y^2+(pE)^2\sigma^2+2ixy, \label{pre lambert complex \end{flalign} which can be rewritten as \begin{flalign} \tau=\mathcal{W}\left(-\frac{\overline{\kappa}^2\sigma^2}{2}e^{\frac{(pE)^2\sigma^2}{2}}\right), \label{lambert sol \end{flalign} using the Lambert function $\mathcal{W}$ \cite{gauss smearing} defined by $\tau=\mathcal{W}(\tau e^{\tau})$. Focusing on the principal branch of the Lambert function \cite{gauss smearing}, it is found that the Kirkwood crossover point satisfies the relations, \begin{flalign} \label{1/e &\frac{(\overline{\kappa}^{(*1)}\sigma)^2}{2}e^{\frac{(pE)^2\sigma^2}{2}}=1/e, \\ \label{tauc &\tau^*=-1, \end{flalign} similar to those at $E=0$. Eqn (\ref{1/e}) transforms to \begin{flalign} \label{lambert cross1 \overline{\kappa}^{(*1)}\sigma= e^{-\frac{(pE)^2\sigma^2}{4}}\sqrt{\frac{2}{e}} \end{flalign} or \begin{flalign} \label{lambert cross2 \overline{n}^*= \left(\frac{1}{4\pi p^2l_B\sigma^2}\right) e^{-\frac{(pE)^2\sigma^2}{2}-1} \end{flalign} for the crossover density $\overline{n}^*$. Eqn (\ref{lambert cross1}) verifies the above approximate result (\ref{approx k sol2}), whereas eqn (\ref{lambert cross2}) enables us to make an analytical prediction that the increase of $E$ results in the decrease of $\overline{n}^*$. Inserting eqn (\ref{tauc}) into eqn (\ref{pre lambert complex}), we have \begin{flalign} \label{tauc-1 -2=-\left(\frac{\sigma}{\xi^{(*1)}_{\mathrm{Decay}}}\right)^2+(pE)^2\sigma^2, \end{flalign} or \begin{flalign} \label{xi el \frac{\xi^{(*1)}_{\mathrm{Decay}}}{\sigma}=\frac{1}{\sqrt{2+(pE)^2\sigma^2}}, \end{flalign} because of $x=0$ at the Kirkwood crossover. Eqn (\ref{lambert cross2}) and (\ref{xi el}) state that, as $E$ is larger, Coulomb interactions are more short-ranged despite the decrease in the Kirkwood crossover density $\overline{n}^*$ given by eqn (\ref{lambert cross2}). In other words, our target mode $k^{(*1)}_{x}$ describes an aspect of electric-field-induced screening which is enhanced by the applied electric field (see also the last paragraph of Sec. IIIA for the underlying physics). \begin{figure}[hbtp] \begin{center} \includegraphics[ width=8.5cm ]{fig4.eps} \end{center} \caption{Comparison between Fig. 2 (a schematic summary) and numerical results of the modified MSA model. (a) The graphical representation of the solution to $u(y^*)=v(y^*)$ given by eqn (\ref{u func}) and (\ref{v func}), respectively. Eqn (\ref{u func}) provides $\overline{\kappa}\sigma=\sqrt{u(y=\sigma/\xi^{(1)}_{\mathrm{Decay}})}$, the $\xi^{(1)}_{\mathrm{Decay}}$--dependence of $\overline{\kappa}\sigma$, which varies depending on the electric field strength measured by $pE\sigma$. The colored solid lines represent these dependencies for $pE\sigma=0$ (green), $pE\sigma=1.5$ (orange), and $pE\sigma=3$ (red). Meanwhile, the blue dashed line shows another dependence of $\overline{\kappa}\sigma$ on $\xi^{(1)}_{\mathrm{Decay}}/\sigma$ which is given by $\overline{\kappa}\sigma=\sqrt{v(y)}$ (see eqn (\ref{v func})). The three intersection points are indicated by brown circles, giving both the Debye-H\"uckel lengths $\xi^{(*1)}_{\mathrm{DH}}$ at the electric-field-induced crossovers and the Kirkwood decay lengths $\xi^{(*1)}_{\mathrm{Decay}}$ at different field strengths. (b) Numerical results summarized in Fig. 2. In this figure, the $\overline{\kappa}\sigma$--dependencies of $\xi^{(1)}_{\mathrm{Decay}}$ are depicted by the solid lines colored green ($pE\sigma=0$), blue ($pE\sigma=1$), orange ($pE\sigma=1.5$), and red ($pE\sigma=3$), from top to bottom, on a log-log plot of $\xi^{(1)}_{\mathrm{Decay}}/\xi_{\mathrm{DH}}=\overline{\kappa}\xi^{(1)}_{\mathrm{Decay}}$ vs. $\sigma/\xi_{\mathrm{DH}}=\overline{\kappa}\sigma$. The brown circles mark the termination points of these lines representing the Kirkwood crossover points at each electric-field strength, and the rightmost circle A corresponds to node A in Fig. 2, the Kirkwood crossover point at $E=0$. The location shift of brown circles with the increase of $E$ is indicated by the dashed green arrow, showing an electric-field-induced shift of the Kirkwood crossover. For comparison, the dotted line delineates the scaling relation, $\xi^{(*1)}_{\mathrm{Decay}}/\xi^{(*1)}_{\mathrm{DH}}\sim(\sigma/\xi^{(*1)}_{\mathrm{DH}})^{1.4}$, as well as that in Fig. 3(b). } \end{figure} {\itshape The modified MSA model} \cite{mmsa smearing}.--- Next, we adopt $\omega(\bm{k})=\cos(k_{x}^{(1)}\sigma)$, according to the strong-coupling approximation of the modified MSA model (see Sec. IVB). Bearing in mind that $\cos(k_{x}^{(1)}\sigma)=\cos x\cosh y$, eqn (\ref{general pole2}) reads \begin{flalign} \overline{\kappa}^2\sigma^2\cos x\cosh y&=y^2-(pE)^2\sigma^2-x^2, \label{real eq cos}\\ \overline{\kappa}^2\sigma^2\sin x\sinh y&=2xy, \label{ima eq sin} \end{flalign} for the real and imaginary parts, respectively. The Kirkwood crossover occurs in the limit of $x\rightarrow 0$ (or $\mu^{(1)}\rightarrow\infty$). In this limit , eqn (\ref{real eq cos}) and (\ref{ima eq sin}) reduce to \begin{flalign} (\overline{\kappa}^{(*1)}\sigma)^2&=u(y^*)=\frac{(y^*)^2-(pE)^2\sigma^2}{\cosh y^*}, \label{u func}\\ &=v(y^*)=\frac{2y^*}{\sinh y^*}, \label{v func} \end{flalign} for $y^*=\sigma/\xi^{(*1)}_{\mathrm{Decay}}$. Figure 4(a) shows the curves of $\overline{\kappa}\sigma=\sqrt{u(y)}$ and $\overline{\kappa}\sigma=\sqrt{v(y)}$ as a function of $y=\sigma/\xi^{(1)}_{\mathrm{Decay}}$ including the Kirkwood crossover value $y^*$. While there is a single line of $\overline{\kappa}\sigma=\sqrt{v(y)}$ in Fig. 4(a), the curves of $\overline{\kappa}\sigma=\sqrt{u(y)}$ are depicted using different values of $pE\sigma=0,$ 1.5 and 3. We can see from Fig. 4(a) that the intersection points of these curves (three brown circles located at the intersections in Fig. 4(a)) is determined by $u(y^*)=v(y^*)$ and is located at the maximum of $\overline{\kappa}\sigma=\sqrt{u(y)}$ as a function of $y$; actually, it is easily confirmed that $u(y^*)=v(y^*)$ is nothing but the maximum condition for $\overline{\kappa}\sigma=\sqrt{u(y)}$. We find from a series of intersection points $(y^*,\sqrt{u(y^*)})$ for different field strengths in Fig. 4(a) that the modified MSA model \cite{mmsa smearing} exhibits a similar trend observed in the above Gaussian charge smearing model \cite{gauss smearing}: the maxima of $\overline{\kappa}\sigma=\sqrt{u(y)}$ decrease with increase of $E$. That is, the Debye-H\"uckel length $\xi^{(*1)}_{\mathrm{DH}}$ at the electric-field-induced crossover is larger as the decay length $\xi^{(*1)}_{\mathrm{Decay}}$ at the Kirkwood crossover is smaller due to the increase of $E$. These dependencies are in qualitative agreement with eqn (\ref{lambert cross1}) and (\ref{xi el}) of the Gaussian charge smearing model. {\itshape Relationship between the results in Fig. 4 and the present results given by eqn (\ref{lambert cross1}), (\ref{xi el}), (\ref{u func}) and (\ref{v func})}.--- Thus, we have obtained the formulation to find the results in Fig. 4(a). On the one hand, eqn (\ref{lambert cross1}) and (\ref{xi el}) yield $\sigma/\xi^{(*1)}_{\mathrm{DH}}$ (or $\overline{\kappa}^{(*1)}\sigma$) and $\xi_{\mathrm{Decay}}^{(*1)}/\sigma$ of the Gaussian charge smearing model, respectively. On the other hand, eqn (\ref{u func}) and (\ref{v func}) are solved numerically to find $k_{x}^{(*1)}\sigma$, or the inverse of $\xi_{\mathrm{Decay}}^{(*1)}/\sigma$ in the modified MSA \cite{mmsa smearing}, and we can easily calculate $\overline{\kappa}^{(*1)}\sigma$ from $\xi_{\mathrm{Decay}}^{(*1)}/\sigma$ using eqn (\ref{u func}). The same results as those of Fig. 4(a) are presented on a log-log plot in Fig. 4(b), further indicating that, in the range of $10^{-1}<\sigma/\xi^{(*1)}_{\mathrm{DH}}<10^0$, the $\sigma/\xi^{(*1)}_{\mathrm{DH}}$--dependencies of $\xi_{\mathrm{Decay}}^{(*1)}/\xi^{(*1)}_{\mathrm{DH}}$ exhibit a scaling relation $\xi_{\mathrm{Decay}}^{(*1)}/\xi^{(*1)}_{\mathrm{DH}}\sim(\sigma/\xi^{(*1)}_{\mathrm{DH}})^{\chi}$ with $\chi$ being close to 1.4, which is similar to eqn (\ref{decay scaling}) previously found for concentrated equilibrium electrolytes \cite{under simu,under th,under andelman,under evans}. \section{Discussion and conclusions} So far, we have demonstrated the usefulness of the SDFT on concentrated electrolytes under steady electric fields in two respects. First, a hybrid framework of the equilibrium DFT and field-theoretic approach justifies the previously modified terms of the PNP equations \cite{bazant dynamics,eisenberg,mpnp channel, yochelis,mpnp rtil,mpnp self,witt,ddft} in addition to a stochastic extension of the density dynamics \cite{demery,gole,andelman}. Second, the stochastic set of density dynamics equations allows us to calculate the correlation functions. As a result, we can predict electric-field-induced oscillations which appear prior to the conventional onset of oscillatory decay of correlations, or the Kirkwood crossover without an applied electric field \cite{under th,under andelman,under evans,kirkwood original,kirkwood various,various smearing,gauss smearing,kirkwood fw}. While Table 1 has provided a more detailed summary of the former modifications, we would like to make additional three remarks related to the latter results schematically illustrated in Fig. 2. {\itshape (i) Correlation function analysis}.--- In this paper, it has been proved that we can extend the mPNP model to consider the stochastic process, thereby allowing us to obtain stationary equal-time correlation functions which include the key function $\omega(\bm{k})$ as seen from eqn (\ref{C solution2}) to (\ref{delta crr}). It should be noted that the Kirkwood crossover does not occur without $\omega(\bm{k})$ given by eqn (\ref{omega two}); therefore, it is indispensable to incorporate either the finite-spread Poisson equation (\ref{finite spread}) or the generalized Debye-H\"uckel equation (\ref{gdh}) into the stochastic mPNP models for predicting the onset of oscillatory decay of correlations. {\itshape (ii) Stripe states}.--- As illustrated in Fig. 2, the shifting behavior of the electric-field-induced Kirkwood crossover behavior bears a similarity to that of underscreening previously found by simulation and theoretical studies on concentrated electrolytes \cite{under simu,under th,under andelman,under evans}. To be noted, any lane formation \cite{lowen}, or any modulation perpendicular to the applied field direction, is beyond the scope of this study. Namely, an oscillatory state along the field direction (a stripe state) as given in Fig. 2 is stationary as long as lane formation is not favored. Nevertheless, the stripe state is consistent with some previous findings of inhomogeneous steady states such as alternating chains of cations and anions along the applied field direction in electrolytes \cite{demery} and non-parallels bands in oppositely charged colloidal mixtures \cite{lowen,band} (see the last paragraph of Section IIIC). {\itshape (iii) Fisher-Widom crossover between two Kirkwood crossovers}.--- Above the Kirkwood crossover condition of $\overline{\kappa}\sigma>\overline{\kappa}^{(*1)}\sigma$, we have smeared correlation functions, $\overline{\Delta\mathcal{C}^{\mathrm{st}}_{\rho\rho}}(x)$ and $\overline{\mathcal{C}^{\mathrm{st}}_{qq}}(x)$, which are given by the sum of oscillatory and monotonic decay functions (i.e., eqn (\ref{region2 smear1}) and (\ref{region2 smear2})). Furthermore, the monotonic decay parts of correlation functions subsequently become oscillatory when $\overline{\kappa}\sigma$ goes beyond $\overline{\kappa}^{(*2)}\sigma$ which is related to the equilibrium Kirkwood crossover value $\overline{\kappa}^*\sigma$ as eqn (\ref{conventional k}). This crossover phenomenon suggests the possibility of simultaneous occurrence of the Fisher-Widom crossover \cite{under evans,kirkwood fw,fw} for density-density and charge-charge correlations in the range of $\overline{\kappa}^{(*1)}\sigma\leq\overline{\kappa}\sigma\leq\overline{\kappa}^{(*2)}\sigma$ though the full phase diagram of steady states for electric-field-driven electrolytes remains to be determined (see Section IIIB). For the specific understanding of anisotropic density modulations in stripe states, Sec. IIIE presents various results on the 2D density-density correlations beyond the Fisher-Widom crossover. As seen from Figs. 4 and 7, there are some electric field conditions that create stripe states formed by segregation bands transverse to the external field direction. It is still necessary to investigate whether experimental and simulation studies can find an electric-field-induced shift of the Kirkwood crossover from monotonic to oscillatory decay of density-density and charge-charge correlations in the applied electric field direction. Therefore, let us make three comparisons in terms of realizability. Although the primitive model has been used for investigating concentrated electrolytes, we would like to see the interaction parameters of RTILs and colloidal nano-particle dispersions as well as concentrated electrolytes. For instance, let us consider $(p,\sigma,\epsilon,l_B)=(1,\,0.7,\,10,\,5.6)$ for RTILs \cite{rtil dielectric} and $(10,\,10,\,80,\,0.7)$ for colloidal nano-particle dispersions as adequate parameters of valence $p$, diameter $\sigma$ [nm], dielectric constant $\epsilon$, and the Bjerrum length $l_B$ [nm] at room temperature $T=300$ K. Accordingly, we have $p^2l_B/\sigma=8$ (RTILs) and $p^2l_B/\sigma=7$ (nano-particle dispersions), and the use of eqn (\ref{app potential}) and (\ref{fourier dcf}) can be justified because the relation (\ref{f condition}) barely holds. Next, we would like to evaluate a realistic range of electric field strength. At $pE\sigma=1.5$, we have $E\approx 5.5\times 10^7$ V/m for the RTILs (i.e., $(p,\sigma)=(1,\,0.7)$) and $E\approx 3.8\times 10^5$ V/m for the nano-particles (i.e., $(p,\sigma)=(10,\,10)$). These are plausible values according to previous simulation and experimental studies as follows: molecular dynamics simulations of RTILs have revealed that $E\sim 10^7$ V/m corresponds to a boundary value beyond which RTILs are reorganized into nematic-like order and exhibit anisotropic dynamics \cite{rtil field}, whereas, for colloidal dispersions, a magnitude of $E\sim 10^5$ V/m is within the possible range when referring to segregation of oppositely charged colloidal particles into bands perpendicular to the field direction of an applied alternating current electric field \cite{lowen,band}. Last, let us evaluate the Kirkwood crossover densities at $pE\sigma=1.5$. We have obtained that $\overline{\kappa}^*\sigma$ is equal to 1.04 ($pE\sigma=0$) and that $\overline{\kappa}^{(*1)}\sigma\approx0.82$ ($pE\sigma=1.5$) when adopting the modified MSA model \cite{mmsa smearing}. It follows that the Kirkwood crossover density varies from 0.30 M ($pE\sigma=0$) to 0.19 M ($pE\sigma=1.5$) for an RTIL (1-butyl-3-methylimidazolium bis(trifluoromethylsulfonyl)imide) diluted with propylene carbonate where we set $(p,\sigma,\epsilon,l_B)=(1,\,0.4,\,65,\,0.88)$. The former density (0.30 M) agrees well with experimental and simulation results \cite{under exp,under simu} with no electric field applied, whereas the validity of density difference ($0.30-0.19=0.11$ M) due to the external electric field needs to be assessed in future. \section*{Conflicts of interest} There are no conflicts to declare.
2b745bb651249e54189935448d10609090093a41
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{1. Introduction} Hand pose estimation plays a key role in many applications to support human computer interaction, such as autonomous driving, AR/VR, and robotics \cite{Erolsurvey}. Given an input image, the goal of hand pose estimation is to estimate the location of hand skeleton joints. While many works take color images as input, methods built upon depth images usually exhibit superior performance \cite{sun2015cascaded}. Prior arts often use depth image and 2D CNN networks to regress 3D hand joints, or apply point-net based models \cite{qi2017pointnet,ge2018_Point} on point clouds converted from the depth using camera intrinsic parameters. Although great progress on hand pose estimation from depth has been made in the past decade, the existing methods still can not achieve satisfactory hand pose estimation results due to the severe viewpoint variations and occlusions caused by articulated hand pose. \begin{figure}[h] \centering \includegraphics[width=\linewidth]{./fig/visualize_view_selected.pdf} \caption{Illustration of view selection for 3D hand pose estimation. The view of the original depth image may not be suitable for pose estimation. We select suitable views for pose estimation from the uniformly sampled virtual views. $\theta$ and $\beta$ represent the azimuth angle and the elevation angle of candidate virtual views, respectively.} \label{fig:view_selected} \end{figure} \begin{figure*}[t] \centering \includegraphics[width=\linewidth]{./fig/pipeline.pdf} \caption{Illustration of our virtual view selection and fusion pipeline for 3D hand pose estimation.} \label{fig:pipeline} \end{figure*} To address the occlusion and viewpoint variation challenges, existing methods often rely on data alignment that transforms the input depth input into a canonical space. However, this process is either done in 2D space \cite{sun2015cascaded,ye2016spatial} that do not fully respect the 3D nature of the depth image, or in hand-crafted canonical space, e.g. via PCA \cite{ge2018_Point} or axis-aligned bounding box \cite{ge2016robust}, that are not engaged in a joint optimization with the full model and thus the performance may not be at its best. In contrast, learning based data alignment is more optimal as demonstrated in many previous work \cite{jaderberg2015spatial}, and back to the domain of pose estimation, this is mostly achieved in automated best viewpoint selection in multiple camera system \cite{sminchisescu2019domes,gartner2020deep} via reinforcement learning. However, in the scenario when only one single depth is available, reinforcement learning does not typically perform well due to the limited inputs, and there is limited research study if viewpoint selection is necessary and possible with a single input depth. We claim that viewpoint selection is very important for 3D hand pose estimation even from just a single depth. As a perspective projection of the 3D geometry, a depth image can be projected into the 3D space as a point cloud and rendered into depth maps from another viewpoints for 3D hand pose estimation. On one hand, the same amount of error on 2D perspective views may correspond to dramatically different errors in 3D space. One the other hand, machine learning models may favor some typical viewpoints than the others (See Fig.~\ref{fig:view_selected} for an example). Therefore, finding the proper virtual viewpoint to re-project the given single input depth could be critical to further improve hand pose estimation, which has been well-studied in terms of architecture. In this paper, we propose a novel virtual view selection and fusion module for 3D hand pose estimation methods from single depth, which can be easily integrated into the existing hand pose estimation models to enhance the performance. Instead of selecting just one best viewpoint, we propose to automatically select virtual viewpoints for pose estimation and fuse the results of all views, and find this empirically delivers accurate and robust pose estimation. To achieve this, we re-render the input depth into all candidate viewpoints, and train a viewpoint selection network to evaluate the confidence of each virtual viewpoint for pose estimation. We find this empirically works well but slows down the run-time speed when the viewpoint candidate pool is large. To alleviate the computation issue, we adopt network distillation and show that it is possible to predict the view confidence without explicitly re-project the input depth. The contributions of our method can be summarized as follows: We propose a novel deep learning network to predict 3D hand pose estimation from single depth, which renders the point cloud of the input depth to virtual multi-view, and get 3D hand pose by fusing the 3D pose of each view. We then show that the view selection can be done efficiently without sacrificing run-time via network distillation. Extensive experiments on hand pose benchmarks demonstrate that our method achieves the state-of-the-art performance. The code is available in project webpage \textcolor{blue}{\url{https://github.com/iscas3dv/handpose-virtualview}}. \section{2. Related Work} The 3D hand pose estimation methods take depth images as input and estimate the locations of hand skeleton joints. Prior arts include \cite{moon2018v2v, ge2018point, rad2018feature, wan2018dense, xiong2019a2j}. \cite{ge2018point}, \cite{deng2020weakly} and \cite{moon2018v2v} use 3D representation of depth to estimate the hand pose, and \cite{wan2018dense}, \cite{rad2018feature} and \cite{xiong2019a2j} use 2D representation of depth to get the hand pose. Anchor-to-Joint Regression Network (A2J) \cite{xiong2019a2j} can predict accurate pose with efficiency, which sets up dense anchor points on the image and obtains the final joint locations by weighted joint voting of all anchor points. Although impressive results are obtained with these prior arts, these networks perform worse under occlusion or severe viewpoint variation. The most related work to us is Ge et al. \cite{ge2016robust}, which shares the same thoughts with us that the input viewpoint may not be ideal and projects the input depth into the front, side and top view for pose estimation. However, the number of the selected virtual views is fixed (i.e. 3), and the view selection strategy is hand-crafted but not trained in an end-to-end manner. Different to them, we proposed a learnable virtual view selection and fusion module for 3D hand pose estimation, which can adaptively select informative virtual viewpoints for point cloud rendering, and fuse the estimated 3D poses of these views. In the realm of pose estimation, viewpoint selection is also achieved in multiple camera system using reinforcement learning \cite{sminchisescu2019domes, gartner2020deep}. These works use reinforcement learning methods to select a view sequence suitable for 3D pose estimation. However, they all require a multi-view capture setup, and cannot be used for a single input depth image. Moreover, these methods are time-consuming, because views are selected in sequence, and thus reduce the inference efficiency. \section{3. Approach} \subsection{3.1 Overview} In this section, we introduce our virtual view selection and fusion approach for 3D hand pose estimation from a single depth image (Fig.~\ref{fig:pipeline}). We first convert a depth image into 3D point clouds, and uniformly set up candidate virtual views on the spherical surface centered in the hand point clouds. The point cloud is then rendered into candidate views as depth maps, which are then fed into a network to predict the confidence. A 3D pose estimation network then predicts the 3D hand pose from view with top-$N$ confidence \footnote{N is a hyper-parameter that controls the run-time efficiency and pose accuracy.}, and finally fuses the pose with regard to the confidence to achieve accurate 3D hand pose results. To reduce the computational cost, we also design an efficient lightweight network by model distillation to predict the view confidence from the input depth itself, which saves the computation cost of point cloud rendering if the pool of candidate view is large. \subsection{3.2 Virtual Multi-View Hand Pose Estimation} We first explain the idea of virtual multi-view hand pose estimation. Inspired by Ge et al. \cite{ge2016robust} that the original camera view may not be optimal for hand pose estimation, we hypothesize that denser virtual view sampling should be more beneficial and propose to exploit rendered depth on multiple virtual views to estimate 3D hand pose (Fig.~\ref{fig:baseline}). \begin{figure}[h] \centering \includegraphics[width=\linewidth]{./fig/baseline.pdf} \caption{Our virtual multi-view hand pose estimation baseline.} \label{fig:baseline} \end{figure} \subsubsection{Candidate Virtual Views} We first define a set of virtual camera views to re-render the input depth map. Specifically, we first convert the depth map of the hand into point clouds, and uniformly sample a series of virtual cameras on the spherical surface centered in the hand point clouds. Note that large camera rotation may cause severe occlusion issue for depth rendering, and thus we only keep the cameras close to the input camera view. In practice, we keep 25 virtual cameras uniformly sampled from the zenith angle in $[-\pi/3,\pi/3]$ and the azimuth angle in $[-\pi/3,\pi/3]$ on the sphere. Refer to Fig.~\ref{fig:uniformly_sample} in Sec.~4.3 for illustration. \subsubsection{Virtual View Depth Map Rendering} The point cloud from the input depth image can now be re-projected to each of the virtual cameras. Note that since the depth images does not provide a complete hand shape, the rendered depth may be partially incomplete or contain wrong occlusion. However, we found empirically that these does not confuse the pose estimation network when the virtual camera is not too far from the input. Therefore, we did not complete the rendered image as the face rendering methods \cite{zhou2020rotate, fu2021high}. We also implemented a parallel rendering process using CUDA to speed up the rendering process. \subsubsection{3D Hand Pose Estimation from Single Depth} For each rendered depth image, we use the Anchor-to-Joint regression network (A2J) \cite{xiong2019a2j} as the backbone for 3D hand pose estimation for its great run-time efficiency and competitive accuracy. In practice, any other 3D hand pose estimation models from depth can be taken as the backbone. We use the loss function from A2J and briefly explain here for self-contain. The loss function $L_{\textit{A2J}}$ of A2J consists of the objective loss $L_{\textit{obj}}$ and the informative anchor point surrounding loss $L_{\textit{info}}$. The objective loss $L_{\textit{obj}}$ aims to minimizing the error between the predicted hand joints with the anchor points and the ground truth hand joints, and the informative anchor point surrounding loss $L_{\textit{info}}$ aims to selecting informative anchor points located around the joints to enhance the generalization ability. The loss function $L_{\textit{A2J}}$ can be formulated as follows \begin{equation} \label{eq:a2j_loss} L_{\textit{A2J}}=\lambda L_{\textit{obj}} + L_{\textit{info}} \end{equation} where $\lambda$ is the loss weight to balance $L_{\textit{obj}}$ and $L_{\textit{info}}$, and it is set to $\lambda=3$. \subsubsection{Multi-View Pose Fusion} In the end, we run a fusion stage to combine the predicted 3D hand poses from virtual camera views. In the very basic version, we transform the 3D joints of each view to the original camera coordinate system with the camera extrinsic parameters, and get the final hand pose prediction by averaging the transformed hand poses. \begin{figure}[t] \centering \includegraphics[width=\linewidth]{./fig/confidence.pdf} \caption{Confidence network. The network uses CNN to extract features from the intermediate features of pose estimation net, and then uses multi-head attention to fuse the multi-views visual features. We use FC and Softmax to map the fused multi-view features to confidence of each view. } \label{fig:confidence} \end{figure} \begin{figure*}[ht] \centering \includegraphics[width=0.89\linewidth]{./fig/view_select.pdf} \caption{View selection with confidence. We use multi-view depth map data to train a ``teacher'' confidence network for view selection based on confidence (top), and we train a ``student'' lightweight confidence network for efficient view selection through network distillation (bottom).} \label{fig:multi-view_fusion} \end{figure*} \subsection{3.3 Virtual View Selection} \label{sec3.3} The method proposed in the previous section indeed significantly improves the hand pose estimation accuracy, however suffers from run-time efficiency issue. Essentially, the virtual multi-view baseline runs single view pose estimation network multiple times, thus needs linearly proportional computation power w.r.t the size of virtual camera pool size (e.g. 25 in our case). In another perspective, the pose prediction on some virtual views may not be great, e.g. due to sparsity or wrong occlusion, and may further hurt the overall performance when fused with an average. Therefore, we propose a view selection algorithm that can choose a small number of high impacting camera views without the necessity of running all of them into the pose estimation network. \subsubsection{Confidence Prediction} The key of our view selection algorithm is a confidence network that evaluates the importance of each candidate virtual view (Fig.~\ref{fig:confidence}). To save the computation cost, the confidence network takes the high-level feature from A2J as input. It then extracts features using convolutional neural network, and then uses the multi-head attention in \cite{vaswani2017attention} to fuse multi-view features. The multi-head attention mechanism can direct the network to focus on the views which play more important role, e.g. provide more accurate pose or complementary information for fusion. Finally, we use a fully connected layer to map the feature of each view to a scalar, i.e. the confidence of each view. \subsubsection{Virtual View Selection and Fusion} With the predicted confidence for each virtual camera viewpoint, we can perform view selection by picking the views with top-$N$ confidence from all $M$ candidate views ($N<M$). Empirically, larger $N$ tends to produce more accurate pose (See Sec.~4.3) but needs more computation. In practice, we found that picking $N=3$ in $M=25$ virtual views can already beat most of the SoTA methods. With the pose estimated from selected views, we can fuse hand poses and get final output $\hat{\mathbf{J}}$ as: \begin{equation} \label{eq:weight_average} \hat{\mathbf{J}} = \sum_{i=1}^{N} c_i (\mathbf{R}_i\hat{\mathbf{J}}_i+\mathbf{t}_i) \end{equation} where $\hat{\mathbf{J}}_i$ is the predicted hand joints of the $i$-th selected view, $c_i$ is the confidence of the $i$-th selected view after softmax, and $[\mathbf{R}_i,\mathbf{t}_i]$ is the known camera extrinsic parameters of the $i$-th selected view. \subsubsection{Joint Training} During the training stage, we do not give direct supervision to the confidence of each view since they are simply unknown. Instead, we jointly train confidence network with the pose estimation network, which is supervised only on the final pose accuracy. The joint loss $L_{J}$ is formulated as: \begin{equation} \label{eq:conf_loss} L_{J}=\sum_{i=1}^K L_{\tau}( \Vert \mathbf{J}_i-\hat{\mathbf{J}}_i \Vert) \end{equation} where $\hat{\mathbf{J}}_i$ is the estimated $i$-th joint by multi-view pose fusion (See Eq.~(\ref{eq:weight_average})), $\mathbf{J}_i$ is the ground truth location of the $i$-th joint, $K$ is the number of hand joint, and $L_{\tau}(\cdot)$ is the smooth$_{L1}$ loss function. Note that the behavior of confidence network might be different with varying $N$ since the predicted confidences have been used at both selection and fusion stage. For the selection stage, only the ranking of the confidence matters; and for the fusion stage, the precise value of confidences of the chosen views also matters. Therefore, for ideal performance, the confidence network should be trained for each specific $N$. In practice, however, a single model trained with $N=M$ can still work for most of the varying $N$, with slightly worse but still reasonable performance. \subsubsection{Distillation for Efficient Confidence Prediction} With view selection, we are able to reduce the number of forward pass of the pose estimation network from the total number of virtual views $M$ to a much smaller number of selected views $N$. This reduces enormous computation, but we still observe noticeable frame per second (FPS) drops mostly due to two reasons: 1) The input depth still needs to be rendered to all candidate camera views for confidence estimation. 2) The confidence network still needs to process all the rendered depth, though designed to be light-weighted but still costly to run the multi-head attention. We resort to network distillation to alleviate this run-time issue. Specifically, we take our confidence network as the teacher network, and train an even more light-weighted student network (a ResNet-18 followed by a fully connected layer). More importantly, the student network takes only the original depth as the input and directly outputs confidence for all $M=25$ views. This effectively removes the necessity of re-rendering the input depth to all virtual cameras. To train the student network, we directly take the confidence predicted by teacher network as the ground truth. The loss is defined as \begin{equation} \label{eq:light_loss} L_{\textit{light}} = \sum_{i = 1}^M L_{\tau}(\beta (c_{i} - {\hat{c}}_{i} ) ) \end{equation} where $\beta$ is the scaling factor set to $100$, ${\hat{c}}_{i} $ is the confidence ground truth from teacher network, i.e. the multi-head attention network from $M$ views, and $c_{i}$ is the student network output. Once the training is done, the teacher network is no longer needed during the inference, and student network can support the view selection and fusion in an efficient way. \subsection{3.4 Implementation Details} We train and evaluate our models on a workstation with two Intel Xeon Silver 4210R, 512GB of RAM and an Nvidia RTX3090 GPU. Our models are implemented within PyTorch. Adam optimizer is used; the initial learning rate is set to 0.001 and is decayed by 0.9 per epoch. In order to conduct data augmentation, we randomly scale the cropped depth map, jitter the centroid of the point cloud, and randomly rotate the camera when rendering multi-view depth. For all smooth$_{L1}$ loss, the switch point between quadratic and linear is set to 1.0. Our network consists of the 3D pose estimation network (i.e. A2J), the teacher confidence network and the lightweight student confidence network. The network input is $176 \times 176$ hand region cropped from the input depth, and we use ResNet-50 as the backbone of A2J. We first train the 3D pose estimation network and the teacher confidence network together, the loss can be formulated as: \begin{equation} \label{eq:final_loss} L_{\textit{viewsel}} = L_{\textit{A2J}} + \gamma L_J \end{equation} where $\gamma = 0.1$ is the factor to balance the loss terms. Then we fix the parameters of the two networks and train the lightweight student confidence network with $L_{light}$. \section{4. Experiments} \subsection{4.1 Datasets and Evaluation Metric} \paragraph{NYU Hand Pose Dataset (NYU)} \cite{tompson2014real} contains 72,757 frames for training and 8,252 frames for testing. 36 hand joints are annotated, but we use only a subset of 14 hand joints for evaluations following the same evaluation protocol in \cite{tompson2014real}. \paragraph{ICVL Hand Pose Dataset (ICVL)} \cite{tang2014latent} contains 331,006 frames for training and 1,596 frames for testing. 16 hand joints are annotated. \paragraph{Task 1 of Hands19 Challenge Dataset (Hands19-Task1)} \cite{armagan2020measuring} contains 175,951 training depth images from 5 subjects and 124,999 testing depth images from 10 subjects, in which 5 subjects overlap with the training set. This dataset is very challenging because of its exhaustive coverage of viewpoints and articulations. \paragraph{Evaluation Metric} We evaluate the hand pose estimation performance using standard metrics proposed in \cite{tang2014latent}, i.e. mean joint error and the percentage of test examples that have all predicted joints within a given maximum distance from the ground truth. \subsection{4.2 Comparison with State-of-the-art Methods} \begin{table}[h] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{ccc} \toprule[1pt] Methods & NYU & ICVL \\ \midrule HandPointNet \cite{ge2018_Point} & 10.54 & 6.93 \\ DenseReg \cite{wan2018dense} & 10.21 & 7.24 \\ P2P \cite{ge2018point} & 9.05 & 6.33 \\ A2J \cite{xiong2019a2j} & 8.61 & 6.46 \\ V2V \cite{moon2018v2v} & 8.42 & 6.28 \\ AWR \cite{huang2020awr} & 7.37 & 5.98 \\ \hline Ours-1view & 7.34 & 5.16 \\ Ours-3views & 6.82 & 4.86 \\ Ours-9views & 6.53 & 4.77 \\ Ours-15views & 6.41 & \textbf{4.76}\\ Ours-25views & \textbf{6.40} & 4.79\\ \bottomrule[1pt] \end{tabular} } \caption{Comparison mean joint 3D error (mm) and ranking result with state-of-art methods on NYU dataset and ICVL dataset. ``Ours-1view'', ``Ours-3views'', ``Ours-9views'' and ``Ours-15views'' are the results of our method with selected 1, 3, 9 and 15 views from 25 uniformly sampled views, respectively. ``Outs-25views'' denotes the results of our method with 25 uniformly sampled views.} \label{NYU} \end{table} \begin{figure}[ht] \centering \includegraphics[width=\linewidth]{./fig/nyu_error.png} \caption{Comparison of our proposed method with state-of-the-art methods on NYU dataset. Left: mean joint error per hand joint. Right: the percentage of success frames over different error thresholds.} \label{fig:nyu_error} \end{figure} \begin{table}[h] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{cc} \toprule[1pt] Methods & Mean error (mm) \\ \midrule {V2V} \cite{moon2018v2v} & 15.57 \\ {AWR} \cite{huang2020awr} & 13.76 \\ {A2J} \cite{xiong2019a2j} & 13.74 \\ {Rokid} \cite{zhang2020handaugment} & 13.66 \\ \hline Ours-1view & 14.14 \\ Ours-3views & 13.24 \\ Ours-9views & 12.67 \\ Ours-15views & \textbf{12.51} \\ Ours-25views & 12.55 \\ \bottomrule[1pt] \end{tabular} } \caption{Comparison with state-of-art methods on Hands19-Task1. We show the mean joint error on the test dataset split “Extrapolation”, which aims to evaluating the model generalization performance and is the main evaluation metric on Hands19-Task1. ``Ours-1view'', ``Ours-3views'', ``Ours-9views'', ``Ours-15views'' and ``Ours-25views'' have the same meaning as shown in Table~\ref{NYU}} \label{HANDS2019} \end{table} \begin{figure*}[ht] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{ccccccccc} \includegraphics[width=0.09\linewidth]{fig/comp_STOA/P2P/3855.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/V2V/3855.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/A2J/3855.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/1view/3855.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/3views/3855.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/9views/3855.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/15views/3855.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/25views/3855.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/label/3855.png} \\ \includegraphics[width=0.09\linewidth]{fig/comp_STOA/P2P/3911.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/V2V/3911.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/A2J/3911.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/1view/3911.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/3views/3911.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/9views/3911.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/15views/3911.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/25views/3911.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/label/3911.png} \\ \includegraphics[width=0.09\linewidth]{fig/comp_STOA/P2P/4611.png} &\includegraphics[width=0.09\linewidth]{fig/comp_STOA/V2V/4611.png} &\includegraphics[width=0.09\linewidth]{fig/comp_STOA/A2J/4611.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/1view/4611.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/3views/4611.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/9views/4611.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/15views/4611.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/25views/4611.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/label/4611.png} \\ P2P & V2V & A2J & 1 view & 3 views & 9 views& 15 views & 25 views & Ground truth \end{tabular} } \caption{Comparison visualization results with state-of-art methods on NYU dataset. ``1 view'', ``3 views'', ``9 views'' and ``15 views'' are the results of our method with selected 1, 3, 9 and 15 views from 25 uniformly sampled views, respectively. ``25 views'' denotes the results of our method with 25 uniformly sampled views. } \label{fig:comp_STOA} \end{figure*} In this experiment, we use our ``student'' lightweight confidence network for view selection and pose fusion. We first compare our method with the state-of-the-art methods on NYU dataset and ICVL dataset. DenseReg \cite{wan2018dense}, A2J \cite{xiong2019a2j} and AWR \cite{huang2020awr} directly use the depth map for pose estimation. HandPointNet \cite{ge2018_Point}, P2P \cite{ge2018point} and V2V \cite{moon2018v2v}\cite{hruz2021hand} use the 3D representation of the depth map for pose estimation. Table~\ref{NYU} shows the mean joint error. Fig.~\ref{fig:nyu_error} shows the percentage of success frames over different error thresholds and the error of each joint. We do not show AWR in Fig.~\ref{fig:nyu_error} because the best prediction results on NYU dataset are not released by AWR. Note that with just 1 view selected, we already outperform all the other methods. And when more view selected, the performance keeps improving. This clearly indicates that our view selection is effective in finding a better virtual view for pose estimation, and more views are benefical through the confidence based fusion. Fig.~\ref{fig:comp_STOA} shows the qualitative comparison to other methods on a few testing examples of NYU dataset. Our method performs especially better on views with heavy occlusion and missing depth, e.g. the 3rd row. It is as expected since the re-render in a perpendicular virtual camera looking at the palm might be better to interpret the input depth. We also compare our method with the state-of-the-art 3D hand pose estimation methods on Hands19-Task1. The details and results of state-of-the-art methods are cited from \cite{armagan2020measuring}. {Rokid} \cite{zhang2020handaugment} trains 2D CNN to regress joints with additional synthetic data. Compared to the used A2J backbone in our method, {A2J} \cite{xiong2019a2j} reports results using higher resolution depth as input ($384 \times 384$), deeper backbone (ResNet-152), and 10 backbone model ensemble. {AWR} \cite{huang2020awr} also provides results with model ensemble. Table~\ref{HANDS2019} shows the performance comparison. we can observe that our method with 3 selected views outperform other methods. Our method with 1 selected view performs slightly worse than {AWR}, {A2J} and {Rokid}, which can be due to using model ensemble in {AWR} and {A2J} and using additional synthetic training data in {Rokid} \cite{zhang2020handaugment}. More experimental results can be found in the supplementary document. \subsection{4.3 Ablation Study} \begin{figure}[ht] \centering \includegraphics[width=\linewidth]{./fig/uniformly_sample.pdf} \caption{Uniform sampling schemes. 25 virtual cameras are set uniformly. Red cameras are candidate virtual views. The figures from left to right show how 3, 9, 15, and 25 candidate virtual views are uniformly sampled.} \label{fig:uniformly_sample} \end{figure} \begin{figure}[ht] \centering \includegraphics[width=\linewidth]{fig/comp_views.pdf} \caption{Comparison the visualization results of our method using different numbers of views on NYU dataset.} \label{fig:comp_views} \end{figure} \paragraph{Effect of View Number} In order to investigate the effect of the number of virtual views with our method, we compare the hand pose performance on NYU dataset, ICVL dataset and Hands19-Task1 dataset by generating 3, 9, 15, 25 uniformly sampled virtual views (``UNIFOMR" column of Table~\ref{error_view_select}). We also visualize the results of our method using different numbers of views on NYU dataset in Fig.~\ref{fig:comp_views} We observe that the hand pose estimation error decreases as the number of virtual views increases. Therefore, the virtual multi-view can boost the hand pose performance. The visualization results show that when using 25 views, the estimated wrist joints and joints in the missing depth value area are more accurate than using 3 views. \begin{table*}[ht] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{c|ccc|ccc|ccc} \toprule[1pt] ~ & \multicolumn{3}{c|}{NYU} & \multicolumn{3}{c|}{ICVL} & \multicolumn{3}{c}{Hands2019-Task1} \\ \midrule Number of views & UNIFORM & SELECT & LIGHT & UNIFORM & SELECT & LIGHT & UNIFORM & SELECT & LIGHT \\ \midrule 1 view & 7.93 & 7.23 & 7.34 & 5.56 & 5.18 & 5.16 & 14.39 & 14.03 & 14.14 \\ 3 views & 7.14 & 6.73 & 6.82 & 5.27 & 4.85 & 4.86 & 13.67 & 13.07 & 13.24 \\ 9 views & 6.77 & 6.43 & 6.53 & 4.96 & 4.77 & 4.77 & 12.81 & 12.60 & 12.67\\ 15 views & 6.55 & 6.38 & 6.41 & 4.85 & 4.76 & 4.76 & 12.61 & 12.51 & 12.51 \\ 25 views & 6.40 & - & - & 4.79 & - & - & 12.55 & - & - \\ \bottomrule[1pt] \end{tabular} } \caption{Comparison of mean joint error using uniform sampling and view selection on NYU, ICVL and Hands2019-Task1. ``UNIFORM" denotes using uniformly sampled views. ``SELECT" denotes selecting views from 25 uniformly sampled views with the ``teacher'' confidence network. ``LIGHT" denotes selecting views from 25 uniformly sampled views with the ``student'' lightweight confidence network.} \label{error_view_select} \end{table*} \paragraph{Effect of View Selection} In this section, we investigate if the confidences are effective for view selection. We use our method to select 3, 9, 15 views from 25 candidate views and compare to uniform sampling as illustrated in Fig.~\ref{fig:uniformly_sample}. Though simple, the uniform sampling is actually a very strong strategy since it roughly guarantee at least 1 views close to some good candidate. The results on NYU dataset, ICVL dataset and Hands19-Task1 dataset are shown in Table~\ref{error_view_select}. For each experiment, we show the performance using teacher and student confidence network (``SELECT'': teacher network, ``LIGHT'': student network). Our view selection consistently outperforms uniform selection in all the settings, which indicates that the predicted confidence is effective for view selection. Though using student network results in slightly worse performance than the teacher network, the overall computation cost is significantly reduced. As shown in Table~\ref{fps_view_select}, using student network almost doubles FPS. On ICVL dataset, the student network performs better than the teacher network, which may be due to low annotation quality and small scale of ICVL. More comparisons to random sampled views can be found in the supplementary document. \begin{table}[t] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{cccc} \toprule[1pt] Number of views & UNIFORM & SELECT & LIGHT \\ \midrule 1 view & 61.57 & 27.92 & 47.43 \\ 3 views & 56.71 & 28.19 & 46.42 \\ 9 views & 41.56 & 27.61 & 39.48 \\ 15 views & 36.50 & 27.95 & 34.57 \\ 25 views & 26.71 & - & - \\ \bottomrule[1pt] \end{tabular} } \caption{FPS comparison of uniform sampling and view selection on NYU dataset. ``UNIFORM", ``SELECT", ``LIGHT" have the same meaning as shown in Table~\ref{error_view_select}.} \label{fps_view_select} \end{table} \paragraph{Comparison of Different Multi-View Fusion} We now evaluate the confidence based fusion. In Table~\ref{confidence}, we compare to direct average without the confidence on NYU dataset, ICVL dataset and Hands2019-Task1 dataset. The confidence based fusion achieves better performance on 3 datasets than direct average, which shows that the confidence is also beneficial to guide the fusion stage. \begin{table}[t] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{cccc} \toprule[1pt] Component & NYU & ICVL & Hands2019-Task1 \\ \midrule w confidence & 6.40 & 4.79 & 12.55 \\ w/o confidence & 6.58 & 4.88 & 12.75 \\ \bottomrule[1pt] \end{tabular}} \caption{Comparison of mean 3D joint error using different multi-view fusions on 25 uniformly sampled views.} \label{confidence} \end{table} \section{5. Conclusion} In this paper, we propose a deep learning network to learn 3D hand pose estimation from single depth, which renders the point cloud to virtual multi-view, and get more accuracy 3D hand pose by fusing the 3D pose of each view. Meanwhile, the confidence network we built uses multi-head attention to calculate the confidence of each virtual view. The confidence is used to improve the accuracy of 3D reconstruction during fusion and view selection. In order to obtain the confidence of each view efficiently, we obtain a lightweight confidence network using network distillation. Experiments on the main benchmark datasets demonstrate the effectiveness of our proposed method. Our method can also inspire several related researches such as scene parsing and reconstruction from depth, etc. \vspace{5mm} \noindent \textbf{Acknowledgments} This work was supported by National Natural Science Foundation of China (No.~61473276), Beijing Natural Science Foundation (L182052), and Distinguished Young Researcher Program, ISCAS. \section{1. Network Details of Confidence Network} In this section, we elaborate on the network architecture of the ``teacher'' confidence network in Section~3.3 and Fig.~4 of our main submission. In order to obtain the confidence of each view, our method first uses a convolutional neural network to extract features, then uses multi-head attention \cite{vaswani2017attention} to fuse multi-view features, and finally converts the fused multi-view visual features into the confidence of each view using a fully connected layer. Fig.~\ref{fig:cnn} shows the details of network architecture of convolutional neural network for feature extraction. The network takes the low-level feature from A2J as input, and adopts 3 convolutional layers for feature encoder. The network extracts a 256-dimensional feature for each view, and then feeds the extracted features of multiple views to a multi-head attention module \cite{vaswani2017attention} for feature fusion. In the multi-head attention module, we set the number of heads $n_{\textit{head}}$ to 1, $d_q, d_k, d_v$ are the dimensions of $Q$, $K$ and $V$ (defined as \cite{vaswani2017attention}), and they are all set to 64. \begin{figure}[hb] \centering \includegraphics[width=\linewidth]{./fig/A2J_Conf.pdf} \caption{Network details of the convolutional neural network for feature extraction. `K' stands for `kernel size', `S' stands for `stride', and `P' stands for `padding'.} \label{fig:cnn} \end{figure} \begin{table*}[ht] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{c|cc|cc|cc} \toprule[1pt] ~ & \multicolumn{2}{c|}{NYU} & \multicolumn{2}{c|}{ICVL} & \multicolumn{2}{c}{Hands2019-Task1} \\ \midrule Number of views & UNIFORM & RANDOM & UNIFORM & RANDOM& UNIFORM & RANDOM \\ \midrule 1 view & 7.93 & 8.81 & 5.56 & 5.96 & 14.39 & 16.18 \\ 3 views & 7.14 & 7.33 & 5.27 & 5.28 & 13.67 & 13.97 \\ 9 views & 6.77 & 6.68 & 4.96 & 4.93 & 12.81 & 13.07 \\ 15 views & 6.55 & 6.52 & 4.85 & 4.88 & 12.61 & 12.92 \\ 25 views & 6.40 & 6.41 & 4.79 & 4.83 & 12.55 & 12.83 \\ \bottomrule[1pt] \end{tabular} } \caption{Comparison of mean joint error using uniform sampling and random sampling on NYU, ICVL and Hands2019-Task1. "UNIFORM" denotes using uniformly sampled views. "RANDOM" denotes using randomly sampled views.} \label{error_uniform_random} \end{table*} \section{2. More Experiments} \subsection{2.1 Comparison between Uniform Sampled Views and Random Sampled Views} In our paper, we use uniform sampling on a sphere to obtain the candidate virtual views. In order to investigate the effect of random sampled views on hand pose estimation, we compare the hand pose estimation performance with randomly sampled virtual views and uniformly sampled views on a sphere. For the experiments of randomly sampled views, the views are randomly sampled from the zenith angle in $[-\pi/3,\pi/3]$ and the azimuth angle in $[-\pi/3,\pi/3]$ on the sphere, and we adopt the same number of virtual cameras as uniformly sampled views. Table~\ref{error_uniform_random} compares the mean joint error of uniform sampling and random sampling on NYU, ICVL and Hands2019-Task1. We can observe that the performance with random sampled views is inferior to the performance with uniform sampled views. Conceptually, the patterns of random sampled views are more complex than those of uniform sampling, and make the confidence prediction of random sampled views very hard. Therefore, we choose to use uniform sampling to obtain the candidate virtual views. \subsection{2.2 Detailed Results on the ICVL Dataset } \subsubsection{More Comparisons with State-of-the-art Methods} Fig.~\ref{fig:icvl_error} shows the error of each joint and the percentage of success frames over different error thresholds. Since the best prediction results by AWR on ICVL dataset are not released, we do not show AWR \cite{huang2020awr} in Fig.~\ref{fig:icvl_error}. We can observe that our proposed method outperforms the other methods by a large margin on the ICVL dataset. Fig.~\ref{fig:comp_STOA} shows the qualitative comparison to the SoTA methods on the ICVL dataset. Especially, our method performs better at the fingertips than the other methods, e.g. the 1st row, and also performs well under severe occlusions, e.g. the 2nd row. \begin{figure*} \centering \includegraphics[width=\linewidth]{./fig/icvl_error.png} \caption{Comparison of our proposed method with state-of-the-art methods on the ICVL dataset. Left: 3D distance errors per hand joints. Right: the percentage of success frames over different error thresholds.} \label{fig:icvl_error} \end{figure*} \begin{figure*}[ht] \centering \resizebox{\linewidth}{!}{ \begin{tabular}{ccccccccc} \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/P2P/258.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/V2V/258.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/A2J/258.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/1view/258.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/3views/258.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/9views/258.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/15views/258.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/25views/258.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/label/258.png} \\ \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/P2P/646.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/V2V/646.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/A2J/646.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/1view/646.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/3views/646.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/9views/646.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/15views/646.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/25views/646.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/label/646.png} \\ \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/P2P/1262.png} &\includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/V2V/1262.png} &\includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/A2J/1262.png} & \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/1view/1262.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/3views/1262.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/9views/1262.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/15views/1262.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/25views/1262.png}& \includegraphics[width=0.09\linewidth]{fig/comp_STOA/icvl/label/1262.png} \\ P2P & V2V & A2J & 1 view & 3 views & 9 views& 15 views & 25 views & Ground truth \end{tabular} } \caption{Comparison visualization results with state-of-art methods on ICVL dataset. ``1 view'', ``3 views'', ``9 views'' and ``15 views'' are the results of our method with selected 1, 3, 9 and 15 views from 25 uniformly sampled views, respectively. ``25 views'' denotes the results of our method with 25 uniformly sampled views. } \label{fig:comp_STOA} \end{figure*} \subsubsection{Effect of View Number} Fig.~\ref{fig:comp_views} shows the results of our method using different numbers of views on the ICVL dataset. We can observe that using 25 uniformly sampled views can achieve better hand pose estimation performance than using 3 uniformly sampled views. Especially, the estimated fingertip joints using 25 uniformly sampled views are better. \begin{figure}[ht] \centering \includegraphics[width=\linewidth]{./fig/comp_views_icvl.pdf} \caption{Qualitative comparison of our method using different numbers of views on the ICVL dataset.} \vspace{45em} \label{fig:comp_views} \end{figure}
8e8893bead2f02569f23f26ef99137b3e093e21d
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Until $4$ years ago only a couple of examples of minimal hereditary classes of unbounded clique-width had been identified, see Lozin~\cite{lozin:minimal-classes:}. However, more recently many more such classes have been identified, in Atminas, Brignall, Lozin and Stacho~\cite{abls:minimal-classes-of:}, Collins, Foniok, Korpelainen, Lozin and Zamaraev~\cite{collins:infinitely-many:}, and most recently the current authors demonstrated an uncountably infinite family of minimal hereditary classes of unbounded clique-width in \cite{brignall_cocks:uncountable:}. This paper brings together all these examples into a single consistent framework. The framework consists of hereditary graph classes constructed by taking the finite induced subgraphs of an infinite graph $\mathcal{P}^\delta$ whose vertices form a two-dimensional array and whose edges are defined by three objects, collectively denoted as a triple $\delta=(\alpha,\beta,\gamma)$. Though we defer full definitions until Section~\ref{prelim}, the components of the triple define edges between consecutive columns ($\alpha$), between non-consecutive columns ($\beta$ `bonds'), and within columns ($\gamma$) as follows. \begin{enumerate}[label=(\alph*)] \item $\alpha$ is an infinite word from the alphabet $\{0,1,2,3\}$. The four types of $\alpha$-edge set between consecutive columns can be described as a matching ($0$), the complement of a matching ($1$), a chain ($2$) and the complement of a chain ($3$). \item $\beta$ is a symmetric subset of pairs of natural numbers $(x,y)$. If $(x,y) \in \beta$ then every vertex in column $x$ is adjacent to every vertex in column $y$. \item $\gamma$ is an infinite binary word. If the $j$-th letter of $\gamma$ is $0$ then vertices in column $j$ form an independent set and if it is $1$ they form a clique. \end{enumerate} We show that these hereditary graph classes $\mathcal{G}^\delta$ have unbounded clique-width if and only if a parameter $\mathcal{N}^\delta$ measuring the number of distinct neighbourhoods between any two rows of the grid, is unbounded -- see Theorem \ref{thm-0123unbound}. We denote $\Delta$ as the set of $\delta$-triples for which $\mathcal{G}^\delta$ has unbounded clique-width. Furthermore, we define a subset $\Delta_{min} \subset \Delta$ such that if $\delta \in \Delta_{min}$ the hereditary graph class $\mathcal{G}^\delta$ is minimal both of unbounded clique-width and of unbounded \emph{linear} clique-width -- see Theorem \ref{thm-0123minim}. These 'minimal' $\delta$-triples are characterised by \begin{enumerate}[label=(\alph*)] \item $\delta$ is recurrent (i.e. any factor $\delta^*$ of $\delta$ repeats an infinite number of times), \item for any factor $\delta^*$ of $\delta$, the subgraphs induced on the columns between two consecutive copies of $\delta^*$ (the $\delta$-factor `gap') have bounded clique-width (always true for almost periodic $\delta$), and \item a bound on a parameter $\mathcal{M}^\beta$ defined by the bond set $\beta$ which is a measure of the number of distinct neighbourhoods between intervals of a single row. \end{enumerate} All hereditary graph classes previously shown to be minimal of unbounded clique-width fit this framework i.e.\ they are defined by a $\delta$-triple in $\Delta_{min}$. This is demonstrated in Table~\ref{table-classes} which shows their corresponding $\delta=(\alpha,\beta,\gamma)$ values from the framework. \begin{table}[ht!] \renewcommand{\arraystretch}{1.5} \centering \begin{tabular}{|m{4.75cm}|m{3.75cm}|m{4.5cm}|m{1.0cm}|} \hline \textbf{Name} &\textbf{$\alpha$} &\textbf{$\beta$} \text{ } \textbf{($x,y \in \mathbb{N}$)} &\textbf{$\gamma$}\\ \hline Bipartite permutation \cite{lozin:minimal-classes:} &$2^\infty$ &$\emptyset$ &$0^\infty$ \\ \hline Unit interval \cite{lozin:minimal-classes:} &$2^\infty$ &$\emptyset$ &$1^\infty$\\ \hline Bichain \cite{abls:minimal-classes-of:} &$(23)^\infty$ &$(2x,2x+2y+1)$ &$0^\infty$\\ \hline Split permutation \cite{abls:minimal-classes-of:} &$(23)^\infty$ &$(2x,y): y>2x+1$ &$(01)^\infty$\\ \hline $\alpha \in \{0,1\}$ \cite{collins:infinitely-many:} &periodic&$\emptyset$ &$0^\infty$\\ \hline $\alpha \in \{0,1,2,3\}$ \cite{brignall_cocks:uncountable:} &recurrent \tablefootnote{A set of minimal classes $\Gamma$ defined by the infinite word $\alpha$ which is recurrent over the alphabet $\{0,1,2,3\}$ and for which the 'gap' factors have bounded weight (including all almost periodic $\alpha$)} &$\emptyset$ &$0^\infty$\\ \hline \end{tabular} \caption{Hereditary graph classes proven to be minimal of unbounded clique-width} \label{table-classes} \end{table} The unified viewpoint provided by our framework offers a fuller understanding of the landscape of (the uncountably many known) minimal hereditary classes of unbounded clique-width. This landscape is in stark contrast to the situation for downwards-closed sets of graphs under different orderings and with respect to other parameters. For example, planar graphs are the unique minimal minor-closed class of graphs of unbounded treewidth (see Robertson and Seymour~\cite{robertson:graph-minors-v:}), and circle graphs are the unique minimal vertex-minor-closed class of unbounded rank-width (or, equivalently, clique-width) -- see Geelen, Kwon, McCarty and Wollan~\cite{geelen:the-grid-theorem:}. Nevertheless, clique-width is more compatible with hereditary classes of graphs than treewidth: if $H$ is an induced subgraph of $G$, then the clique-width of $H$ is at most the clique-width of $G$, but the same does not hold in general for treewidth. Our focus on the minimal classes of unbounded clique-width is due to the following fact: any graph property expressible in MSO$_1$ logic has a linear time algorithm on graphs with bounded clique-width, see Courcelle, Makowsky and Rotics~\cite{courcelle:linear-time-sol:}. As it happens, any proper subclass of a minimal class from our framework also has bounded \emph{linear} clique-width. However, beyond our framework there do exist classes that have bounded clique-width but unbounded linear clique-width, see~\cite{alecu:lin-clique-width:} and~\cite{bkv:lcw-cographs:}. After introducing the necessary definitions in Section~\ref{prelim}, the rest of this paper is organised as follows. We set out in Section~\ref{Sect:Unbounded} our proof determining which hereditary classes $\mathcal{G}^\delta$ have unbounded clique-width. Proving a class has unbounded clique-width is done from first principles, using a new method, by identifying a lower bound for the number of labels required for a clique-width expression for an $n \times n$ square graph, using distinguished coloured vertex sets and showing such sets always exist for big enough $n$ using Ramsey theory. For those classes which have bounded clique-width we prove this by providing a general clique-width expression for any graph in the class, using a bounded number of labels. In Section~\ref{Sect:Minimal} we prove that the class $\mathcal{G}^\delta$ is minimal of unbounded clique-width if $\delta \in \Delta_{min}$. To do this we introduce an entirely new method of 'veins and slices', partitioning the vertices of an arbitrary graph in a proper subclass of $\mathcal{G}^\delta$ into sections we call 'panels' using vertex colouring. We then create a recursive linear clique-width expression to construct these panels in sequence, allowing recycling of labels each time a new panel is constructed, so that an arbitrary graph can be constructed with a bounded number of labels. Previous papers on minimal hereditary graph classes of unbounded clique-width have focused mainly on bipartite graphs. The introduction of $\beta$-bonds and $\gamma$-cliques has significantly broadened the scope of proven minimal classes. In Section~\ref{Sect:examples} we provide some examples of new hereditary graph classes that are minimal of unbounded clique-width revealed by this approach. Finally, in Section~\ref{Sect-Conclude}, we discuss where the investigation of minimal classes of unbounded clique-width might go next. \section{Preliminaries} \label{prelim} \subsection{Graphs - General} A graph $G=(V,E)$ is a pair of sets, vertices $V=V(G)$ and edges $E=E(G)\subseteq V(G)\times V(G)$. Unless otherwise stated, all graphs in this paper are simple, i.e. undirected, without loops or multiple edges. If vertex $u$ is adjacent to vertex $v$ we write $u \sim v$ and if $u$ is not adjacent to $v$ we write $u \not\sim v$. We denote $N(v)$ as the neighbourhood of a vertex $v$, that is, the set of vertices adjacent to $v$. A set of vertices is \emph{independent} if no two of its elements are adjacent and is a \emph{clique} if all the vertices are pairwise adjacent. We denote a clique with $r$ vertices as $K^r$ and an independent set of $r$ vertices as $\overline{K^r}$. A graph is \emph{bipartite} if its vertices can be partitioned into two independent sets, $V_1$ and $V_2$, and is \emph{complete bipartite} if, in addition, each vertex of $V_1$ is adjacent to each vertex of $V_2$. We will use the notation $H \le G$ to denote graph $H$ is an \emph{induced subgraph} of graph $G$, meaning $V(H) \subseteq V(G)$ and two vertices of $V(H)$ are adjacent in $H$ if and only if they are adjacent in $G$. We will denote the subgraph of $G=(V,E)$ induced by the set of vertices $U \subseteq V$ by $G[U]$. If graph $G$ does not contain an induced subgraph isomorphic to $H$ we say that $G$ is \emph{$H$-free}. A class of graphs $\mathcal{C}$ is \emph{hereditary} if it is closed under taking induced subgraphs, that is $G \in \mathcal{C}$ implies $H \in \mathcal{C}$ for every induced subgraph $H$ of $G$. It is well known that for any hereditary class $\mathcal{C}$ there exists a unique (but not necessarily finite) set of minimal forbidden graphs $\{H_1, H_2, \dots\}$ such that $\mathcal{C}= \operatorname{Free}(H_1, H_2, \dots)$ (i.e. any graph $G \in \mathcal{C}$ is $H_i$-free for $i=1,2,\dots$). We will use the notation $\mathcal{C} \subseteq \mathcal{G}$ to denote that $\mathcal{C}$ is a \emph{hereditary subclass} of hereditary graph class $\mathcal{G}$ ($\mathcal{C} \subsetneq \mathcal{G}$ for a proper subclass). An \emph{embedding} of graph $H$ in graph $G$ is an injective map $\phi:V(H) \rightarrow V(G)$ such that the subgraph of $G$ induced by the vertices $\phi(V(H))$ is isomorphic to $H$. In other words, $vw \in E(H)$ if and only if $\phi(v) \phi(w) \in E(G)$. If $H$ is an induced subgraph of $G$ then this can be witnessed by one or more embeddings. Given a graph $G=(V,E)$ and a subset of vertices $U \subseteq V$, two vertices of $U$ will be called \emph{$V\setminus U$-similar} if they have the same neighbourhood in $V\setminus U$. Thus $V\setminus U$-similarity is an equivalence relation. The number of such equivalence classes of $U$ in $G$ will be denoted $\mu(G,U)$. A special case is when all the equivalence classes are singletons when we call $U$ a \emph{distinguished vertex set}. A \emph{distinguished pairing} $\{U,W\}$ of size $r$ of a graph $G=(V,E)$ is a pair of vertex subsets $U=\{u_i\} \subseteq V$ and $W=\{w_i\} \subseteq V\setminus U$ with $|U|=|W|=r$ such that the vertices in $U$ have pairwise different neighbourhoods in $W$ (but not necessarily vice-versa). A distinguished pairing is \emph{matched} if the vertices of $U$ and $W$ can be paired $(u_i, w_i)$ so that $u_i \sim w_i$ for each $i$, and is \emph{unmatched} if the vertices of $U$ and $W$ can be paired $(u_i, w_i)$ so that $u_i \not\sim w_i$ for each $i$. Clearly the set $U$ of a distinguished pairing $\{U,W\}$ is a distinguished vertex set of $G[U \cup W]$ which gives us the following: \begin{prop}\label{prop-pair} If $\{U,W\}$ is a distinguished pairing of size $r$ in graph $G$ then $\mu(G[U \cup W],U)=r$. \end{prop} \subsection{\texorpdfstring{$\mathcal{G}^\delta$}{\mathcal{G}{}} hereditary graph classes} The graph classes we consider are all formed by taking the set of finite induced subgraphs of an infinite graph defined on a grid of vertices. We start by defining an infinite empty graph $\mathcal{P}$ with vertices \[V(\mathcal{P}) = \{v_{i,j} : i, j \in \mathbb{N}\}.\] We use Cartesian coordinates throughout this paper. Hence, we think of $\mathcal{P}$ as an infinite two-dimensional array in which $v_{i,j}$ represents the vertex in the $i$-th column (counting from the left) and the $j$-th row (counting from the bottom). Hence vertex $v_{1,1}$ is in the bottom left corner of the grid and the grid extends infinitely upwards and to the right. The $i$-th column of $\mathcal{P}$ is the set $C_i = \{ v_{i,j} : j \in \mathbb{N}\}$, and the $j$-th row of $\mathcal{P}$ is the set $R_j = \{ v_{i,j} : i \in \mathbb{N}\}$. Likewise, the collection of vertices in columns $i$ to $j$ is denoted $C_{[i,j]}$. We will add edges to $\mathcal{P}$ using a triple $\delta$ of objects that define the edges between consecutive columns, edges between non-consecutive columns and edges within each column. We refer to a (finite or infinite) sequence of letters chosen from a finite alphabet as a \emph{word}. We denote by $\omega_i$ the $i$-th letter of the word $\omega$. A \emph{factor} of $\omega$ is a contiguous subword $\omega_{[i,j]}$ being the sequence of letters from the $i$-th to the $j$-th letter of $\omega$. If $a$ is a letter from the alphabet we will denote $a^\infty$ as the infinite word $aaa\dots$, and if $a_1\dots a_n$ is a finite sequence of letters from the alphabet then we will denote $(a_1\dots a_n)^\infty$ as the infinite word consisting of the infinite repetition of this factor. The \emph{length} of a word (or factor) is the number of letters the word contains. An infinite word $\omega$ is \emph{recurrent} if each of its factors occurs in it infinitely many times. We say that $\omega$ is \emph{almost periodic} (sometimes called \emph{uniformly recurrent} or \emph{minimal}) if for each factor $\omega_{[i,j]}$ of $\omega$ there exists a constant $\mathcal{L}(\omega_{[i,j]})$ such that every factor of $\omega$ of length at least $\mathcal{L}(\omega_{[i,j]})$ contains $\omega_{[i,j]}$ as a factor. Finally, $\omega$ is \emph{periodic} if there is a positive integer $p$ such that $\omega_k=\omega_{k+p}$ for all $k$. Clearly, every periodic word is almost periodic, and every almost periodic word is recurrent. A \emph{bond-set} $\beta$ is a symmetric subset of $\{(x,y) \in \mathbb{N}^2, |x-y| > 1\}$. For a set $Q \subseteq \mathbb{N}$ we write $\beta_Q$ to mean the subset of $\beta$-bonds $\{(x,y) \in \beta : x,y \in Q\}$. For instance, $\beta_{[i,j]}=\{(x,y) \in \beta : i \le x,y \le j\}$. Let $\alpha$ be an infinite word over the alphabet $\{0,1,2,3\}$, $\beta$ be a bond set and $\gamma$ be an infinite binary word. We denote the triple $\delta=(\alpha,\beta,\gamma)$. We define an infinite graph $\mathcal{P}^\delta$ with vertices $V(\mathcal{P})$ and with edges defined by $\delta$ as follows: \begin{enumerate}[label=(\alph*)] \item \emph{$\alpha$-edges} between consecutive columns determined by the letters of the word $\alpha$. For each $i=1,2,\dots$, the edges between $C_i$ and $C_{i+1}$ are: \begin{enumerate}[label=(\roman*)] \item $\{(v_{i,j}, v_{i+1,j}) : j \in \mathbb{N}\}$ if $\alpha_i=0$ (i.e.\ a matching); \item $\{(v_{i,j}, v_{i+1,k}) : j \neq k; j,k \in \mathbb{N}\}$ if $\alpha_i=1$ (i.e.\ the bipartite complement \footnote{The \emph{bipartite complement} $\hat{G}$ of a bipartite graph $G$ has the same independent vertex sets $V_1$ and $V_2$ as $G$ where vertices $v_1 \in V_1$ and $v_2 \in V_2$ are adjacent in $\hat{G}$ if and only if they are not adjacent in $G$.} of a matching); \item $\{(v_{i,j}, v_{i+1,k}) : j \ge k; j,k \in \mathbb{N}\}$ if $\alpha_i=2$; \item $\{(v_{i,j}, v_{i+1,k}) : j < k; j,k \in \mathbb{N}\}$ if $\alpha_i=3$ (i.e.\ the bipartite complement of a $2$). \end{enumerate} \item \emph{$\beta$-edges} defined by the bond-set $\beta$ such that $v_{i,x} \sim v_{j,y}$ for all $x,y \in \mathbb{N}$ when $(i,j) \in \beta$ (i.e. a complete bipartite graph between $C_i$ and $C_j$), and \item \emph{$\gamma$-edges} defined by the letters of the binary word $\gamma$ such that for any $j,k \in \mathbb{N}$ we have $v_{i,j} \sim v_{i,k}$ if and only if $\gamma_i=1$ (i.e. $C_i$ forms a clique if $\gamma_i=1$ and an independent set if $\gamma_i=0$). \end{enumerate} The hereditary graph class $\mathcal{G}^\delta$ is the set of all finite induced subgraphs of $\mathcal{P}^\delta$. Any graph $G \in \mathcal{G}^\delta$ can be witnessed by an embedding $\phi(G)$ into the infinite graph $\mathcal{P}^\delta$. To simplify the presentation we will associate $G$ with a particular embedding in $\mathcal{P}^\delta$ depending on the context. We will be especially interested in the induced subgraphs of $G$ that occur in consecutive columns: in particular, an \emph{$\alpha_j$-link} is the induced subgraph of $G$ on the vertices of $G\cap C_{[j,j+1]}$, and will be denoted by $G_{[j,j+1]}$. More generally, an induced subgraph of $G$ on the vertices of $G\cap C_{[j,k]}$ will be denoted $G_{[j,k]}$. For $k \ge 2$ we denote the triple $\delta_{[j,j+k-1]}=(\alpha_{[j,j+k-2]} ; \beta_{[j,j+k-1]} ; \gamma_{[j,j+k-1]})$ as a \emph{$k$-factor} of $\delta$. Thus for a graph $G \in \mathcal{G}^\delta$ with a particular embedding in $\mathcal{P}^\delta$, the induced subgraph $G_{[j,j+k-1]}$ has edges defined by the $k$-factor $\delta_{[j,j+k-1]}$. We say that two $k$-factors $\delta_{[x,x+k]}$ and $\delta_{[y,y+k]}$ are the same if \begin{enumerate}[label=(\roman*)] \item for all $i \in [0,k-1]$, $\alpha_{x+i}=\alpha_{y+i}$, and \item for all $i,j \in [0,k], (x+i,x+j) \in \beta$ if and only if $(y+i,y+j) \in \beta$, and \item for all $i \in [0,k]$, $\gamma_{x+i}=\gamma_{y+i}$. \end{enumerate} We say that a $\delta$-triple is \emph{recurrent} if every $k$-factor occurs in it infinitely many times. We say that $\delta$ is \emph{almost periodic} if for each $k$-factor $\delta_{[j,k]}$ of $\delta$ there exists a constant $\mathcal{L}(\delta_{[j,k]})$ such that every factor of $\delta$ of length $\mathcal{L}(\delta_{[j,k]})$ contains $\delta_{[j,k]}$ as a factor. A \emph{couple set} $P$ is a subset of $\mathbb{N}$ such that if $x,y \in P$ then $|x-y|>2$. Such a set is used to identify sets of links that have no $\alpha$-edges between them. We say that two elements $x, y \in P$ are \emph{$\beta$-dense} if both $(x,y+1)$ and $(x+1,y)$ are in $\beta$ and they are \emph{$\beta$-sparse} when neither of these bonds is in $\beta$.\label{dense-sparse} We say the bond-set $\beta$ is \emph{sparse} in $P$ if every pair in $P$ is $\beta$-sparse and is \emph{not sparse} in $P$ if there are no $\beta$-sparse pairs in $P$. Likewise, $\beta$ is \emph{dense} in $P$ if every pair in $P$ is $\beta$-dense and is \emph{not dense} in $P$ if there are no $\beta$-dense pairs in $P$. Clearly it is possible for two elements in $P$ to be neither $\beta$-sparse nor $\beta$-dense (i.e. when only one of the required bonds is in $\beta$). These ideas are used to identify matched and unmatched distinguished pairings (see Lemmas \ref{lem:beta-not-dense} and \ref{lem:beta-not-sparse}). \subsection{Clique-width and linear clique-width} \emph{Clique-width} is a graph width parameter introduced by Courcelle, Engelfriet and Rozenberg in the 1990s~\cite{courcelle:handle-rewritin:}. The clique-width of a graph is denoted $\operatorname{cwd}(G)$ and is defined as the minimum number of labels needed to construct $G$ by means of the following four graph operations: \begin{enumerate}[label=(\alph*)] \item creation of a new vertex $v$ with label $i$ (denoted $i(v)$), \item adding an edge between every vertex labelled $i$ and every vertex labelled $j$ for distinct $i$ and $j$ (denoted $\eta_{i,j}$), \item giving all vertices labelled $i$ the label $j$ (denoted $\rho_{i \rightarrow j}$), and \item taking the disjoint union of two previously-constructed labelled graphs $G$ and $H$ (denoted $G \oplus H$). \end{enumerate} The \emph{linear clique-width} of a graph $G$ denoted $lcw(G)$ is the minimum number of labels required to construct $G$ by means of only the first three of the operations described above. Every graph can be defined by an algebraic expression $\tau$ using the four (or three for the linear version) operations above, which we will refer to as a \emph{(linear) clique-width expression}. This expression is called a $k$-expression if it uses $k$ different labels. Alternatively, any clique-width expression $\tau$ defining $G$ can be represented as a rooted tree, $\operatorname{tree}(\tau)$, whose leaves correspond to the operations of vertex creation, the internal nodes correspond to the $\oplus$-operation, and the root is associated with $G$. The operations $\eta$ and $\rho$ are assigned to the respective edges of $\operatorname{tree}(\tau)$. In the case of a linear clique-width expression the tree becomes a \emph{caterpillar tree}, that is, a tree that becomes a path after the removal of the leaves. Clearly from the definition, $lcw(G) \ge cwd(G)$. Hence, a graph class of unbounded clique-width is also a class of unbounded linear clique-width. Likewise, a class with bounded linear clique-width is also a class of bounded clique-width. \section{\texorpdfstring{$\mathcal{G}^\delta$}{\mathcal{G}{}} graph classes with unbounded clique-width} \label{Sect:Unbounded} This section identifies which hereditary classes $\mathcal{G}^\delta$ have unbounded clique-width. We prove this is determined by a neighbourhood parameter $\mathcal{N}^\delta$ derived from a graph induced on any two rows of the graph $\mathcal{P}^\delta$. We show that $\mathcal{G}^\delta$ has unbounded clique-width if and only if $\mathcal{N}^\delta$ is unbounded (Theorem \ref{thm-0123unbound}). \subsection{The two-row graph and \texorpdfstring{$\mathcal{N}^\delta$}{ }} \label{two-row} We will show that the boundedness of clique-width for a graph class $\mathcal{G}^\delta$ is determined by the adjacencies between the first two rows of $\mathcal{P}^\delta$ (it could, in fact, be any two rows). Hence, the following graph is useful. A \emph{two-row graph} $T^{\delta}(Q)=(V,E)$ is the subgraph of $\mathcal{P}^\delta$ induced on the vertices $V=R_1(Q) \cup R_2(Q)$ where $R_1(Q)=\{v_{i,1}: i \in Q\}$ and $R_2(Q)=\{v_{j,2}: j \in Q \}$ for finite subset $Q \subseteq\mathbb{N}$. We define the parameter $\mathcal{N}^\delta(Q)= \mu(T^\delta(Q),(R_1(Q))$. \begin{lemma}\label{lem:Nbound} For any fixed $j \in \mathbb{N}$, $\mathcal{N}^\delta([1,n])$ is bounded as $n \rightarrow \infty$ if and only if $\mathcal{N}^\delta([j,n])$ is bounded as $n \rightarrow \infty$. \end{lemma} \begin{proof} It is easy to see that if there exists $N$ such that $\mathcal{N}^\delta([1,n])<N$ for all $n \in \mathbb{N}$ then $\mathcal{N}^\delta([j,n]) < N$ for all $n \in \mathbb{N}$. On the other hand, if $\mathcal{N}^\delta([j,n])<N$ then $\mathcal{N}^\delta([j-1,n]) < 2N+1$ since by adding the extra column each 'old' equivalence class could at most be split in $2$ and there is one new vertex in each row. By induction we have $\mathcal{N}^\delta([1,n]) < 2^jN +\sum_{i=0}^{j-1} 2^i$ for all $n \in \mathbb{N}$. \end{proof} We will say \emph{$\mathcal{N}^\delta$ is unbounded} if $\mathcal{N}^\delta([j,n])$ is unbounded as $n \rightarrow \infty$ for some fixed $j \in \mathbb{N}$. In many cases it is simple to check that $\mathcal{N}^\delta$ is unbounded -- e.g. the following $\delta$-triples have unbounded $\mathcal{N}^\delta$: \[(1^\infty, \emptyset, 0^\infty), (2^\infty, \emptyset, 0^\infty), (3^\infty, \emptyset, 0^\infty), (0^\infty, \emptyset, 1^\infty)\] In Lemma \ref{23-N-unbound} we show that $\mathcal{N}^\delta$ is unbounded whenever $\alpha$ contains an infinite number of $2$s or $3$s. \subsection{Clique-width expression and colour partition for an \texorpdfstring{$n\times n$}{n{}n} square graph} We will denote $H^\delta_{i,j}(m,n)$ as the $m (cols) \times n (rows)$ induced subgraph of $\mathcal{P}^\delta$ formed from the rectangular grid of vertices $\{v_{x,y} : x \in [i,i+m-1], y \in [j,j+n-1]\}$. See Figure \ref{Hgraph}. \begin{figure}[ht] {\centering \begin{tikzpicture}[scale=1] \mnnodearray{9}{6} \foreach \col in {1,5} \horiz{\col}{6}; \foreach \col in {2,6} \downnohoriz{\col}{6}; \foreach \col in {2,6} \upnohoriz{\col}{6}; \foreach \col in {3,7} \downhoriz{\col}{6}; \foreach \col in {4,8} \upnohoriz{\col}{6}; \end{tikzpicture}\par } \caption{$H^\delta_{1,1}(9,6)$ where $\alpha=01230123\cdots$ ($\beta$ and $\gamma$ edges not shown)} \label{Hgraph} \end{figure} We can calculate a lower bound for the clique-width of the $n \times n$ square graph $H^\delta_{j,1}(n,n)$ (shortened to $H(n,n)$ when $\delta$, $j$ and $1$ are clearly implied), by demonstrating a minimum number of labels needed to construct it using the allowed four graph operations, as follows. Let $\tau$ be a clique-width expression defining $H(n,n)$ and $\operatorname{tree}(\tau)$ the rooted tree representing $\tau$. The subtree of $\operatorname{tree}(\tau)$ rooted at a node $\oplus_a$ corresponds to a subgraph of $H(n,n)$ we will call $H_a$. We denote by $\oplus_{red}$ and $\oplus_{blue}$ the two children of $\oplus_a$ in $\operatorname{tree}(\tau)$. Let us colour the vertices of $H_{red}$ and $H_{blue}$ red and blue, respectively, and all the other vertices in $H(n,n)$ white. Let $\operatorname{colour}(v)$ denote the colour of a vertex $v \in H(n,n)$ as described above, and $\operatorname{label}(v)$ denote the label of vertex $v$ (if any) at node $\oplus_a$ (If $v$ has no label we say $\operatorname{label}(v)=\epsilon$). Our identification of a minimum number of labels needed to construct $H(n,n)$ relies on the following observation regarding this vertex colour partition. \begin{obs}\label{obs1} Suppose $u_1$, $u_2$, $w$ are three vertices in $H(n,n)$ such that $u_1$ and $u_2$ are non-white, $ u_1 \sim w$ but $u_2 \not\sim w$, and $\operatorname{colour}(w)\neq \operatorname{colour}(u_1)$. Then $u_1$ and $u_2$ must have different labels at node $\oplus_a$. \end{obs} This is true because the edge $u_1w$ still needs to be created, whilst respecting the non-adjacency of $u_2$ and $w$. We now focus on sets of blue and sets of nonblue vertices (Equally, we could have chosen red-nonred). Observation \ref{obs1} leads to the following key lemma which is the basis of much which follows. \begin{lemma}\label{labels} For graph $H(n,n)$ let $U$ and $W$ be two disjoint vertex sets with induced subgraph $H=H(n,n)[U \cup W]$ such that $\mu(H,U)=r$. Then if the vertex colouring described above gives $\operatorname{colour}(u)=$ blue for all $u \in U$ and $\operatorname{colour}(w)\neq$ blue for all $w \in W$ then the clique-width expression $\tau$ requires at least $r$ labels at node $\oplus_a$. \end{lemma} \begin{proof} Choose one representative vertex from each equivalence class in $U$. For any two such representatives $u_1$ and $u_2$ there must exist a $w$ in $W$ such that $ u_1 \sim w$ but $u_2 \not\sim w$ (or vice versa). By Observation \ref{obs1} $u_1$ and $u_2$ must have different labels at node $\oplus_a$. This applies to any pair of representatives $u_1, u_2$ and hence all $r$ such vertices must have distinct labels. \end{proof} Note that from Proposition \ref{prop-pair} a distinguished pairing gives us the sets $U$ and $W$ required for Lemma \ref {labels}. The following lemmas identify structures in $H(n,n)$ that give us these distinguished pairings. We denote by $H_{[y,y+1]}$ the $\alpha_y$-link $H(n,n) \cap C_{[y,y+1]}$ where $y \in [j,j+n-2]$. We will refer to a (adjacent or non-adjacent) \emph{blue-nonblue pair} to mean two vertices, one of which is coloured blue and one non-blue, such that they are in consecutive columns, where the blue vertex could be to the left or the right of the nonblue vertex. If we have a set of such pairs with the blue vertex on the same side (i.e. on the left or right) then we say the pairs in the set have the same \emph{polarity}. \begin{lemma}\label{lem-blue-blue} Suppose that $H_{[y,y+1]}$ contains a horizontal pair $b_1$, $b_2$ of blue vertices and at least one nonblue vertex $n_1$, $n_2$ in each column, but not on the top or bottom row (see Figure \ref{fig:blue-blue}). \begin{enumerate}[label=(\alph*)] \item If $\alpha_y \in \{0,2,3\}$ then $H_{[y,y+1]}$ contains a non-adjacent blue-nonblue pair. \item If $\alpha_y \in \{1,2,3\}$ then $H_{[y,y+1]}$ contains an adjacent blue-nonblue pair. \end{enumerate} \end{lemma} \begin{proof} If $\alpha_y = 0$ then both $\{b_1,n_1\}$ and $\{b_2,n_2\}$ form a non-adjacent blue-nonblue pair (Figure \ref{fig:blue-blue} A). If $\alpha_y = 1$ then both $\{b_1,n_1\}$ and $\{b_2,n_2\}$ form an adjacent blue-nonblue pair (Figure \ref{fig:blue-blue} B). If $\alpha_y \in \{2,3\}$ and the nonblue vertices $\{n_1,n_2\}$ in each column are either both above or both below the horizontal blue pair $\{b_1,b_2\}$ then it can be seen that one of the pairs $\{b_1,n_1\}$ or $\{b_2,n_2\}$ forms an adjacent blue-nonblue pair and the other forms a non-adjacent blue-nonblue pair (Figure \ref{fig:blue-blue} C). If the nonblue vertices in each column are either side of the blue pair (one above and one below) then the pairs $\{b_1,n_1\}$ and $\{b_2,n_2\}$ will both be adjacent (or non-adjacent) blue-nonblue pairs (See Figure \ref{fig:blue-blue} D). In this case we need to appeal to a $5$-th vertex $s$ which will form a non-adjacent (or adjacent) set with either $n_1$ or $b_2$ depending on its colour. Thus we always have both a non-adjacent and adjacent blue-non-blue pair when $\alpha_y \in \{2,3\}$. \end{proof} \begin{figure}\centering \begin{tikzpicture}[scale=0.5, vertex2/.style={circle,draw,minimum size=6,fill=blue}, vertex3/.style={circle,draw,minimum size=6,fill=yellow}, vertex4/.style={circle,draw=white,minimum size=6,fill=white}, vertex5/.style={circle,draw=gray,minimum size=6,fill=gray},] \begin{scope}[shift={(0,0)}] \node (1)[vertex5] at (-10,2) {}; \node (2)[vertex5] at (-8,2) {}; \node (3)[vertex5] at (-10,4) {}; \node (4)[vertex5] at (-8,4) {}; \node (5)[label={left:$b_1$}][vertex2] at (-10,6) {}; \node (6)[label={right:$b_2$}][vertex2] at (-8,6) {}; \node (7)[label={left:$n_2$}][vertex3] at (-10,8) {}; \node (8)[vertex5] at (-8,8) {}; \node (9)[vertex5] at (-10,10) {}; \node (10)[label={right:$n_1$}][vertex3] at (-8,10) {}; \draw [gray](1) -- (2); \draw [gray](3) -- (4); \draw [gray](5) -- (6); \draw [gray](7) -- (8); \draw [gray](9) -- (10); \node (11)[vertex5] at (-4,2) {}; \node (12)[vertex5] at (-2,2) {}; \node (13)[vertex5] at (-4,4) {}; \node (14)[vertex5] at (-2,4) {}; \node (15)[label={left:$b_1$}][vertex2] at (-4,6) {}; \node (16)[label={right:$b_2$}][vertex2] at (-2,6) {}; \node (17)[label={left:$n_2$}][vertex3] at (-4,8) {}; \node (18)[vertex5] at (-2,8) {}; \node (19)[vertex5] at (-4,10) {}; \node (20)[label={right:$n_1$}][vertex3] at (-2,10) {}; \draw [gray](11) -- (14); \draw [gray](11) -- (16); \draw [gray](11) -- (18); \draw [gray](11) -- (20); \draw [gray](13) -- (12); \draw [gray](13) -- (16); \draw [gray](13) -- (18); \draw [gray](13) -- (20); \draw [gray](15) -- (12); \draw [gray](15) -- (14); \draw [gray](15) -- (18); \draw (15) -- (20); \draw [gray](17) -- (12); \draw [gray](17) -- (14); \draw (17) -- (16); \draw [gray](17) -- (20); \draw [gray](19) -- (12); \draw [gray](19) -- (14); \draw [gray](19) -- (16); \draw [gray](19) -- (18); \node (21)[vertex5] at (2,2) {}; \node (22)[vertex5] at (4,2) {}; \node (23)[vertex5] at (2,4) {}; \node (24)[vertex5] at (4,4) {}; \node (25)[label={left:$b_1$}][vertex2] at (2,6) {}; \node (26)[label={right:$b_2$}][vertex2] at (4,6) {}; \node (27)[label={left:$n_2$}][vertex3] at (2,8) {}; \node (28)[vertex5] at (4,8) {}; \node (29)[vertex5] at (2,10) {}; \node (30)[label={right:$n_1$}][vertex3] at (4,10) {}; \draw [gray](22) -- (21); \draw [gray](22) -- (23); \draw [gray](22) -- (25); \draw [gray](22) -- (27); \draw [gray](22) -- (29); \draw [gray](24) -- (23); \draw [gray](24) -- (25); \draw [gray](24) -- (27); \draw [gray](24) -- (29); \draw [gray](26) -- (25); \draw (26) -- (27); \draw [gray](26) -- (29); \draw [gray](28) -- (27); \draw [gray](28) -- (29); \draw [gray](30) -- (29); \node (31)[label={left:$n_2$}][vertex3] at (8,2) {}; \node (32)[vertex5] at (10,2) {}; \node (33)[vertex5] at (8,4) {}; \node (34)[vertex5] at (10,4) {}; \node (35)[label={left:$b_1$}][vertex2] at (8,6) {}; \node (36)[label={right:$b_2$}][vertex2] at (10,6) {}; \node (37)[vertex5] at (8,8) {}; \node (38)[label={right:$n_1$}][vertex3] at (10,8) {}; \node (39)[label={left:$s$}][vertex5] at (8,10) {}; \node (40)[vertex5] at (10,10) {}; \draw [gray](31) -- (34); \draw (31) -- (36); \draw [gray](31) -- (38); \draw [gray](31) -- (40); \draw [gray](33) -- (36); \draw [gray](33) -- (38); \draw [gray](33) -- (40); \draw (35) -- (38); \draw [gray](35) -- (40); \draw [gray](37) -- (40); \node (101)[label={below:A. $0$-link}] [vertex4] at (-9,1) {}; \node (102)[label={below:B. $1$-link}] [vertex4] at (-3,1) {}; \node (103)[label={below:C. $2$-link}] [vertex4] at (3,1) {}; \node (104)[label={below:D. $3$-link}] [vertex4] at (9,1) {}; \end{scope} \end{tikzpicture} \caption{Horizontal blue-blue pair in $H_{[y,y+1]}$ (nonblue vertices in yellow)} \label{fig:blue-blue} \end{figure} \begin{lemma}\label{lem-blue-nonblue} Suppose $H_{[y,y+1]}$ contains $r \ge 3$ sets of horizontal blue-nonblue pairs of vertices $\{b_i,n_i\}$, $i=1,\dots,r$, with the same polarity (see Figure \ref{fig:blue-nonblue}). Then, irrespective of the value of $\alpha_y$, it contains \begin{enumerate}[label=(\alph*)] \item a matched distinguished pairing $\{U,W\}$ of size $r-1$ such that $\operatorname{colour}(u)=$ blue for all $u \in U$ and $\operatorname{colour}(w)\neq$ blue for all $w \in W$, and \item an unmatched distinguished pairing $\{U^\prime,W^\prime\}$ of size $r-1$ such that $\operatorname{colour}(u^\prime)=$ blue for all $u^\prime \in U^\prime$ and $\operatorname{colour}(w^\prime)\neq$ blue for all $w^\prime \in W^\prime$. \end{enumerate} \end{lemma} \begin{proof} This is easily observable from Figure \ref{fig:blue-nonblue} for $r=3$. If we set $U=\{b_1,b_2\}$, $W=\{n_1,n_2\}$, $U^\prime=\{b_2,b_3\}$ and $W^\prime=\{n_1,n_2\}$ then one of $\{U,W\}$ and $\{U^\prime,W^\prime\}$ is a matched distinguished pairing of size $2$ and the other is an unmatched distinguished pairing of size $2$, irrespective of the value of $\alpha_y$. Simple induction establishes this for all $r \ge 3$. \end{proof} \begin{figure}\centering \begin{tikzpicture}[scale=0.5, vertex2/.style={circle,draw,minimum size=6,fill=blue}, vertex3/.style={circle,draw,minimum size=6,fill=yellow}, vertex4/.style={circle,draw=white,minimum size=6,fill=white}, vertex5/.style={circle,draw=gray,minimum size=6,fill=gray},] \begin{scope}[shift={(0,0)}] \node (1)[vertex5] at (-10,2) {}; \node (2)[vertex5] at (-8,2) {}; \node (3)[label={left:$b_3$}][vertex2] at (-10,4) {}; \node (4)[label={right:$n_3$}][vertex3] at (-8,4) {}; \node (5)[label={left:$b_2$}][vertex2] at (-10,6) {}; \node (6)[label={right:$n_2$}][vertex3] at (-8,6) {}; \node (7)[label={left:$b_1$}][vertex2] at (-10,8) {}; \node (8)[label={right:$n_1$}][vertex3] at (-8,8) {}; \node (9)[vertex5] at (-10,10) {}; \node (10)[vertex5] at (-8,10) {}; \draw [gray](1) -- (2); \draw (3) -- (4); \draw (5) -- (6); \draw (7) -- (8); \draw [gray](9) -- (10); \node (11)[vertex5] at (-4,2) {}; \node (12)[vertex5] at (-2,2) {}; \node (13)[label={left:$b_3$}][vertex2] at (-4,4) {}; \node (14)[label={right:$n_3$}][vertex3] at (-2,4) {}; \node (15)[label={left:$b_2$}][vertex2] at (-4,6) {}; \node (16)[label={right:$n_2$}][vertex3] at (-2,6) {}; \node (17)[label={left:$b_1$}][vertex2] at (-4,8) {}; \node (18)[label={right:$n_1$}][vertex3] at (-2,8) {}; \node (19)[vertex5] at (-4,10) {}; \node (20)[vertex5] at (-2,10) {}; \draw [gray](11) -- (14); \draw [gray](11) -- (16); \draw [gray](11) -- (18); \draw [gray](11) -- (20); \draw [gray](13) -- (12); \draw (13) -- (16); \draw (13) -- (18); \draw [gray](13) -- (20); \draw [gray](15) -- (12); \draw (15) -- (14); \draw (15) -- (18); \draw [gray](15) -- (20); \draw [gray](17) -- (12); \draw (17) -- (14); \draw (17) -- (16); \draw [gray](17) -- (20); \draw [gray](19) -- (12); \draw [gray](19) -- (14); \draw [gray](19) -- (16); \draw [gray](19) -- (18); \node (21)[vertex5] at (2,2) {}; \node (22)[vertex5] at (4,2) {}; \node (23)[label={left:$b_3$}][vertex2] at (2,4) {}; \node (24)[label={right:$n_3$}][vertex3] at (4,4) {}; \node (25)[label={left:$b_2$}][vertex2] at (2,6) {}; \node (26)[label={right:$n_2$}][vertex3] at (4,6) {}; \node (27)[label={left:$b_1$}][vertex2] at (2,8) {}; \node (28)[label={right:$n_1$}][vertex3] at (4,8) {}; \node (29)[vertex5] at (2,10) {}; \node (30)[vertex5] at (4,10) {}; \draw [gray](22) -- (21); \draw [gray](22) -- (23); \draw [gray](22) -- (25); \draw [gray](22) -- (27); \draw [gray](22) -- (29); \draw (24) -- (23); \draw (24) -- (25); \draw (24) -- (27); \draw [gray](24) -- (29); \draw (26) -- (25); \draw (26) -- (27); \draw [gray](26) -- (29); \draw (28) -- (27); \draw [gray](28) -- (29); \draw [gray](30) -- (29); \node (31)[vertex5] at (8,2) {}; \node (32)[vertex5] at (10,2) {}; \node (33)[label={left:$b_3$}][vertex2] at (8,4) {}; \node (34)[label={right:$n_3$}][vertex3] at (10,4) {}; \node (35)[label={left:$b_2$}][vertex2] at (8,6) {}; \node (36)[label={right:$n_2$}][vertex3] at (10,6) {}; \node (37)[label={left:$b_1$}][vertex2] at (8,8) {}; \node (38)[label={right:$n_1$}][vertex3] at (10,8) {}; \node (39)[vertex5] at (8,10) {}; \node (40)[vertex5] at (10,10) {}; \draw [gray](31) -- (34); \draw [gray](31) -- (36); \draw [gray](31) -- (38); \draw [gray](31) -- (40); \draw [gray](33) -- (36); \draw [gray](33) -- (38); \draw [gray](33) -- (40); \draw [gray](35) -- (38); \draw [gray](35) -- (40); \draw [gray](37) -- (40); \node (101)[label={below:A. $0$-link}] [vertex4] at (-9,1) {}; \node (102)[label={below:B. $1$-link}] [vertex4] at (-3,1) {}; \node (103)[label={below:C. $2$-link}] [vertex4] at (3,1) {}; \node (104)[label={below:D. $3$-link}] [vertex4] at (9,1) {}; \end{scope} \end{tikzpicture} \caption{$3$ horizontal blue-nonblue pairs in $H_{[y,y+1]}$ (nonblue vertices in yellow)} \label{fig:blue-nonblue} \end{figure} \begin{lemma}\label{lem-blue-nonblue2} Suppose $H_{[y,y+1]}$ contains a horizontal blue-nonblue pair of vertices $\{b_1,n_1\}$, not the top or bottom row, and at least one nonblue vertex $n_2$ in the same column as $b_1$. Then $H_{[y,y+1]}$ contains both an adjacent and a non-adjacent blue-nonblue pair of vertices, irrespective of the value of $\alpha_y$ (see Figure \ref{fig:blue-nonblue2}). \end{lemma} \begin{proof} If $\alpha_y \in \{0,2\}$ then the horizontal blue-nonblue pair $\{b_1,n_1\}$ is adjacent, and given a nonblue vertex $n_2$ in the same column as $b_1$, we can find a vertex $s$ in the same column as $n_1$ that forms a non-adjacent pairing with either $b_1$ or $n_2$ depending on its colour (See Figure \ref{fig:blue-nonblue2} A and C). If $\alpha_y \in \{1,3\}$ then the horizontal blue-nonblue pair $\{b_1,n_1\}$ is non-adjacent, and given a nonblue vertex $n_2$ in the same column as $b_1$, we can find a vertex $s$ in the same column as $n_1$ that forms an adjacent pairing with either $b_1$ or $n_2$ depending on its colour (See Figure \ref{fig:blue-nonblue2} B and D). \end{proof} \begin{figure}\centering \begin{tikzpicture}[scale=0.5, vertex2/.style={circle,draw,minimum size=6,fill=blue}, vertex3/.style={circle,draw,minimum size=6,fill=yellow}, vertex4/.style={circle,draw=white,minimum size=6,fill=white}, vertex5/.style={circle,draw=gray,minimum size=6,fill=gray},] \begin{scope}[shift={(0,0)}] \node (1)[vertex5] at (-10,2) {}; \node (2)[vertex5] at (-8,2) {}; \node (3)[label={left:$b_1$}][vertex2] at (-10,4) {}; \node (4)[label={right:$n_1$}][vertex3] at (-8,4) {}; \node (5)[vertex5] at (-10,6) {}; \node (6)[vertex5] at (-8,6) {}; \node (7)[label={left:$n_2$}][vertex3] at (-10,8) {}; \node (8)[vertex5] at (-8,8) {}; \node (9)[vertex5] at (-10,10) {}; \node (10)[label={right:$s$}][vertex5] at (-8,10) {}; \draw [gray](1) -- (2); \draw (3) -- (4); \draw (5) -- (6); \draw (7) -- (8); \draw [gray](9) -- (10); \node (11)[vertex5] at (-4,2) {}; \node (12)[vertex5] at (-2,2) {}; \node (13)[label={left:$b_1$}][vertex2] at (-4,4) {}; \node (14)[label={right:$n_1$}][vertex3] at (-2,4) {}; \node (15)[vertex5] at (-4,6) {}; \node (16)[vertex5] at (-2,6) {}; \node (17)[label={left:$n_2$}][vertex3] at (-4,8) {}; \node (18)[vertex5] at (-2,8) {}; \node (19)[vertex5] at (-4,10) {}; \node (20)[label={right:$s$}][vertex5] at (-2,10) {}; \draw [gray](11) -- (14); \draw [gray](11) -- (16); \draw [gray](11) -- (18); \draw [gray](11) -- (20); \draw [gray](13) -- (12); \draw [gray](13) -- (16); \draw [gray](13) -- (18); \draw (13) -- (20); \draw [gray](15) -- (12); \draw [gray](15) -- (14); \draw [gray](15) -- (18); \draw [gray](15) -- (20); \draw [gray](17) -- (12); \draw [gray](17) -- (14); \draw [gray](17) -- (16); \draw (17) -- (20); \draw [gray](19) -- (12); \draw [gray](19) -- (14); \draw [gray](19) -- (16); \draw [gray](19) -- (18); \node (21)[vertex5] at (2,2) {}; \node (22)[vertex5] at (4,2) {}; \node (23)[label={left:$b_1$}][vertex2] at (2,4) {}; \node (24)[label={right:$n_1$}][vertex3] at (4,4) {}; \node (25)[vertex5] at (2,6) {}; \node (26)[vertex5] at (4,6) {}; \node (27)[label={left:$n_2$}][vertex3] at (2,8) {}; \node (28)[vertex5] at (4,8) {}; \node (29)[vertex5] at (2,10) {}; \node (30)[label={right:$s$}][vertex5] at (4,10) {}; \draw [gray](22) -- (21); \draw [gray](22) -- (23); \draw [gray](22) -- (25); \draw [gray](22) -- (27); \draw [gray](22) -- (29); \draw (24) -- (23); \draw [gray](24) -- (25); \draw [gray](24) -- (27); \draw [gray](24) -- (29); \draw [gray](26) -- (25); \draw [gray](26) -- (27); \draw [gray](26) -- (29); \draw [gray](28) -- (27); \draw [gray](28) -- (29); \draw [gray](30) -- (29); \node (31)[vertex5] at (8,2) {}; \node (32)[vertex5] at (10,2) {}; \node (33)[label={left:$b_1$}][vertex2] at (8,4) {}; \node (34)[label={right:$n_1$}][vertex3] at (10,4) {}; \node (35)[vertex5] at (8,6) {}; \node (36)[vertex5] at (10,6) {}; \node (37)[label={left:$n_2$}][vertex3] at (8,8) {}; \node (38)[vertex5] at (10,8) {}; \node (39)[vertex5] at (8,10) {}; \node (40)[label={right:$s$}][vertex5] at (10,10) {}; \draw [gray](31) -- (34); \draw [gray](31) -- (36); \draw [gray](31) -- (38); \draw [gray](31) -- (40); \draw [gray](33) -- (36); \draw [gray](33) -- (38); \draw (33) -- (40); \draw [gray](35) -- (38); \draw [gray](35) -- (40); \draw (37) -- (40); \node (101)[label={below:A. $0$-link}] [vertex4] at (-9,1) {}; \node (102)[label={below:B. $1$-link}] [vertex4] at (-3,1) {}; \node (103)[label={below:C. $2$-link}] [vertex4] at (3,1) {}; \node (104)[label={below:D. $3$-link}] [vertex4] at (9,1) {}; \end{scope} \end{tikzpicture} \caption{$1$ horizontal blue-nonblue pair in $H_{[y,y+1]}$ (nonblue vertices in yellow)} \label{fig:blue-nonblue2} \end{figure} In Lemmas \ref{lem-blue-blue}, \ref{lem-blue-nonblue} and \ref{lem-blue-nonblue2} we identified blue-nonblue pairs within a particular link $H_{[y,y+1]}$. The next two lemmas identify distinguished pairings across link-sets. Let $P \subset [j,j+n-2]$ be a couple set (see definition on page \pageref{dense-sparse}) of size $r$ with corresponding $\alpha_y$-links $H_{[y,y+1]} \le H(n,n)$ for each $y \in P$. \begin{lemma}\label{lem:beta-not-dense} If $\beta$ is not dense in $P$ and each $H_{[y,y+1]}$ has an adjacent blue-nonblue pair with the same polarity, then we can combine these pairs to form a matched distinguished pairing $\{U,W\}$ of size $r$ where the vertices of $U$ are blue and the vertices of $W$ nonblue. \end{lemma} \begin{proof} Suppose $s,t \in P$ such that $(v_s,v_{s+1})$ and $(v_t,v_{t+1})$ are two adjacent blue-nonblue pairs in different links, with $v_s, v_t \in U$ and $v_{s+1}, v_{t+1} \in W$. Consider the two possible $\beta$ bonds $(v_s,v_{t+1})$ and $(v_{s+1},v_t)$. If neither of these bonds exist then $v_s$ is distinguished from $v_t$ by both $v_{s+1}$ and $v_{t+1}$ (see Figure \ref{fig:beta-not-dense} $(i)$). If one of these bonds exists then $v_s$ is distinguished from $v_t$ by either $v_{s+1}$ or $v_{t+1}$ (see Figure \ref{fig:beta-not-dense} $(ii)$ and $(iii)$). Both bonds cannot exist as $\beta$ is not dense in $P$. Note that the bonds $(v_s,v_t)$ and $(v_{s+1},v_{t+1})$ are not relevant in distinguishing $v_s$ from $v_t$ since, if they exist, they connect blue to blue and nonblue to nonblue. So any two blue vertices $v_s, v_t \in U$ are distinguished by the two nonblue vertices $v_{s+1}, v_{t+1} \in W$ and hence $\{U,W\}$ is a matched distinguished pairing of size $r$. \end{proof} \begin{figure}\centering \begin{tikzpicture}[scale=0.5, vertex2/.style={circle,draw,minimum size=6,fill=blue}, vertex3/.style={circle,draw,minimum size=6,fill=yellow}, vertex4/.style={circle,draw=white,minimum size=6,fill=white},] \node (1)[label={above:$v_s$}] [vertex2] at (-14,2) {}; \node (2)[label={below:$v_{s+1}$}][vertex3] at (-12,2) {}; \node (3)[label={above:$v_t$}][vertex2] at (-10,4) {}; \node (4)[label={below:$v_{t+1}$}][vertex3] at (-8,4) {}; \node (5)[label={above:$v_s$}] [vertex2] at (-4,2) {}; \node (6)[label={below:$v_{s+1}$}][vertex3] at (-2,2) {}; \node (7)[label={above:$v_t$}][vertex2] at (0,4) {}; \node (8)[label={below:$v_{t+1}$}][vertex3] at (2,4) {}; \node (9)[label={above:$v_s$}] [vertex2] at (6,2) {}; \node (10)[label={below:$v_{s+1}$}][vertex3] at (8,2) {}; \node (11)[label={above:$v_t$}][vertex2] at (10,4) {}; \node (12)[label={below:$v_{t+1}$}][vertex3] at (12,4) {}; \draw (1) -- (2); \draw (3) -- (4); \draw (7) -- (8) -- (5) -- (6); \draw (12) -- (11) -- (10) -- (9); \node (201)[label={below:$(i)$}] [vertex4] at (-11,1) {}; \node (202)[label={below:$(ii)$}] [vertex4] at (-1,1) {}; \node (203)[label={below:$(iii)$}] [vertex4] at (9,1) {}; \end{tikzpicture} \caption{Adjacent blue-nonblue vertex pairs, $\beta$ not dense (nonblue vertices in yellow)} \label{fig:beta-not-dense} \end{figure} \begin{lemma}\label{lem:beta-not-sparse} If $\beta$ is not sparse in $P$ and each $H_{[y,y+1]}$ has a non-adjacent blue-nonblue pair with the same polarity, then we can combine these pairs to form an unmatched distinguished pairing $\{U,W\}$ of size $r$ where the vertices of $U$ are blue and the vertices of $W$ nonblue. \end{lemma} \begin{proof} This is very similar to the proof of Lemma \ref{lem:beta-not-dense} and is demonstrated in Figure \ref{fig:beta-not-sparse}. \end{proof} \begin{figure}\centering \begin{tikzpicture}[scale=0.5, vertex2/.style={circle,draw,minimum size=6,fill=blue}, vertex3/.style={circle,draw,minimum size=6,fill=yellow}, vertex4/.style={circle,draw=white,minimum size=6,fill=white},] \node (21)[label={above:$v_s$}] [vertex2] at (-14,2) {}; \node (22)[label={below:$v_{s+1}$}][vertex3] at (-12,2) {}; \node (23)[label={above:$v_t$}][vertex2] at (-10,4) {}; \node (24)[label={below:$v_{t+1}$}][vertex3] at (-8,4) {}; \node (25)[label={above:$v_s$}] [vertex2] at (-4,2) {}; \node (26)[label={below:$v_{s+1}$}][vertex3] at (-2,2) {}; \node (27)[label={above:$v_t$}][vertex2] at (0,4) {}; \node (28)[label={below:$v_{t+1}$}][vertex3] at (2,4) {}; \node (29)[label={above:$v_s$}][vertex2] at (6,2) {}; \node (30)[label={below:$v_{s+1}$}][vertex3] at (8,2) {}; \node (31)[label={above:$v_t$}][vertex2] at (10,4) {}; \node (32)[label={below:$v_{t+1}$}][vertex3] at (12,4) {}; \draw (21) -- (24); \draw (22) -- (23); \draw (25) -- (28); \draw (30) -- (31); \node (206)[label={below:$(i)$}] [vertex4] at (-11,1) {}; \node (207)[label={below:$(ii)$}] [vertex4] at (-1,1) {}; \node (208)[label={below:$(iii)$}] [vertex4] at (9,1) {}; \end{tikzpicture} \caption{Non-adjacent blue-nonblue vertex pairs, $\beta$ not sparse (nonblue vertices in yellow)} \label{fig:beta-not-sparse} \end{figure} \subsection{Two colour partition cases to consider}\label{two_cases} Having identified structures that give us a lower bound on labels required for a clique-width expression for $H(n,n)$, we now apply this knowledge to the following subtree of $\operatorname{tree}(\tau)$. Let $\oplus_a$ be the lowest node in $\operatorname{tree}(\tau)$ such that $H_a$ contains all the vertices in rows $2$ to $(n-1)$ in a column of $H(n,n)$. We reserve rows $1$ and $n$ so that we may apply Lemmas \ref{lem-blue-blue} and \ref{lem-blue-nonblue2}. Thus $H(n,n)$ contains at least one column where vertices in rows $2$ to $(n-1)$ are non-white but no column has entirely blue or red vertices in rows $2$ to $(n-1)$. Let $C_b$ be a non-white column. Without loss of generality we can assume that the number of blue vertices in column $C_b$ between rows $2$ and $(n-1)$ is at least $(n/2)-1$ otherwise we could swap red for blue. Now consider rows $2$ to $(n-1)$. We have two possible cases: \begin{description} \item [Case 1] Either none of the rows with a blue vertex in column $C_b$ has blue vertices in every column to the right of $C_b$, or none of the rows with a blue vertex in column $C_b$ has blue vertices in every column to the left of $C_b$. Hence, we have at least $\lceil n/2 \rceil -1$ rows that have a horizontal blue-nonblue pair with the same polarity. \item [Case 2] One row $R_r$ has a blue vertex in column $C_b$ and blue vertices in every column to the right of $C_b$ and one row $R_l$ has a blue vertex in column $C_b$ and blue vertices in every column to the left of $C_b$. Hence, either on row $R_r$ or row $R_l$, we must have a horizontal set of consecutive blue vertices of size at least $\lceil n/2 \rceil +1$. \end{description} To prove unboundedness of clique-width we will show that for any $r \in \mathbb{N}$ we can find an $n \in \mathbb{N}$ so that any clique-width expression $\tau$ for $H(n,n)$ requires at least $r$ labels in $\operatorname{tree}(\tau)$, whether this is a 'Case 1' or 'Case 2' scenario. To address both cases we will need the following classic result: \begin{thm}[Ramsey~\cite{ramsey:ramsey-theory:} and Diestel~\cite{diestel:graph-theory5:}] \label{Ramsey} For every $r \in \mathbb{N}$, every graph of order at least $2^{2r-3}$ contains either $K^r$ or $\overline{K^r}$ as an induced subgraph. \end{thm} We handle first Case 1, for all values of $\delta=(\alpha,\beta,\gamma)$. \begin{lemma}\label{lem:case2} For any $\delta=(\alpha,\beta,\gamma)$ and any $r \in \mathbb{N}$, if $n \ge 9 \times 2^{4r-1}$ and $\tau$ is a clique-width expression for $H(n,n)$ that results in Case 1 at node $\oplus_a$, then $\tau$ requires at least $r$ labels to construct $H(n,n)$. \end{lemma} \begin{proof} In Case 1 we have, without loss of generality, at least $\lceil n/2 \rceil -1$ horizontal blue-nonblue vertex pairs but we don't know which links these fall on. If there are at least $\sqrt{n/2}$ such pairs on the same link then using Lemma \ref{lem-blue-nonblue} we have a matched distinguished pairing $\{U,W\}$ of size $\sqrt{n/2}-1 > r$ such that $\operatorname{colour}(u)=$ blue for all $u \in U$ and $\operatorname{colour}(w)\neq$ blue for all $w \in W$. If there is no link with $\sqrt{n/2}$ such pairs then there must be at least one such pair on at least $\sqrt{n/2}$ different links. From Lemma \ref{lem-blue-nonblue2} each such link contains both an adjacent and non-adjacent blue-nonblue pair. It follows from the pigeonhole principle that there is a subset of these of size $\sqrt{n/2}/4$ where the adjacent blue-nonblue pairs have the same polarity and also the non-adjacent blue-nonblue pairs have the same polarity. We use this subset (Note, the following argument applies whether the blue vertex is on the left or right for the adjacent and non-adjacent pairs). If we take the index of the first column in each remaining link, and then take every third one of these, we have a couple set $P$ where $|P| \ge \sqrt{n/2}/12$, with corresponding link set $S_L=\{H_{[y,y+1]}: y \in P\}$, such that the adjacent blue-nonblue pair in each link has the same polarity and the non-adjacent blue-nonblue pair in each link has the same polarity. Define the graph $G_P$ so that $V(G_P)=P$ and for $x,y \in V(G_P)$ we have $x \sim y$ if and only if they are $\beta$-dense (see definition on page \pageref{dense-sparse}). From Theorem \ref{Ramsey} for any $r$, as $|P| \ge \sqrt{n/2}/12 \ge 2^{2r-3}$ then there exists a couple set $Q \subseteq P$ such that $G_Q$ is either $K^r$ or $\overline{K^r}$. If $G_Q$ is $\overline{K^r}$, it follows that $\beta$ is not dense in $Q$, and $S_L$ contains a link set of size $r$ corresponding to the couple set $Q$ where each link has an adjacent blue-nonblue pair with the same polarity. Applying Lemma \ref{lem:beta-not-dense} this gives us a matched distinguished pairing $\{U,W\}$ of size $r$ such that $\operatorname{colour}(u)=$ blue for all $u \in U$ and $\operatorname{colour}(w)\neq$ blue for all $w \in W$. If $G_Q$ is $K^r$, it follows that $\beta$ is not sparse in $Q$, and $S_L$ contains a link set of size $r$ corresponding to the couple set $Q$ where each link has a non-adjacent blue-nonblue pair with the same polarity. Applying Lemma \ref{lem:beta-not-sparse} this gives us an unmatched distinguished pairing $\{U,W\}$ of size $r$ such that $\operatorname{colour}(u)=$ blue for all $u \in U$ and $\operatorname{colour}(w)\neq$ blue for all $w \in W$. In each case we can construct a distinguished pairing $\{U,W\}$ of size $r$ such that $\operatorname{colour}(u)=$ blue for all $u \in U$ and $\operatorname{colour}(w)\neq$ blue for all $w \in W$. Hence, from Lemma \ref{labels} $\tau$ uses at least $r$ labels to construct $H(n,n)$. \end{proof} \subsection{When \texorpdfstring{$\alpha$}{} has an infinite number of \texorpdfstring{$2$}{}s or \texorpdfstring{$3$}{}s} For Case 2 we must consider different values for $\alpha$ separately. We denote $m_{23}(n)$ to be the total number of $2$s and $3$s in $\alpha_{[1,n-1]}$. \begin{lemma}\label{23-links} Let $\delta=(\alpha,\beta,\gamma)$ be a triple such that $\alpha$ contains an infinite number of $2$s or $3$s. Then for any $\beta$ and $\gamma$ and any $r \in \mathbb{N}$, if $m_{23}(n) \ge 3 \times 2^{2r}$ and $\tau$ is a clique-width expression for $H(n,n)$ that results in Case 2 at node $\oplus_a$, then $\tau$ requires at least $r$ labels to construct $H(n,n)$. \end{lemma} \begin{proof} Remembering that $C_b$ is the non-white column, without loss of generality we can assume that there are at least $(m_{23}(n)/2)$ $2$- or $3$-links to the right of $C_b$, since otherwise we could reverse the order of the columns. In Case 2 each link has a horizontal blue-blue vertex pair with at least one nonblue vertex in each column, so using Lemma \ref{lem-blue-blue} we have both an adjacent and non-adjacent blue-nonblue pair in each of these links. It follows from the pigeonhole principle that there is a subset of these of size $(m_{23}(n)/8)$ where the adjacent blue-nonblue pairs have the same polarity and also the non-adjacent blue-nonblue pairs have the same polarity. We use this subset. If we take the index of the first column in each remaining link, and then take every third one of these, we have a couple set $P$ where $|P| \ge (m_{23}(n)/24)$, with corresponding link set $S_L=\{H_{[y,y+1]}: y \in P\}$, such that the adjacent blue-nonblue pair in each link has the same polarity and the non-adjacent blue-nonblue pair in each link has the same polarity. As in the proof of Lemma \ref{lem:case2}, we define a graph $G_P$ so that $V(G_P)=P$ and for $x,y \in V(G_P)$ we have $x \sim y$ if and only if they are $\beta$-dense. From Theorem \ref{Ramsey} for any $r$, as $|P| \ge (m_{23}(n))/24) \ge 2^{2r-3}$ then there exists a couple set $Q \subseteq P$ such that $G_Q$ is either $K^r$ or $\overline{K^r}$. We now proceed in an identical way to Lemma \ref{lem:case2} to show that we can always construct a distinguished pairing $\{U,W\}$ of size $r$ such that $\operatorname{colour}(u)=$ blue for all $u \in U$ and $\operatorname{colour}(w)\neq$ blue for all $w \in W$. Hence, from Lemma \ref{labels} $\tau$ uses at least $r$ labels to construct $H(n,n)$. \end{proof} \begin{cor}\label{23-cor} For any triple $\delta=(\alpha,\beta,\gamma)$ such that $\alpha$ has an infinite number of $2$s or $3$s the hereditary graph class $\mathcal{G}^{\delta}$ has unbounded clique-width. \end{cor} \begin{proof} This follows directly from Lemma \ref{lem:case2} for Case 1 and Lemma \ref{23-links} for Case 2, since for any $r \in \mathbb{N}$ we can choose $n$ big enough so that $n \ge 9 \times 2^{4r-1}$ and $m_{23}(n) \ge 3 \times 2^{2r}$ so that whether we are in Case 2 or Case 1 at node $\oplus_a$ we require at least $r$ labels for any clique-width expression for $H(n,n)$. \end{proof} We are aiming to state our result in terms of unbounded $\mathcal{N}^\delta$ so we also require the following. \begin{lemma}\label{23-N-unbound} For any triple $\delta=(\alpha,\beta,\gamma)$ such that $\alpha$ has an infinite number of $2$s or $3$s the parameter $\mathcal{N}^\delta$ is unbounded. \end{lemma} \begin{proof} If there is an infinite number of $2$s in $\alpha$ we can create a couple set $P$ of any required size such that $\alpha_x=2$ for every $x \in P$, so that in the two-row graph (see Section \ref{two-row}) $v_{1,x} \not\sim v_{2,x+1}$ and $v_{2,x} \sim v_{1,x+1}$ (i.e. we have both an adjacent and non-adjacent pair in the $\alpha_x$-link). We now apply the same approach as in Lemmas \ref{lem:case2} and \ref{23-links}, applying Ramsey theory to the graph $G_P$ defined in the same way as before. Then for any $r$ we can set $|P| \ge 2^{2r-3}$ so that there exists a couple set $Q \subseteq P$ where $G_Q$ is either $K^r$ or $\overline{K^r}$. If $G_Q$ is $\overline{K^r}$ it follows that $\beta$ is not dense in $Q$. So for any $x,y \in Q$, $v_{1,x+1}$ and $v_{1,y+1}$ have different neighbourhoods in $R_2(Q)$ since they are distinguished by either $v_{2,x}$ or $v_{2,y}$. Hence, if $n$ is the highest natural number in $Q$ then $\mathcal{N}^\delta([1,n+1]) \ge r$. If $G_Q$ is $K^r$ it follows that $\beta$ is not sparse in $Q$. So for any $x,y \in Q$, $v_{1,x}$ and $v_{1,y}$ have different neighbourhoods in $R_2(Q)$ since they are distinguished by either $v_{2,x+1}$ or $v_{2,y+1}$. Hence, $\mathcal{N}^\delta([1,n+1]) \ge r$. Either way, we have $\mathcal{N}^\delta([1,n+1]) \ge r$, but $r$ can be arbitrarily large, so $\mathcal{N}^\delta$ is unbounded. A similar argument applies if there is an infinite number of $3$s. \end{proof} \subsection{When \texorpdfstring{$\alpha$}{} has a finite number of \texorpdfstring{$2$}{}s and \texorpdfstring{$3$}{}s} If $\alpha$ contains only a finite number of $2$s and $3$s then there exists $J \in \mathbb{N}$ such that $\alpha_j \in \{0,1\}$ for $j > J$. In Case 2 we are interested in the adjacencies of the blue vertices to the non-blue vertices in each column. Although the nonblue vertices could be in any row, in fact, if $\alpha$ is over the alphabet $\{0,1\}$, the row index of the non-blue vertices does not alter the blue-nonblue adjacencies. In Case $2$, let $Q$ be the set of column indices of the horizontal set of consecutive blue vertices in row $R_r$ of $H(n,n)$ and let $U_1=\{v_{i,r}: i \in Q\}$ be this horizontal set of blue vertices. Let $U_2=\{u_j: j \in Q\}$ be the corresponding set of nonblue vertices such that $u_j \in C_j$. We have the following: \begin{lemma}\label{lem-two-row} In Case $2$, with $U_1$ and $U_2$ defined as above, if $\alpha$ is a word over the alphabet $\{0,1\}$ then for any $i,j \in Q$, $v_{i,r} \sim u_j$ in $\mathcal{P}^\delta$ if and only if $v_{i,1} \sim v_{j,2}$ in the two-row graph $T^\delta(Q)$. \end{lemma} \begin{proof} Considering the vertex sets $U_1 \cup U_2$ of $\mathcal{P}^\delta$ and $R_1(Q) \cup R_2(Q)$ of $T^\delta(Q)$ (see Section \ref{two-row}) we have: \begin{enumerate}[label=(\alph*)] \item For $i=j$ both $v_{j,r} \sim u_j$ and $v_{j,1} \sim v_{j,2}$ if and only if $\gamma_j=1$. \item For $|i-j|>1$ both $v_{i,r} \sim u_j$ and $v_{i,1} \sim v_{j,2}$ if and only if $(i,j) \in \beta$. \item For $j=i+1$ both $v_{i,r} \sim u_j$ and $v_{i,1} \sim v_{j,2}$ if and only if $\alpha_i=1$. \end{enumerate} Hence $v_{i,r} \sim u_j$ if and only if $v_{i,1} \sim v_{j,2}$. \end{proof} \begin{lemma}\label{lem-finite23} If $\delta=(\alpha,\beta,\gamma)$ where $\alpha$ is an infinite word over the alphabet $\{0,1,2,3\}$ with a finite number of $2$s and $3$s, then the hereditary graph class $\mathcal{G}^\delta$ has unbounded clique-width if and only if $\mathcal{N}^\delta$ is unbounded. \end{lemma} \begin{proof} First, we prove that $\mathcal{G}^\delta$ has unbounded clique-width if $\mathcal{N}^\delta$ is unbounded. As $\alpha$ has a finite number of $2$s and $3$s there exists a $J \in \mathbb{N}$ such that ${\alpha}_j \in \{0,1\}$ if $j > J$. As $\mathcal{N}^\delta$ is unbounded this means that from Lemma \ref{lem:Nbound} for any $r \in \mathbb{N}$ there exist $N_1,N_2 \in \mathbb{N}$ such that, setting $Q_1= [J+1, J+N_1]$ and $Q_2= [J+N_1+1, J+N_1+N_2]$, then $\mathcal{N}^\delta(Q_1) \ge r$ and $\mathcal{N}^\delta(Q_2) \ge r$. Denote the $n \times n$ graph $H^\prime(n,n)=H^\delta_{J+1,1}(n,n) \in \mathcal{G}^\delta$. As described in Section \ref{two_cases} we again consider the two possible cases for a clique-width expression $\tau$ for $H^\prime(n,n)$ at a node $\oplus_a$ which is the lowest node in $\operatorname{tree}(\tau)$ such that $H_a$ contains a column of $H^\prime(n,n)$. Case $1$ is already covered by Lemma \ref{lem:case2} for $n \ge 9 \times 2^{4r-1}$. In Case $2$, one row $R_r$ of $H^\prime(N_1+N_2,N_1+N_2)$ has a blue vertex in column $C_b$ and blue vertices in every column to the right of $C_b$ and one row $R_l$ has a blue vertex in column $C_b$ and blue vertices in every column to the left of $C_b$. If $b \le J+N_1$ then consider the graph to the right of $C_b$. We know every column has a blue vertex in row $R_r$ and a non-blue vertex in a row other than $R_r$. The column indices to the right of $C_b$ includes $Q_2$. It follows from Lemma \ref{lem-two-row} that the neighbourhoods of the blue set to the non-blue set are identical to the neighbourhoods in graph $T^\delta(Q_2)$ between the vertex sets $R_1(Q_2)$ and $R_2(Q_2)$. On the other hand if $b > N_1$ we can make an identical claim for the graph to the left of $C_b$ which now includes the column indices for $Q_1$. It follows from Lemma \ref{lem-two-row} that the neighbourhoods of the blue set to the non-blue set are identical to the neighbourhoods in graph $T^\delta(Q_1)$ between the vertex sets $R_1(Q_1)$ and $R_2(Q_1)$. As both $\mathcal{N}^\delta(Q_1)=\mu(T^{\delta}(Q_1),R_1(Q_1)) \ge r$ and $\mathcal{N}^\delta(Q_2)=\mu(T^{\delta}(Q_2),R_2(Q_2)) \ge r$ it follows from Lemma \ref{labels} that any clique-width expression for $H^\prime(n,n)$ with $n \ge (N_1+N_2)$ resulting in Case $2$ requires at least $r$ labels. For any $r \in \mathbb{N}$ we can choose $n$ big enough so that $n \ge$ max $\{9 \times 2^{4r-1}, (N_1+N_2)\}$ so that whether we are in Case $1$ or Case $2$ at node $\oplus_a$ we require at least $r$ labels for any clique-width expression for $H^\prime(n,n)$. Hence, $\mathcal{G}^\delta$ has unbounded clique-width if $\mathcal{N}^\delta$ is unbounded. Secondly, suppose that $\mathcal{N}^\delta$ is bounded, so that there exists $N \in \mathbb{N}$ such that $\mathcal{N}^\delta([J+1,n])=\mu(T^\delta([J+1,n]),R_1([J+1,n])) < N$ for all $n > J$ . We claim $lcwd(\mathcal{G}^\delta) \le 2J+N+2$. For we can create a linear clique-width expression using no more than $2J+N+2$ labels that constructs any graph in $\mathcal{G}^\delta$ row by row, from bottom to top and from left to right. For any graph $G \in \mathcal{G}^\delta$ let it have an embedding in the grid $\mathcal{P}$ between columns $1$ and $M>J$. We will use the following set of $2J+N+2$ labels: \begin{itemize} \item 2 \emph{current vertex labels}: $a_1$ and $a_2$; \item $J$ \emph{current row labels for first $J$ columns}: $\{c_y : y=1,\dots,J\}$; \item $J$ \emph{previous row labels for first $J$ columns}: $\{p_{y} : y = 1,\dots,J\}$; \item $N$ \emph{partition labels}: $\{s_{y} : y=1,\dots,N\}$. \end{itemize} We allocate a default partition label $s_y$ to each column of $G_{[J+1, M]}$ according to the $R_2([J+1,M])$-similar equivalence classes of the vertex set $R_1([J+1,M])$ in $T^\delta([J+1,M])$. There are at most $N$ partition sets $\{S_y\}$ of $R_1([J+1,M])$, and if vertex $v_{i,1}$ is in $S_y$, $1 \le y \le N$, then the default partition label for vertices in column $i$ is $s_y$. It follows that for two default column labels, $s_x$ and $s_y$, vertices in columns with label $s_y$ are either all adjacent to vertices in columns with label $s_x$ or they are all non-adjacent (except the special case of vertices in consecutive columns and the same row, which will be dealt with separately in our clique-width expression). Carry out the following row-by-row linear iterative process to construct each row $j$, starting with row $1$. \begin{enumerate}[label=(\roman*)] \item Construct the first $J$ vertices in row $j$, label them $c_1$ to $c_J$ and build any edges between them as necessary. \item Insert required edges from each vertex labelled $c_1,\dots,c_J$ to vertices in lower rows in columns $1$ to $J$. This is possible because the vertices in lower rows in column $i$ ($1 \le i \le J$) all have label $p_i$ and have the same adjacency with the vertices in the current row. \item Relabel vertices labelled $c_1,\dots,c_J$ to $p_1,\dots,p_{J-1},a_2$ respectively. \item Construct and label subsequent vertices in row $j$ (columns $J+1$ to $M$), as follows. \begin{enumerate}[label=(\alph*)] \item Construct the next vertex in column $i$ and label it $a_1$ (or $a_2$). \item If $\alpha_{i-1}=0$ then insert an edge from the current vertex $v_{i,j}$ (label $a_1$) to the previous vertex $v_{i-1,j}$ (label $a_2$). \item Insert edges to vertices that are adjacent as a result of the partition $\{S_y\}$ described above. This is possible because all previously constructed vertices with a particular default partition label $s_y$ are either all adjacent or all non-adjacent to the current vertex. \item Insert edges from the current vertex to vertices labelled $p_j$ ($1 \le j \le J$) as necessary. \item Relabel vertex $v_{i,j-1}$ to its default partition label $s_y$. \item Create the next vertex in row $i$ and label it $a_2$ (or $a_1$ alternating). \end{enumerate} \item When the end of the row is reached, repeat for the next row. \end{enumerate} Hence we can construct any graph in the class with at most $2J+N+2$ labels so the clique-width of $\mathcal{G}^\delta$ is bounded if $\mathcal{N}^\delta$ is bounded. \end{proof} Corollary \ref{23-cor}, Lemma \ref{23-N-unbound} and Lemma \ref{lem-finite23} give us the following: \begin{thm}\label{thm-0123unbound} For any triple $\delta=(\alpha,\beta,\gamma)$ the hereditary graph class $\mathcal{G}^\delta$ has unbounded clique-width if and only if $\mathcal{N}^\delta$ is unbounded. \end{thm} We will denote $\Delta$ as the set of all $\delta$-triples for which the class $\mathcal{G}^\delta$ has unbounded clique-width. \section{\texorpdfstring{$\mathcal{G}^\delta$}{\mathcal{G}{}} graph classes that are minimal of unbounded clique-width}\label{Sect:Minimal} To show that some given $\mathcal{G}^\delta$ is a minimal class of unbounded clique-width we must show that any proper hereditary subclass $\mathcal{C}$ has bounded clique-width. If $\mathcal{C}$ is a hereditary graph class such that $\mathcal{C} \subsetneq \mathcal{G}^\delta$ then there must exist a non-trivial finite forbidden graph $F$ that is in $\mathcal{G}^\delta$ but not in $\mathcal{C}$. In turn, this graph $F$ must be an induced subgraph of some $H^\delta_{j,1}(k,k)$ for some $j$ and $k\in \mathbb{N}$, and thus $\mathcal{C} \subseteq \operatorname{Free}(H^\delta_{j,1}(k,k))$. We know that for a minimal class, $\delta$ must be recurrent, because if it contains a $k$-factor $\delta_{[j,j+k-1]}$ that either does not repeat, or repeats only a finite number of times, then $\mathcal{G}^\delta$ cannot be minimal, as forbidding the induced subgraph $H^\delta_{j,1}(k,k)$ would leave a proper subclass that still has unbounded clique-width. Therefore, we will only consider recurrent $\delta$ for the remainder of the paper. \subsection{The bond-graph}\label{bond-graph} To study minimality we will use the following graph class. A \emph{bond-graph} $B^\beta(Q)=(V,E)$ for finite $Q \subseteq\mathbb{N}$ has vertices $V=Q$ and edges $E=\beta_Q$. Let $\mathcal{B}^\beta= \{B^\beta(Q): Q \subseteq \mathbb{N} \text{ finite}\}$. Note that $\mathcal{B}^\beta$ is a hereditary subclass of $\mathcal{G}^\delta$ because \begin{enumerate}[label=(\alph*)] \item if $Q^\prime \subseteq Q$ then $B^\beta(Q^\prime)$ is also a bond-graph, and \item $B^\beta(Q)$ is an induced subgraph of $\mathcal{P}^\delta$ since if $Q=\{y_1, y_2, \dots ,y_n\}$ with $y_1<y_2< \dots <y_n$ then it can be constructed from $\mathcal{P}^\delta$ by taking one vertex from each column $y_j$ in turn such that there is no $\alpha$ or $\gamma$ edge to previously constructed vertices. \end{enumerate} We define a parameter (for $n \ge 2$) \[\mathcal{M}^\beta(n)= \sup_{m<n} \mu(B^\beta([1,n]),[1,m]).\] The bond-graphs can be characterised as the sub-class of graphs on a single row (although missing the $\alpha$-edges) with the parameter $\mathcal{M}^\beta$ measuring the number of distinct neighbourhoods between intervals of a single row. We will say that the bond-set $\beta$ has \emph{bounded $\mathcal{M}^\beta$} if there exists $M$ such that $\mathcal{M}^\beta(n) < M$ for all $n \in \mathbb{N}$. The following proposition will prove useful later in creating linear clique-width expressions. \begin{prop}\label{Mlabels} Let $n,m,m^\prime \in \mathbb{N}$ satisfy $m < m^\prime < n$. Then for graph $B^\beta([1,n])$, in any partition of $[1,m]$ into $[m+1,n]$-similar sets $\{S_i:1 \le i \le k\}$ and $[1,m^\prime]$ into $[m^\prime+1,n]$-similar sets $\{S^\prime_j:1 \le j \le k^\prime\}$ for every $\ell \in [1,k]$ there exists $\ell^\prime \in [1,k^\prime]$ such that $S_\ell \subseteq S^\prime_{\ell^\prime}$. \end{prop} \begin{proof} As two vertices $x$ and $y$ in $S_\ell$ have the same neighbourhood in $[m+1,n]$ then it follows they have the same neighbourhood in $[m^\prime+1,n]$ since $m < m^\prime$ so $x$ and $y$ must sit in the same $[m^\prime+1,n]$-similar set $S^\prime_{\ell^\prime}$ for some $\ell^\prime \in [1,k^\prime]$. \end{proof} \begin{prop} For any $\delta=(\alpha,\beta,\gamma)$ and any $n \in \mathbb{N}$, \[\mathcal{M}^\beta(n) \le \mathcal{N}^\delta([1,n])+1.\] \end{prop} \begin{proof} In the two-row graph $T^\delta([1,n])$ partition $R_1([1,n])$ into $R_2([1,n])$-similar equivalence classes $\{W_i\}$ so that two vertices $v_{x,1}$ and $v_{y,1}$ are in the same set $W_i$ if they have the same neighbourhood in $R_2([1,n])$. By definition the number of such sets is $\mu(T^\delta([1,n]),R_1([1,n]))=\mathcal{N}^\delta([1,n])$. For $m<n$ partition $[1,m]$ into $s$ sets $\{P_i\}$ such that $P_i=\{j: v_{j,1} \in W_i\}$. Then $s$ is no more than the number of sets in $\{W_i\}$ by definition, but no less than $\mu(B^\beta([1,n]),[1,m])-1$, the number of equivalence classes that are $[m+1,n]$-similar (excluding, possibly, vertex $m$). This holds for all $m<n$, so \[\mathcal{M}^\beta(n)-1=\sup_{m<n} \mu(B^\beta([1,n]),[1,m])-1 \le \mu(T^\delta([1,n]),R_1([1,n]))=\mathcal{N}^\delta([1,n]).\] \end{proof} \subsection{Veins and Slices} We will start by considering only graph classes $\mathcal{G}^\delta$ for $\delta=(\alpha,\beta,\gamma)$ in which $\alpha$ is an infinite word from the alphabet $\{0,2\}$ and then extend to the case where $\alpha$ is an infinite word from the alphabet $\{0,1,2,3\}$. Consider a specific embedding of a graph $G=(V,E) \in \mathcal{C}$ in $\mathcal{P}^\delta$, and recall that the induced subgraph of $G$ on the vertices $V\cap C_{[j,j+k-1]}$ is denoted $G_{[j,j+k-1]}$. Let $\alpha$ be an infinite word over the alphabet $\{0,2\}$. A \emph{vein} $\mathcal{V}$ of $G_{[j,j+k-1]}$ is a set of $t \le k$ vertices $\{v_s,\dots, v_{s+t-1}\}$ in consecutive columns such that $v_y \in V \cap C_y$ for each $y \in \{s, \dots , s+t-1 \}$ and for which $v_y \sim v_{y+1}$ for all $y \in \{s, \dots , s+t-2 \}$. We will call a vein of length $k$ a \emph{full} vein and a vein of length $<k$ a \emph{part} vein. Note that as $\alpha$ comes from the alphabet $\{0,2\}$, for a vein $\{v_s,\dots, v_{s+t-1}\}$, $v_{y+1}$ is no higher than $v_y$ for each $y \in \{s, \dots , s+t-2 \}$. A horizontal row of $k$ vertices in $G_{[j,j+k-1]}$ is a full vein. As $G$ is $\operatorname{Free}(H^\delta_{j,1}(k,k))$ we know that no set of vertices of $G$ induces $H^\delta_{j,1}(k,k)$. We consider this in terms of disjoint full veins of $G_{[j,j+k-1]}$. Note that $k$ rows of vertices between column $j$ and column $j+k-1$ are a set of $k$ disjoint full veins and are isomorphic to $H^\delta_{j,1}(k,k)$. There are other sets of $k$ disjoint full veins that form a graph isomorphic to $H^\delta_{j,1}(k,k)$, but some sets of $k$ full veins do not. Our first task is to clarify when a set of $k$ full veins has this property. Let $\{v_j,\dots, v_{j+k-1}\}$ be a full vein such that each vertex $v_x$ has coordinates $(x,u_x)$ in $\mathcal{P}$, observing that $u_{x+1}\le u_x$ for $x \in [j,j+k-2]$. We construct an \emph{upper border} to be a set of vertical coordinates $\{w_j,\dots, w_{j+k-1}\}$ using the following procedure: \begin{enumerate}[label=(\arabic*)] \item Set $w_j=u_j$, \item Set $x=j+1$, \item if $\alpha_{x-1}=2$ set $w_x=u_{x-1}$, \item if $\alpha_{x-1}=0$ set $w_x=w_{x-1}$, \item set $x=x+1$, \item if $x=j+k$ terminate the procedure, otherwise return to step $(3)$. \end{enumerate} Given a full vein $\mathcal{V}=\{v_j,\dots, v_{j+k-1}\}$, define the \emph{fat vein} $\mathcal{V}^f=\{v_{x,y} \in V(G_{[j,j+k-1]}):x \in [j,j+k-1],y \in [u_x,w_x]\}$ (See examples shown in Figure \ref{fig-col1}). Let $\mathcal{V}_1$ and $\mathcal{V}_2$ be two full veins. Then we say they are \emph{independent} if $\mathcal{V}^f_1 \cap \mathcal{V}^f_2 = \emptyset$ i.e. their corresponding fat veins are disjoint. \begin{prop} \label{prop:full_veins} $G_{[j,j+k-1]}$ cannot contain more than $(k-1)$ independent full veins. \end{prop} \begin{proof} We claim that $k$ independent full veins $\{\mathcal{V}_1, \dots, \mathcal{V}_k\}$ induce the forbidden graph $H^\delta_{j,1}(k,k)$. Remembering $v_{x,y}$ is the vertex in the grid $\mathcal{P}$ in the $x$-th column and $y$-th row, let $w_{x,y}$ be the vertex in the $y$-th full vein $\mathcal{V}_y$ in column $x$. We claim the mapping $\phi(w_{x,y}) \rightarrow v_{x,y}$ is an isomorphism. Consider vertices $w_{x,y} \in \mathcal{V}_y$ and $w_{s,t} \in \mathcal{V}_t$ for $t \ge y $. Then \begin{enumerate}[label=(\alph*)] \item If $t=y$ (i.e the vertices are on the same vein) then both $w_{x,y} \sim w_{s,t}$ and $v_{x,y} \sim v_{s,t}$ if and only if $|x-s|=1$ or $(x,s) \in \beta$, \item If $t>y$ and $x=s$ then both $w_{x,y} \sim w_{s,t}$ and $v_{x,y} \sim v_{s,t}$ if and only if $\gamma_x=1$, \item If $t>y$ and $s=x+1$ then both $w_{x,y} \not\sim w_{s,t}$ and $v_{x,y} \not\sim v_{s,t}$, \item If $t>y$ and $s=x-1$ then both $w_{x,y} \sim w_{s,t}$ and $v_{x,y} \sim v_{s,t}$ if and only if $\alpha_s=2$, \item If $t>y$ and $|s-x|>1$ then both $w_{x,y} \sim w_{s,t}$ and $v_{x,y} \sim v_{s,t}$ if and only if $(x,s) \in \beta$. \end{enumerate} Hence, $w_{x,y} \sim w_{s,t}$ if and only if $v_{x,y} \sim v_{s,t}$ and $\phi$ is an isomorphism from $k$ independent full veins to $H^\delta_{j,1}(k,k)$. \end{proof} \subsection{Vertex colouring}\label{sect:vert_col} Our objective is to identify conditions on (recurrent) $\delta$ that make $\mathcal{G}^\delta$ a minimal class of unbounded linear clique-width. For such a $\delta$ we must show that any graph $G$ in a proper hereditary subclass $\mathcal{C}$ has bounded linear clique-width. In order to do this we will partition $G$ into manageable sections (which we will call "panels"), the divisions between the panels chosen so that they can be built separately and then 'stuck' back together again, using a linear clique-width expression requiring only a bounded number of labels. In this section we describe a vertex colouring that will lead (in Section \ref{Sect:panels}) to the construction of these panels. As previously observed, for any subclass $\mathcal{C}$ there exist $j$ and $k$ such that $\mathcal{C} \subseteq \operatorname{Free}(H^\delta_{j,1}(k,k))$. As $\delta$ is recurrent, if we let $\delta^*=\delta_{[j,j+k-1]}$ be the $k$-factor that defines the forbidden graph $H^\delta_{j,1}(k,k)$, we can find $\delta^*$ in $\delta$ infinitely often, and we will use these instances of $\delta^*$ to divide our embedded graph $G$ into the required panels. Firstly, we will construct a maximal set $\mathbb{B}$ of independent full veins for $G_{[j,j+k-1]}$, a section of $G$ that by Proposition \ref{prop:full_veins} cannot have more than $(k-1)$ independent full veins. We start with the lowest full vein (remembering that the rows of the grid $\mathcal{P}$ are indexed from the bottom) and then keep adding the next lowest independent full vein until the process is exhausted. Note that the next lowest independent full vein is unique because if we have two full veins $\mathcal{V}_1, \mathcal{V}_2$ with vertices $\{v_j,\dots, v_{j+k-1}\}$ and $\{v^{\prime}_j,\dots, v^{\prime}_{j+k-1}\}$ respectively then they can be combined to give $\{min(v_j,v^{\prime}_j),\dots,min(v_{j+k-1},v^{\prime}_{j+k-1})\}$ which is a full vein with a vertex in each column at least as low as the vertices of $\mathcal{V}_1$ and $\mathcal{V}_2$. Let $\mathbb{B}$ contain $b<k$ independent full veins, numbered from the bottom as $\mathcal{V}_1, \cdots, \mathcal{V}_b$ such that any other full vein not in $\mathbb{B}$ must have a vertex in common with a fat vein $\mathcal{V}^f_y$ corresponding to one of the veins $\mathcal{V}_y$ of $\mathbb{B}$. Let $u_{x,y}$ be the lowest vertical coordinate and $w_{x,y}$ the highest vertical coordinate of vertices in $\mathcal{V}^f_y \cap C_x$. We define $\mathcal{S}_0 = \{v_{x,y}\in V(G_{[j,j+k-1]}) : x \in [j,j+k-1], y < u_{x,1} \}$, $\mathcal{S}_b = \{v_{x,y}\in V(G_{[j,j+k-1]}) : x \in [j,j+k-1], y > w_{x,b} \}$, and for $y=1,\dots,b-1$ we define: \[ \mathcal{S}_i = \{v_{x,y}\in V(G_{[j,j+k-1]}) : x \in [j,j+k-1], w_{x,i} < y < u_{x,i+1} \}\] This gives us $b+1$ \emph{slices} $\{\mathcal{S}_0, \mathcal{S}_1, \cdots, \mathcal{S}_b \}$. We partition the vertices in the fat veins and the slices into sets which have similar neighbourhoods, which will facilitate the division of $G$ into panels. We colour the vertices of $G_{[j,j+k-1]}$ so that each slice has green/pink vertices to the left and red vertices to the right of the partition, and each fat vein has blue vertices (if any) to the left and yellow vertices to the right. Examples of vertex colourings are shown in Figure \ref{fig-col1}. Colour the vertices of each slice $\mathcal{S}_i$ as follows: \begin{itemize} \item Colour any vertices in the left-hand column green. Now colour green any remaining vertices in the slice that are connected to one of the green left-hand column vertices by a part vein that does not have a vertex in common with any of the fat veins corresponding to the full veins in $\mathbb{B}$. \item Locate the column $t$ of the right-most green vertex in the slice. If there are no green vertices set $t=s=j$. If $t>j$ then choose $s$ in the range $j \le s < t$ such that $s$ is the highest column index for which $\alpha_{s}=2$. If there are no columns before $t$ for which $\alpha_{s}=2$ then set $s=j$. Colour pink any vertices in the slice (not already coloured) in columns $j$ to $s$ which are below a vertex already coloured green. \item Colour any remaining vertices in the slice red. \end{itemize} Note that no vertex in the right-hand column can be green because if there was such a vertex then this would contradict the fact that there can be no full veins other than those which have a vertex in common with one of the fat veins corresponding to the full veins in $\mathbb{B}$. Furthermore, no vertex in the right hand column can be pink as this would contradict the fact that every pink vertex must lie below a green vertex in the same slice. Colour the vertices of each fat vein $\mathcal{V}^f_i$ as follows: \begin{itemize} \item Let $s$ be the column as defined above for the slice immediately above the fat vein. If $s=j$ colour the whole fat vein yellow. If $s>j$ colour vertices of the fat vein in columns $j$ to $s$ blue and the rest of the vertices in the fat vein yellow. \end{itemize} \begin{figure} \centering \begin{tikzpicture}[yscale=0.6,xscale=0.6, vertex4/.style={circle,draw=white,minimum size=6,fill=white},] \foreach \x/\y in {1/4,1/15,1/22,2/4,2/21,2/22,3/3, 3/20,3/21} \node[vertex,blue!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {2/15,3/12,3/13,3/14, 4/3,4/11,4/18,4/19,5/3,5/9,5/10,5/11,5/18, 6/3,6/9,6/18,7/1,7/5,7/2,7/3,7/6,7/7,7/8,7/9,7/16,7/18} \node[vertex,yellow!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {1/3,1/5,1/9,1/12,1/17,1/18,1/23,1/24, 2/1,2/7,2/16,2/23,3/6,3/7,3/22,4/4,4/21} \node[vertex,green!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {2/19,3/8,3/17,3/24, 4/1,4/8,4/14,4/24,5/5,5/6,5/7,5/13,5/14,5/22,5/23,5/24, 6/4,6/12,6/11,6/13,6/14,6/21,7/20,7/21,7/24} \node[vertex,red!70!black] (\x-\y) at (\x,\y) {}; { \draw[very thick,blue] (1-4)--(2-4)--(3-3)--(4-3) --(5-3)--(6,3)--(7-1); \draw[very thick,blue] (1-15)--(2-15)--(3-12)--(4-11) --(5-9)--(6-9)--(7-5); \draw[very thick,blue] (1-22)--(2-21)--(3-20)--(4-18) --(5-18)--(6-18)--(7-16); \draw[blue] (7-3)--(6-3)--(7-2); \draw[blue] (2-15)--(3-14)--(4-11)--(3-13)--(2-15); \draw[blue] (4-11)--(5-11)--(6-9)--(5-10)--(4-11); \draw[blue] (7-9)--(6-9)--(7-8);. \draw[blue] (7-7)--(6-9)--(7-6); \draw[blue] (1-22)--(2-22)--(3-21)--(4-18); \draw[blue] (2-22)--(3-20)--(4-19); \draw[blue] (2-21)--(3-21)--(4-19)--(5-18); \draw[blue] (6-18)--(7-18);, \draw[green] (1-24)--(2-23)--(3-22)--(4-21); \draw[green] (1-23)--(2-23); \draw[green] (1-18)--(2-16)--(1-17); \draw[green] (1-12)--(2-7)--(1-9); \draw[green] (2-7)--(3-7)--(4-4)--(3-6)--(2-7); \draw[green] (1-3)--(2-1); } \node (99)[label={below:Example $1$}] [vertex4] at (4,1) {}; \begin{scope}[shift={(8,0)}] \foreach \x/\y in {1/4,1/15,1/22,2/4,2/21,2/22,3/4, 3/20,3/21} \node[vertex,blue!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {2/15,3/12,3/13,3/14, 4/3,4/4,4/9,4/10,4/11,4/18,4/19,5/3,5/9,5/10,5/11,5/18,5/19, 6/3,6/4,6/9,6/11,6/18,6/19,7/3,7/4,7/9,7/11,7/18,7/19} \node[vertex,yellow!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {1/3,1/5,1/9,1/12,1/17,1/18,1/23,1/24, 2/1,2/7,2/16,2/23,3/6,3/7,3/22,4/5,4/21, 5/5,5/21,6/5,6/21} \node[vertex,green!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {2/19,3/8,3/17,3/24, 4/1,4/8,4/14,4/24, 5/6,5/7,5/13,5/14,5/23,5/24, 6/12,6/13,6/14,6/24, 7/1,7/2,7/6,7/7,7/8,7/14,7/16,7/24} \node[vertex,red!70!black] (\x-\y) at (\x,\y) {}; { \draw[very thick,blue] (1-4)--(2-4)--(3-4)--(4-3) --(5-3)--(6,3)--(7-3); \draw[very thick,blue] (1-15)--(2-15)--(3-12)--(4-9) --(5-9)--(6-9)--(7-9); \draw[very thick,blue] (1-22)--(2-21)--(3-20)--(4-18) --(5-18)--(6-18)--(7-18); \draw[blue] (2-15)--(3-14)--(4-11)--(3-13)--(2-15); \draw[blue] (7-9)--(6-9); \draw[blue] (1-22)--(2-22)--(3-21)--(4-18); \draw[blue] (2-22)--(3-20)--(4-19); \draw[blue] (2-21)--(3-21)--(4-19)--(5-19)-- (6-19)--(7-19); \draw[blue] (3-14)--(4-10)--(3-13)--(4-9); \draw[blue] (4-11)--(3-12)--(4-10); \draw[blue] (4-9)--(3-14); \draw[blue] (3-4)--(4-4); \draw[blue] (4-10)--(5-10); \draw[blue] (4-11)--(5-11)--(6-11)--(7-11); \draw[blue] (6-4)--(7-4); \draw[green] (1-24)--(2-23)--(3-22)--(4-21) --(5-21)--(6-21); \draw[green] (1-23)--(2-23); \draw[green] (1-18)--(2-16)--(1-17); \draw[green] (1-12)--(2-7)--(1-9); \draw[green] (2-7)--(3-7)--(4-5)--(3-6)--(2-7); \draw[green] (4-5)--(5-5)--(6-5); \draw[green] (1-3)--(2-1); } \node (99)[label={below:Example $2$}] [vertex4] at (4,1) {}; \end{scope} \begin{scope}[shift={(16,-8)}] \foreach \x/\y in {1/24,2/23,3/21,4/12, 5/12,6/12,7/12,8/12,9/8, 10/5} \node[vertex,blue!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {2/24,3/22,3/23, 4/13,4/14,4/15,4/16,4/17,4/18,4/19,4/20,4/21, 5/14,5/15,5/18,5/19,5/20, 6/13,6/14,6/15,6/18,6/19,7/15,7/16,7/19,7/21, 8/15,8/19,8/21} \node[vertex,blue!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {9/8,9/9,9/10,9/11,9/12, 10/5,10/6,10/7,10/8} \node[vertex,yellow!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {1/36,2/35,3/33,4/30, 5/30,6/30,7/30,8/30,9/19} \node[vertex,green!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {1/35,2/33,3/31,4/28,4/27,4/26,4/25, 5/27,6/27,7/27,8/27,9/16} \node[vertex,green!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {5/23,5/26,6/29,6/26,6/25,6/24,6/23,7/29, 7/26,7/25,7/24,7/23,8/24,8/23} \node[vertex,pink!70!black] (\x-\y) at (\x,\y) {}; \foreach \x/\y in {3/36,4/35,5/35,6/35,7/35,8/35,9/34} \node[vertex,red!70!black] (\x-\y) at (\x,\y) {}; { \draw[very thick,blue] (1-24)--(2-23)--(3-21)--(4-12) --(5-12)--(6,12)--(7-12)--(8-12)--(9-8)--(10-5); \draw[blue] (1-24)--(2-24)--(3-23)--(4-21); \draw[blue] (2-23)--(3-23)--(4-20)--(5-20); \draw[blue] (2-24)--(3-22)--(4-21); \draw[blue] (2-24)--(3-21)--(4-21); \draw[blue] (2-23)--(3-22)--(4-20); \draw[blue] (3-23)--(4-19)--(5-19)--(6-19)--(7-19)--(8-19); \draw[blue] (3-23)--(4-18);\draw[blue] (3-23)--(4-17); \draw[blue] (3-23)--(4-16);\draw[blue] (3-23)--(4-15); \draw[blue] (3-23)--(4-14);\draw[blue] (3-23)--(4-13); \draw[blue] (3-22)--(4-19); \draw[blue] (3-22)--(4-18);\draw[blue] (3-22)--(4-17); \draw[blue] (3-22)--(4-16);\draw[blue] (3-22)--(4-15); \draw[blue] (3-22)--(4-14);\draw[blue] (3-22)--(4-13); \draw[blue] (3-21)--(4-20);\draw[blue] (3-21)--(4-19); \draw[blue] (3-21)--(4-18);\draw[blue] (3-21)--(4-17); \draw[blue] (3-21)--(4-16);\draw[blue] (3-21)--(4-15); \draw[blue] (3-21)--(4-14);\draw[blue] (3-21)--(4-13); \draw[blue] (4-18)--(5-18)--(6-18); \draw[blue] (4-15)--(5-15)--(6-15)--(7-15)--(8-15); \draw[blue] (4-14)--(5-14)--(6-14); \draw[blue] (8-19)--(9-12);\draw[blue] (8-19)--(9-11); \draw[blue] (8-19)--(9-10);\draw[blue] (8-19)--(9-9); \draw[blue] (8-19)--(9-8); \draw[blue] (8-21)--(9-12);\draw[blue] (8-21)--(9-11); \draw[blue] (8-21)--(9-10);\draw[blue] (8-21)--(9-9); \draw[blue] (8-21)--(9-8); \draw[blue] (8-15)--(9-12);\draw[blue] (8-15)--(9-11); \draw[blue] (8-15)--(9-10);\draw[blue] (8-15)--(9-9); \draw[blue] (8-15)--(9-8); \draw[blue] (8-12)--(9-12);\draw[blue] (8-12)--(9-11); \draw[blue] (8-12)--(9-10);\draw[blue] (8-12)--(9-9); \draw[blue] (9-12)--(10-8);\draw[blue] (9-12)--(10-7); \draw[blue] (9-12)--(10-6);\draw[blue] (9-12)--(10-5); \draw[blue] (9-11)--(10-8);\draw[blue] (9-11)--(10-7); \draw[blue] (9-11)--(10-6);\draw[blue] (9-11)--(10-5); \draw[blue] (9-10)--(10-8);\draw[blue] (9-10)--(10-7); \draw[blue] (9-10)--(10-6);\draw[blue] (9-10)--(10-5); \draw[blue] (9-9)--(10-8);\draw[blue] (9-9)--(10-7); \draw[blue] (9-9)--(10-6);\draw[blue] (9-9)--(10-5); \draw[blue] (9-8)--(10-8);\draw[blue] (9-8)--(10-7); \draw[blue] (9-8)--(10-6); \draw[green] (1-36)--(2-35)--(3-33)--(4-30) --(5-30)--(6,30)--(7-30)--(8-30); \draw[green] (1-36)--(2-33)--(1-35)--(2-35); \draw[green] (2-35)--(3-31)--(2-33)--(3-33); \draw[green] (3-33)--(4-28)--(3-31)--(4-30); \draw[green] (3-33)--(4-27)--(3-31)--(4-26)--(3-33)-- (4-25)--(3-31); \draw[green] (4-27)--(5-27)--(6-27)--(7-27)--(8-27); \draw[green] (9-16)--(8-30)--(9-19); \draw[green] (9-16)--(8-27)--(9-19); \draw[pink] (5-26)--(6-26)--(7-26); \draw[pink] (6-25)--(7-25); \draw[pink] (6-29)--(7-29); \draw[pink] (6-24)--(7-24)--(8-24); \draw[pink] (5-23)--(6-23)--(7-23)--(8-23); } \node (99)[label={below:Example $3$}] [vertex4] at (5,9) {}; \end{scope} \end{tikzpicture}\par \caption{Examples of vein and slice colouring -- a $222222$, a $222000$ and a $222000022$ factor, with vertices coloured blue, green, pink, red and yellow as described. The only edges shown are the veins (bold blue), other edges in the fat veins (blue), part veins that start on the left column but do not reach the right column (green) and related pink rows.} \label{fig-col1} \end{figure} When we create a clique-width expression we will be particularly interested in the edges between the blue and green/pink vertices to the left and the red and yellow vertices to the right. \begin{prop}\label{red} Let $v$ be a red vertex in column $x$ and slice $\mathcal{S}_i$. If $u$ is a blue, green or pink vertex in column $x-1$ then \[uv \in E(G) \text{ if and only if } \alpha_{x-1}=2 \text{ and } u \in \mathcal{V}^f_{i+1} \cup \mathcal{S}_{i+1} \cup \cdots \cup \mathcal{V}^f_{b} \cup \mathcal{S}_b. \] Similarly, if $u$ is a blue, green or pink vertex in column $x+1$ then \[uv \in E(G) \text{ if and only if } \alpha_{x}=2 \text{ and } u \in \mathcal{S}_{0} \cup \mathcal{V}^f_{1} \cup \mathcal{S}_{1} \cup \cdots \cup \mathcal{V}^f_{i} \cup \mathcal{S}_{i}. \] \end{prop} \begin{proof} Note that as $u$ and $v$ are in consecutive columns we need only consider $\alpha$-edges. If $u$ is green in column $x-1$ of $\mathcal{S}_i$ then red $v$ in column $x$ of $\mathcal{S}_i$ cannot be adjacent to $u$ as this would place red $v$ on a green part-vein which is a contradiction. Likewise, if $u$ is green in column $x+1$ of $\mathcal{S}_i$ then red $v$ in column $x$ of $\mathcal{S}_i$ must be adjacent to $u$ since if it was not adjacent to such a green vertex in the same slice then this implies the existence of a green vertex above the red vertex in the same column which contradicts the colouring rule to colour pink any vertex in columns $j$ to $s$ below a vertex coloured green. The other adjacencies are straightforward. \end{proof} \begin{prop}\label{yellow} Let $v$ be a yellow vertex in column $x$ and fat vein $\mathcal{V}^f_i$. If $u$ is a blue, green or pink vertex in column $x-1$ then \[uv \in E(G) \text{ if and only if } \alpha_{x-1}=2 \text{ and } u \in \mathcal{V}^f_{i} \cup \mathcal{S}_{i} \cup \cdots \cup \mathcal{V}^f_{b} \cup \mathcal{S}_b. \] Similarly, if $u$ is a blue, green or pink vertex in column $x+1$ then \[uv \in E(G) \text{ if and only if } \alpha_{x}=2 \text{ and } u \in \mathcal{S}_{0} \cup \mathcal{V}^f_{1} \cup \mathcal{S}_{1} \cup \cdots \cup \mathcal{V}^f_{i-1} \cup \mathcal{S}_{i-1}. \] \end{prop} \begin{proof} Note that as $u$ and $v$ are in consecutive columns we need only consider $\alpha$-edges. If $u$ is blue in column $x-1$ of $\mathcal{V}^f_i$ then yellow $v$ in column $x$ of $\mathcal{V}^f_i$ must be adjacent to $u$ from the definition of a fat vein. Equally, from the colouring definition for a fat vein there cannot be a blue vertex in column $x+1$ of $\mathcal{V}^f_i$ if there is a yellow vertex in column $x$ of $\mathcal{V}^f_i$. The other adjacencies are straightforward. \end{proof} Having established these propositions, as the pink and green vertices in a particular slice and column have the same adjacencies to the red and yellow vertices, we now combine the green and pink sets and simply refer to them all as \emph{green}. \subsection{Extending \texorpdfstring{$\alpha$}{alpha} to the \texorpdfstring{$4$}{4}-letter alphabet} Our analysis so far has been based on $\alpha$ being a word from the alphabet $\{0,2\}$. We now use the following lemma to extend our colouring to the case where $\alpha$ is a word over the $4$-letter alphabet $\{0,1,2,3\}$. Let $\alpha$ be an infinite word over the alphabet $\{0,1,2,3\}$ and $\alpha^+$ be the infinite word over the alphabet $\{0,2\}$ such that for each $x \in \mathbb{N}$, \[ \alpha^+_x= \begin{cases} 0&\text{ if } \alpha_x=0 \text{ or } 1,\\ 2&\text{ if } \alpha_x=2 \text{ or } 3, \end{cases} \] Denoting $\delta=(\alpha,\beta,\gamma)$ and $\delta^+=(\alpha^+,\beta,\gamma)$, let $G=(V,E)$ be a graph in the class $\mathcal{G}^\delta$ with a particular embedding in the vertex grid $V(\mathcal{P})$. We will refer to $G^+=(V,E^+)$ as the graph with the same vertex set $V$ as $G$ from the class $\mathcal{G}^{\delta^+}$. \begin{lemma}\label{lem-U-sim0123} For any subset of vertices $U \subseteq V$, 2 vertices of $U$ in the same column of $V(\mathcal{P})$ are $V\setminus U$-similar in $G$ if and only if they are $V\setminus U$-similar in $G^+$. \end{lemma} \begin{proof} Let $u_1$ and $u_2$ be two vertices in $U$ in the same column $x$ and $v$ be a vertex of $V\setminus U$ in column $y$. If $x=y$ then $v$ is in the same column as $u_1$ and $u_2$ and is either adjacent to both or neither depending on whether there is a $\gamma$-clique on column $x$, which is the same in both $G$ and $G^+$. If $|x-y|>1$ then $v$ is adjacent to both $u_1$ and $u_2$ if and only if there is a bond $(x,y)$ in $\beta$, which is the same in both $G$ and $G^+$. If $y=x+1$ then the adjacency of $v$ to $u_1$ and $u_2$ is determined by $\alpha_x$ in $G$ and $\alpha^+_x$ in $G^+$. If $\alpha_{x}=\alpha^+_{x}$ (i.e. both $0$ or both $2$) then the adjacencies are the same in $G$ and $G^+$. If $\alpha_{x}=1$ and $\alpha^+_{x}=0$, then $u_1$ and $u_2$ are both adjacent to $v$ in $G$ if and only if they are both non-adjacent to $v$ in $G^+$. If $\alpha_{x}=3$ and $\alpha^+_{x}=2$, then $u_1$ and $u_2$ are both adjacent to $v$ in $G$ if and only if they are both non-adjacent to $v$ in $G^+$. Hence $u_1$ and $u_2$ have the same neighbourhood in $V\setminus U$ in $G$ if and only if they have the same neighbourhood in $V\setminus U$ in $G^+$. \end{proof} \subsection{Panel construction}\label{Sect:panels} We now construct the panels of $G$ based on our embedding of $G$ in $\mathcal{P}^{\delta}$. To recap, $\delta^*=\delta_{[j,j+k-1]}$ is the $k$-factor that defines the forbidden graph $H^\delta_{j,1}(k,k)$ and we will use the repeated instances of $\delta^*$ to divide our embedded graph $G$ into panels. Define $t_0, t_1, \dots, t_{\omega}$ where $t_0$ is the index of the column before the first column of the embedding of $G$, $t_{\omega}$ is the index of the last column of the embedding of $G$ and $t_i$ ($0<i<\omega$) represents the rightmost letter index of the $i$-th copy of $\delta^*$ in $\delta$ , such that $t_i>k+t_{i-1}$ to ensure the copies are disjoint. Hence, the $i$-th copy of $\delta^*$ in $\delta$ corresponds to columns $C_{[t_i-k+1,t_i]}$ of $\mathcal{P}^\delta$ and we denote the induced graph on these columns $G^*_i=G_{[t_i-k+1,t_i]}$. Colour the vertices of $G^*_i$ blue, yellow, green or red as described in Section \ref{sect:vert_col}. Call these vertex sets $U^b_i$, $U^y_i$, $U^g_i$ and $U^r_i$ respectively. Denote $U^w_1$ as the vertices in $G_{[t_0+1,t_1-k]}$, and for $1<i< \omega$ denote $U^w_i$ the set of vertices in $G_{[t_i+1,t_{i+1}-k]}$ and colour the vertices in each $U^w_i$ white. We now create a sequence of \emph{panels}, the first panel is $P_1=U^w_1 \cup U^g_1 \cup U^b_1$, and subsequent panels given by \[P_i=U^y_{i-1}\cup U^r_{i-1}\cup U^w_i\cup U^g_i\cup U^b_i.\] These panels create a disjoint partition of the vertices of our embedding of $G$. The following lemma will be used to put a bound on the number of labels required in a linear clique-width expression to create edges between panels. We denote $\mathbb{P}_i=\cup_{s=1}^i P_s$, and $\mathcal{V}^f_{i,x}$ and $\mathcal{S}_{i,x}$ as the $x$-th fat vein and $x$-th slice respectively of $G^*_i$. \begin{lemma}\label{lem-Usim-panels} Let $(\alpha,\beta,\gamma)$ be a recurrent $\delta$-triple where $\alpha$ is an infinite word over the alphabet $\{0,1,2,3\}$, $\gamma$ is an infinite binary word and $\beta$ is a bond set which has bounded $\mathcal{M}^\beta$, so that $\mathcal{M}^\beta(n) < M$ for all $n \in \mathbb{N}$. Then for any graph $G=(V,E) \in \mathcal{G}^\delta \cap Free(H^\delta_{j,1}(k,k))$ for some $j,k \in \mathbb{N}$ with vertices $V$ partitioned into panels $\{P_1,\dots,P_{\omega}\}$ and $1 \le i \le \omega$, \[\mu(G,\mathbb{P}_i) < M + 2k^2.\] \end{lemma} \begin{proof} Using Lemma \ref{lem-U-sim0123} with $U=\mathbb{P}_i$, we only need to prove the case when $\alpha=\alpha^+$, a word over the alphabet $\{0,2\}$. Considering the three sets of vertices $\mathbb{P}_i \setminus\{U^b_{i} \cup U^g_{i}\}$, $U^b_{i}$ and $U^g_{i}$ separately, we have: \begin{enumerate}[label=(\alph*)] \item $\mu(G,\mathbb{P}_i \setminus\{U^b_{i} \cup U^g_{i}\}) \le \mathcal{M}^\beta(t_{\omega}) < M$. \item $\mu(G,U^b_{i}) \le k(k-1)$, noticing that from Propositions \ref{red} and \ref{yellow} two blue vertices in the same fat vein and column have the same neighbourhood in $V \setminus \mathbb{P}_i$. \item $\mu(G,U^g_{i}) \le k(k+1)$, noticing that from Propositions \ref{red} and \ref{yellow} two green vertices in the same slice and column have the same neighbourhood in $V \setminus \mathbb{P}_i$. \end{enumerate} This covers all vertices of $\mathbb{P}_i$ and the result follows. \end{proof} \subsection{When \texorpdfstring{$\mathcal{G}^\delta$}{\mathcal{G}{}} is a minimal class of unbounded clique-width}\label{minimalproof} Our strategy for proving that an arbitrary graph $G$ in a proper hereditary subclass of $\mathcal{G}^\delta$ has bounded linear clique-width (and hence bounded clique-width) is to define an algorithm to create a linear clique-width expression that allows us to recycle labels so that we can put a bound on the total number of labels required, however many vertices there are in $G$. We do this by constructing a linear clique-width expression for each panel $P_i$ in $G$ in a linear sequence, leaving the labels on each vertex of previously constructed panels $\mathbb{P}_{i-1}$ with an appropriate label to allow edges to be constructed between the current panel/vertex and previous panels. To be able to achieve this we require the following ingredients: \begin{enumerate}[label=(\alph*)] \item $\delta$ to be recurrent so we can create the panels, \item a bound on the number of labels required to create each new panel, \item a process of relabelling so that we can leave appropriate labels on each vertex of the current panel to enable connecting to previous panels, before moving on to the next panel, and \item a bound on the number of labels required to create edges to previously constructed panels. \end{enumerate} We have $(a)$ by assumption and we will deal with $(c)$ and $(d)$ in the proof of Theorem \ref{thm-0123minim}. The next two lemmas show how we can restrict $\delta$ further, using a new concept of 'gap factors', to ensure $(b)$ is achieved. \begin{lemma}\label{lem-lcw-rectangular-block} For any $\delta$ and graph $G\in \mathcal{G}^\delta$ and any $j_1,j_2 \in \mathbb{N}$ where $|j_2-j_1|=\ell-1$ \[lcw(G_{[j_1,j_2]})\le 2\ell\] \end{lemma} \begin{proof} We construct $G_{[j_1,j_2]}$ using a row-by-row linear method, starting in the bottom left. For each of the $\ell$ columns, we create 2 labels: one label $c_1,\dots,c_{\ell}$ for the vertex in the \emph{current} row being constructed, and one label $e_1,\dots,e_{\ell}$ for the vertices in all \emph{earlier} rows. For the first row, we insert the (max) $\ell$ vertices using the labels $c_1,\dots,c_{\ell}$, and since every vertex has its own label we can insert all necessary edges. Now relabel $c_i \to e_i$ for each $i$. Suppose that the first $r$ rows have been constructed, in such a way that every existing vertex in column $i$ has label $e_i$. We insert the (max) $\ell$ vertices in row $r+1$ using labels $c_1,\dots,c_{\ell}$. As before, every vertex in this row has its own label, so we can insert all edges between vertices within this row. Next, note that any vertex in this row has the same relationship with all vertices in rows $1,\dots,r$ of any column $i$. Since these vertices all have label $e_i$ and the vertex in row $r+1$ has its own label, we can add edges as determined by $\alpha$, $\beta$ and $\gamma$ as necessary. Finally, relabel $c_i \to e_i$ for each $i$, move to the next row and repeat until all rows have been constructed. \end{proof} As a consequence of Lemma \ref{lem-lcw-rectangular-block}, if $\delta$ is almost periodic, so that for any factor $\delta^*$ of $\delta$ every factor of $\delta$ of length at least $\mathcal{L}(\delta^*)$ contains $\delta^*$, then each panel $P_i$ covers a maximum of $\mathcal{L}(\delta^*)+k$ columns and $G[P_i]$ can be constructed with at most $2\mathcal{L}(\delta^*)+2k$ labels. So (b) is satisfied for $\delta$ almost periodic, but we wish to go further. We will call the factors between, and including, any consecutive pair of occurrences of a $k$-factor $\delta^*$ the \emph{$\delta^*$-gap factors}. If $\delta$ is recurrent but not almost periodic then there exists a $k$-factor $\delta^*=\delta_{[j,j+k-1]}$, say, such that the $\delta^*$-gap factors can be arbitrarily long and Lemma \ref{lem-lcw-rectangular-block} will not be sufficient to demonstrate a bound on the number of labels required to construct $P_i$. Using the same column indices $\{t_i\}$ used for panel construction in Section \ref{Sect:panels}, let the $i$-th $\delta^*$-gap factor be denoted $\delta_{q_i}$ where $q_1=[t_{0}+1,t_1]$ and $q_i=[t_{i-1}-k+1,t_i]$ for $1<i<\omega$. Note that for every $i$, $P_i\subseteq C_{q_i}$. We define a two-row graph $T^\delta(q_i)$ (see Section \ref{two-row}) corresponding to each $q_i$, with vertex partition $R_1(q_i) \cup R_2(q_i)$ and with related parameter $\mathcal{N}^\delta(q_i)= \mu(T^\delta(q_i),R_1(q_i))$. We will define $\mathcal{N}^\delta_*(n) = \sup_{1 \le i \le n}\mathcal{N}^\delta(q_i)$ and will say $\mathcal{N}^\delta_*$ is bounded if $\mathcal{N}^\delta_*(n)$ is bounded as $n \rightarrow \infty$. \begin{lemma}\label{lem:delta-gap} Let $\delta$ be a recurrent triple with $k$-factor $\delta^*=\delta_{[j,j+k-1]}$ such that $\mathcal{N}^\delta_*$ is bounded. Then there exists a bound on the linear clique-width of any graph $G \in \mathcal{G}^\delta$, with $V[G] \subseteq C_{q_i}$ for some $i \in \mathbb{N}$ . \end{lemma} \begin{proof} As $\mathcal{N}^\delta_*$ is bounded then there exists fixed $N$ such that $\mathcal{N}^\delta(q_i)<N$ for any $i \in \mathbb{N}$ . Following the proof of Lemma \ref{lem-finite23} it follows that there is a bound, say $J$, on the number of $2$s and $3$s in any $\delta^*$-gap factor. We can use the row-by-row linear method from the proof of Lemma \ref{lem-finite23} to show that for any graph $G\in \mathcal{G}^\delta$, with $V[G] \subseteq C_{q_i}$ for some $i \in \mathbb{N}$ it follows that $lcw(G)\le 2J+N+2$. \end{proof} An example of a recurrent but \emph{not} almost periodic triple $\delta=(\alpha, \emptyset, 0^\infty)$ for which $\mathcal{N}^\delta$ is unbounded, but where for any factor $\delta^*$ of $\delta$ the parameter $\mathcal{N}^\delta_*$ is bounded, was given in \cite{brignall_cocks:uncountable:}, where $\alpha$ is a recurrent but not almost periodic binary word constructed by a process of substitution. We are now in a position to define a set of hereditary graph classes $\mathcal{G}^\delta$ that are minimal of unbounded clique-width. We will denote $\Delta_{min} \subseteq \Delta$ as the set of all $\delta$-triples in $\Delta$ with the characteristics: \begin{enumerate}[label=(\alph*)] \item $\delta$ is recurrent, \item for any factor $\delta^*$ of $\delta$, the parameter $\mathcal{N}^\delta_*$ is bounded (includes all almost periodic $\delta$ in $\Delta$), and \item the bond set $\beta$ has bounded $\mathcal{M}^\beta$. \end{enumerate} \begin{thm}\label{thm-0123minim} If $\delta \in \Delta_{min}$ then $\mathcal{G}^\delta$ is a minimal hereditary class of both unbounded linear clique-width and unbounded clique-width. \end{thm} \begin{proof} To prove this Theorem we must show that if $\delta \in \Delta_{min}$ then every proper hereditary subclass $\mathcal{C} \subsetneq \mathcal{G}^\delta$ has bounded linear clique-width. From the introduction to this section we know that for such a subclass $\mathcal{C}$ there must exist some $H^\delta_{j,1}(k,k)$ for some $j$ and $k\in \mathbb{N}$ such that $\mathcal{C} \subseteq \operatorname{Free}(H^\delta_{j,1}(k,k))$. From Lemma \ref{lem:delta-gap} we know there exist fixed $J$ and $N\in \mathbb{N}$ such that the number of labels required to construct each panel $P_i$ by the row-by-row linear method for all $i \in \mathbb{N}$ is no more than $2J+N+2$. As the bond-set $\beta$ has bounded $\mathcal{M}^\beta$, let $M\in \mathbb{N}$ be a constant such that $\mathcal{M}^\beta(n) < M$ for all $n \in \mathbb{N}$. Although a single panel $P_i$ can be constructed using at most $2J+N+2$ labels, we need to be able to recycle labels so that we can construct any number of panels with a bounded number of labels. We will show that any graph $G \in \operatorname{Free}(H^\delta_{j,1}(k,k))$ can be constructed by a linear clique-width expression that only requires a number of labels determined by the constants $M$, $N$, $J$ and $k$. For our construction of panel $P_i$, we will use the following set of $4k^2+MN+M+2J+2$ labels: \begin{itemize} \item $2$ \emph{current vertex labels}: $a_1$ and $a_2$; \item $J$ \emph{current row labels}: $\{c_y : y=1,\dots,J\}$ for first $J$ columns; \item $J$ \emph{previous row labels}: $\{p_{y} : y = 1,\dots,J\}$ for first $J$ columns; \item $MN$ \emph{partition labels}: $\{s_{x,y} : x=1,\dots,M,y=1,\dots,N\}$, for vertices in $U^y_{i-1} \cup U^r_{i-1} \cup U^w_i$; \item $k^2$ \emph{blue current panel labels}: $\{bc_{x,y} : x=1,\dots,k, y = 1,\dots,k\}$, for vertices $\mathcal{V}^f_{i,x} \cap U^b_{i} \cap C_y$; \item $k^2$ \emph{blue previous panel labels}: $\{bp_{x,y} : x=1,\dots,k, y = 1,\dots,k\}$, for vertices $\mathcal{V}^f_{i-1,x} \cap U^b_{i-1} \cap C_y$; \item $k^2$ \emph{green current panel labels}: $\{gc_{x,y} : x=0,\dots,k-1,y = 1,\dots,k\}$, for vertices $\mathcal{S}_{i,x} \cap U^g_{i} \cap C_y$; \item $k^2$ \emph{green previous panel labels}: $\{gp_{x,y} : x=0,\dots,k-1, y = 1,\dots,k\}$, for vertices $\mathcal{S}_{i-1,x} \cap U^g_{i-1} \cap C_y$; \item $M$ \emph{bond labels}: $\{m_{y} : y=1,\dots, M\}$, for vertices in previous panels for creating the $\beta$-bond edges between columns. \end{itemize} We carry out the following iterative process to construct each panel $P_i$ in turn. Assume $\mathbb{P}_{i-1}=\cup_{s=1}^{i-1} P_s$ has already been constructed such that labels $m_y$, $bp_{x,y}$ and $gp_{x,y}$ have been assigned to the $M+2k^2$ $V \setminus \mathbb{P}_{i-1}$-similar sets as described in Lemma \ref{lem-Usim-panels}. Using the same column indices $\{t_i\}$ used for panel construction (Section \ref{Sect:panels}) we assign a default partition label $s_{x,y}$ to each column of $U^y_{i-1} \cup U^r_{i-1} \cup U^w_i$ as follows: \begin{enumerate}[label=(\alph*)] \item Consider the bond-graph $B^\beta([1,t_\omega])$ (Section \ref{bond-graph}). We partition the interval $Q=[t_{i-1}-k+1,t_i-k]$ into $[t_i-k+1,t_\omega]$-similar sets of which there are at most $M$, and use label index $x$ to identify values in $Q$ in the same $[t_i-k+1,t_\omega]$-similar set. Consequently, vertices in two columns of $U^y_{i-1} \cup U^r_{i-1} \cup U^w_i$ that have the same default label $x$ value have the same neighbourhood in $G_{[t_i-k+1,t_\omega]}$ and hence are in the same $V \setminus \mathbb{P}_{i}$-similar set. \item Consider the two-row graph $T^\delta(Q)$ (Section \ref{two-row}). We partition vertices in $R_1(Q)$ into $R_2(Q)$-similar sets of which there are at most $N$. We create a corresponding partition of the interval $Q$ such that $v_{x,1}$ and $v_{y,1}$ are in the same equivalence class of $R_1(Q)$ if and only if $x$ and $y$ are in the same partition set of $Q$. We now use label index $y$ to identify values in the same partition set. Consequently, vertices in two columns of $U^y_{i-1} \cup U^r_{i-1} \cup U^w_i$ that have the same default label $y$ value have the same neighbourhood within $G_{Q}$. \end{enumerate} We construct each panel $P_i$ in the row-by-row linear method used for the graph with a finite number of $2$s and $3$s with bounded $\mathcal{N}^\delta$ constructed in Lemma \ref{lem-finite23}. The current vertex always has a unique label. Thus, for each row, we use labels $c_1, \dots, c_J$ for vertices in the first $J$ columns and then alternate $a_1$ and $a_2$ for the current and previous vertices for the remainder of the row. For each new vertex in the current row we add edges as follows: \begin{enumerate}[label=(\alph*)] \item Insert required edges to the $\mathcal{M}^\beta+2k^2$ $V \setminus \mathbb{P}_{i-1}$-similar sets -- see Lemma \ref{lem-Usim-panels}. This is possible because vertices within each of these sets are either all adjacent to the current vertex or none of them are. \item Insert required edges to vertices in the same or lower rows in the current panel. This is possible as these vertices all have labels $p_y$, $s_{x,y}$, $bc_{x,y}$ or $gc_{x,y}$ and, from the construction, vertices with the same $y$ value are either all adjacent to the current vertex or none of them are. \end{enumerate} Following completion of edges to the current vertex, we relabel the previous vertex as follows: \begin{itemize} \item from $c_y$ to $p_y$ if it is in the first $J$ columns, \item from $a_2$ (or $a_1$) to its default partition label $s_{x,y}$ if it is in $U^y_{i-1} \cup U^r_{i-1} \cup U^w_i$ but not in the first $J$ columns. \item from $a_2$ (or $a_1$) to $bc_{x,y}$ if it is in $\mathcal{V}^f_{i,x} \cap U^b_{i}$, and \item from $a_2$ (or $a_1$) to $gc_{x,y}$ if it is in $\mathcal{S}_{i,x} \cap U^g_{i}$. \end{itemize} We now repeat for the next row of panel $P_i$. Once panel $P_i$ is complete, relabel as follows: Relabel vertices in accordance with their $V \setminus \mathbb{P}_{i}$-similar set, of which there are at most $M$. Note from Proposition \ref{Mlabels}, that two vertices with the same label $m_y$ from the previous $\mathbb{P}_{i-1}$ partition sets will still need the same label in $\mathbb{P}_{i}$. Two equivalence classes from the $\mathbb{P}_{i-1}$ partition may merge to form a new equivalence class in the $\mathbb{P}_{i}$ partition. Hence, it is possible to relabel with the same label the old equivalence classes that merge, and then use the spare $m_y$ labels for any new equivalence classes that appear. We never need more than $M$ such labels. Also relabel all vertices with labels $bp_{x,y}$, $gp_{x,y}$, $p_y$ and $s_{x,y}$ with the relevant bond label $m_y$ of their $V \setminus \mathbb{P}_{i}$-similar set. This is possible for the vertices labelled $s_{x,y}$ as the index $x$ signifies their $V \setminus \mathbb{P}_{i}$-similar set. Now relabel $bc_{x,y}\rightarrow bp_{x,y}$ and $gc_{x,y}\rightarrow gp_{x,y}$ ready for the next panel. For the next panel we can reuse labels $a_1$, $a_2$, $c_y$, $p_y$, $s_{x,y}$, $bc_{x,y}$ and $gc_{x,y}$ as necessary. This process repeated for all panels completes the construction of $G$. The maximum number of labels required to construct any graph $G \in \operatorname{Free}(H^\delta_{j,1}(k,k))$ is $4k^2+MN+M+2J+2$ and hence $\mathcal{C}$ has bounded linear clique-width. \end{proof} The conditions for $\delta$ to be in $\Delta_{min}$ are sufficient for the class $\mathcal{G}^\delta$ to be minimal. It is fairly easy to see that the first two conditions (recurrence and bounded clique-width for gap factors) are also necessary. However, there remains a question regarding the necessity of the bond set $\beta$ to have bounded $\mathcal{M}^\beta$. We have been unable to identify any $\delta \not\in \Delta_{min}$ such that $\mathcal{G}^\delta$ is a minimal class of unbounded clique-width, hence: \begin{conj} The hereditary graph class $\mathcal{G}^\delta$ is minimal of unbounded clique-width if and only if $\delta \in \Delta_{min}$. \end{conj} \section{Examples of new minimal classes} \label{Sect:examples} It has already been shown in \cite{brignall_cocks:uncountable:} that there are uncountably many minimal hereditary classes of graphs of unbounded clique-width. However, armed with the new framework we can now identify many other types of minimal classes. Some examples of $\delta=(\alpha,\beta,\gamma$) values that yield a minimal class are shown in Table \ref{table-examples}. \begin{table}[ht!] \renewcommand{\arraystretch}{1.5} \centering \begin{tabular}{|m{1.75cm}|m{2.0cm}|m{6.5cm}|m{1.0cm}|m{2.0cm}|} \hline \textbf{Example} &\textbf{$\alpha$} &\textbf{$\beta$} \text{ } \textbf{($x,y \in \mathbb{N}$)} &\textbf{$\gamma$} &$\mathcal{M}^\beta$ bound\\ \hline 1. &$0^\infty$ &$\emptyset$ &$1^\infty$ & 1 \\ \hline 2. &$1^\infty$ &$(1,x+2)$ &$0^\infty$ & 2\\ \hline 3. &$(23)^\infty$ &$(x,x+2)$ &$0^\infty$ & 3\\ \hline 4. &$0^\infty$ &$(x,y): |x-y| \neq 1, x-y \equiv 1 \pmod{2}$ &$0^\infty$ & 3\\ \hline 5. &$1^\infty$ &$(x,y): x \neq y, x-y \equiv 0 \pmod{2}$ &$1^\infty$ & 2\\ \hline 6. &$2^\infty$ &$(x,y): 1<|x-y|\le n$ (fixed $n$) &$0^\infty$ & n\\ \hline \end{tabular} \caption{New minimal hereditary graph classes of unbounded clique-width} \label{table-examples} \end{table} \section{Concluding remarks}\label{Sect-Conclude} The ideas of periodicity and recurrence are well established concepts when applied to symbolic sequences (i.e. words). Application to $\delta$-triples and in particular $\beta$-bonds is rather different and needs further investigation. The $\beta$-bonds have been defined as generally as possible, allowing a bond between any two non-consecutive columns. The purpose of this was to capture as many minimal classes in the framework as possible. However, it may be observed that the definition is so general that for any finite graph $G$ it is possible to define $\beta$ so that $G$ is isomorphic to an induced subgraph of $B^\beta(Q)$ and hence $\mathcal{G}^\delta$. In these $\mathcal{G}^\delta$ graph classes we have seen that unboundedness of clique-width is determined by the unboundedness of a parameter measuring the number of distinct neighbourhoods between two-rows. The minimal classes are those which satisfy defined recurrence characteristics and for which there is a bound on a parameter measuring the number of distinct neighbourhoods between vertices in one row. Hence, whilst we have created a framework for many types of minimal classes, there may be further classes 'hidden' in the $\beta$-bonds. Indeed, we believe other types of minimal hereditary classes of unbounded clique-width exist and this is still an open area for research. \bibliographystyle{plain}
516847bc1337a389376d83a42df577fa18b9a0dd
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Quantum metrology \cite{advances} studies the employment of quantum resources (such as entanglement \cite{EN1} and discord \cite{discord1}) on the enhancement of measurement accuracy \cite{Braunstein1994}. The problem of quantum metrology can be reduced to find optimal scheme for the estimation of parameters that are encoded in a probe system undergoing parameter-dependent evolutions. Taking into account the laws of quantum mechanics, quantum resources are capable to improve the precision of the gravitational wave detection \cite{Aasi2013,Ma2017,Grote}, distributed quantum sensing~\cite{Guo2020,zhao2021}, quantum imaging \cite{kolobov1999spatial,qi1}, and clock synchronization~\cite{leibfried2004toward,wangsyn,Rquan}. In recent years, quantum metrological technique has been employed to enhance the accuracy of estimation for relativistic effects and spacetime parameters, which gives birth to relativistic quantum metrology \cite{aspachs,jieciRQM1, HoslerKok2013, RQMuiverse2,detector1,detector2, RQI6, RQM2, RQM,RQM9,RQM8}. These studies are nontrivial because the estimated parameters govern some key phenomena in which both quantum and spacetime effects are relevant \cite{JHEP1,JHEP2,JHEP3}. Previous researches on the relativistic quantum metrology include the estimation of Unruh-Hawking effect for free modes \cite{aspachs, HoslerKok2013, RQI6}, moving cavities~\cite{RQM,RQM2}, and accelerated detectors \cite{detector1,detector2}, the metrology of cosmological parameters \cite{jieciRQM1,RQMuiverse2}, and precise measurement of spacetime parameters of the Earth~\cite{ RQM9, RQM8}, among others. The advantage of optical quantum metrological settings has been experimentally verified by the detection of gravitational via squeezed light \cite{Aasi2013,Ma2017,Grote} and the quantum-enhanced clock synchronization \cite{Rquan}. For a customary optical quantum metrology, the generator of parameter is known as a priori, then tailored quantum resources such as squeezed and entangled states can be exploited to improve the precision of phase estimation. In 2014, Girolami \emph{et al.} proposed a framework for the black-box quantum parameter estimation \cite{discordGIP}, which can be applied to the case where \iffalse the probe state undergoes a priori unknown evolution. That is\fi the generator of the estimated parameter in the probe state is {\it not known a priori}. The interferometric power was introduced to quantify the precision for the estimation of encoded parameters in a worst-case scenario \cite{discordGIP}, and has been proved that it is equivalent to a computable measure of discord-type quantum correlations for the probe state. Adesso \cite{GIP} generalized the research on interferometric power to continuous-variable and proposed a closed formula of the Gaussian interferometric power (GIP) for continuous-variable quantum systems. \iffalse A complete quantum parameter estimation process of the black-box parameter estimation can also be divided into four steps: the preparation of the probe state, the evolution of the probe state in the measuring system, the measurement of the output probe state after evolution, and the estimation of parameters according to the measurement results \cite{advances}. In the black-box paradigm, the output state contains information of the parameters after interacting with the quantum system with unknown parameters, and then the unknown parameters of the system to be measured indirectly by measuring the change of the output state of the probe.\fi In this paper, we suggest a black-box parameter estimating strategy for the spacetime parameters and study the dynamics of the GIP for the de Sitter space \cite{Sasaki:1994yt}. The black-box estimation strategy is required because the spacetime effect of the de Sitter space is a two-mode squeezing transformation acting on the causally disconnected regions\cite{Sasaki:1994yt,Kanno16, Albrecht18}. Therefore, it is impossible to perform a customary metrological process where the generator of parameter is known as a priori. In the present work, an optical Mach-Zender interferometer is involved to estimate the expanding parameter for the de Sitter space. Such a setup can be theoretically modeled as a dual-arm channel, where the estimated parameter is encoded to one arm only, and the identity operation is applied to the other arm. We assume that a subsystem of the initial state is observed by the global observer Alice who moves along geodesics, the other subsystem is described by the observer Bob who is restricted to one region in the de Sitter space, which is causally disconnected from the other region \cite{Kanno16, Albrecht18}. Under the spacetime effect of the de Sitter space, the parameters of the two-mode squeezing transformation are encoded into the black-box device. The information of the spacetime is obtained when the measurements are completed at the output side of the interferometer. We find that the role of the probe state between different open charts is quite distinct for the black-box parameter estimation. In addition, the quantum discord of probe states serves as a promising resource for the black-box quantum parameter estimation when there is no entanglement between the initially uncorrelated probe states in the de Sitter space. The organization of the paper is as follows. In Sec. II we review the solutions of mode functions and Bogoliubov transformations in the de Sitter space. In Sec. III we introduce the scheme of the black-box optical interferometer and the role of the GIP. In Sec. IV we study the black-box estimation of spacetime parameters and the behavior of the GIP in the de Sitter space. In the final section, we summarize our results. \section{The behavior of scalar field in the de Sitter space \label{model}} We consider a free scalar field $\phi$ with mass $m$ which is initially described by two experimenters, Alice and Bob, in the Bunch-Davies vacuum of the de Sitter space. The coordinate frames of the open charts in the de Sitter space can be obtained by analytic continuation from the Euclidean metric. As shown in Fig.1, the spacetime geometry of the de Sitter space is divided into three open charts, which are denoted by $R$, $L$ and $C$, respectively. We assume that a subsystem of the initial state is observed by the global observer Alice moving along geodesics, the other subsystem is described by the observer Bob restricted to the region $R$ in the de Sitter space, and the region $R$ is causally disconnected from the region $L$. The metrics for the two causally disconnected open charts $R$ and $L$ in the de Sitter space are given by~\cite{Sasaki:1994yt} \begin{eqnarray} ds^2_R&=&H^{-2}\left[-dt^2_R+\sinh^2t_R\left(dr^2_R+\sinh^2r_R\,d\Omega^2\right) \right]\,,\nonumber\\ ds^2_L&=&H^{-2}\left[-dt^2_L+\sinh^2t_L\left(dr^2_L+\sinh^2r_L\,d\Omega^2\right) \right]\,, \end{eqnarray} where $d\Omega^2$ is the metric on the two-sphere and $H^{-1}$ is the Hubble radius. The solutions of the Klein-Gordon equation in different regions are found to be \begin{eqnarray}\label{solutions1} u_{\sigma p\ell m}(t_{R(L)},r_{R(L)},\Omega)&\sim&\frac{H}{\sinh t_{R(L)}}\, \chi_{p,\sigma}(t_{R(L)})\,Y_{p\ell m} (r_{R(L)},\Omega)\,,\qquad \nonumber\\ -{\rm\bf L^2}Y_{p\ell m}&=&\left(1+p^2\right)Y_{p\ell m}\,, \end{eqnarray} where $Y_{p\ell m}$ are harmonic functions on the three-dimensional hyperbolic space. In Eq. (\ref{solutions1}), $\chi_{p,\sigma}(t_{R(L)})$ are positive frequency mode functions supporting on the $R$ and $L$ regions ~\cite{Sasaki:1994yt} \begin{eqnarray} \chi_{p,\sigma}(t_{R(L)})=\left\{ \begin{array}{l} \frac{e^{\pi p}-i\sigma e^{-i\pi\nu}}{\Gamma(\nu+ip+\frac{1}{2})}P_{\nu-\frac{1}{2}}^{ip}(\cosh t_R) -\frac{e^{-\pi p}-i\sigma e^{-i\pi\nu}}{\Gamma(\nu-ip+\frac{1}{2})}P_{\nu-\frac{1}{2}}^{-ip}(\cosh t_R) \,,\\ \\ \frac{\sigma e^{\pi p}-i\,e^{-i\pi\nu}}{\Gamma(\nu+ip+\frac{1}{2})}P_{\nu-\frac{1}{2}}^{ip}(\cosh t_L) -\frac{\sigma e^{-\pi p}-i\,e^{-i\pi\nu}}{\Gamma(\nu-ip+\frac{1}{2})}P_{\nu-\frac{1}{2}}^{-ip}(\cosh t_L) \,, \label{solutions} \end{array} \right. \end{eqnarray} where $\sigma=\pm 1$ distinguish the independent solutions for each open chart and $P^{\pm ip}_{\nu-\frac{1}{2}}$ are the associated Legendre functions. The above solutions can be normalized by the factor $ N_{p}=\frac{4\sinh\pi p\,\sqrt{\cosh\pi p-\sigma\sin\pi\nu}}{\sqrt{\pi}\,|\Gamma(\nu+ip+\frac{1}{2})|}\,, $ where $p$ is a positive real parameter normalized by $H$. The mass parameter $\nu$ is defined by $ \nu=\sqrt{\frac{9}{4}-\frac{m^2}{H^2}}\, $. \iffalse Here and below in the text, we focus on the case $m^2/H^2<9/4$ to save space and make the discussion clear. The extension to the case $m^2/H^2>9/4$ is straightforward, and the result we present will include both mass ranges. For $1/2<\nu<3/2$, it is known that there exists a super-curvature mode $p=ik$ where $0<k<1$, which may be regarded as a bound-state mode. The role of supercurvature modes in quantum entanglement is ambiguous.\fi Note that the curvature effect starts to appear around $p\sim 1$ in three-dimensional hyperbolic space \cite{Kanno16, Albrecht18,Sasaki:1994yt,DE1,DE2,DE3}, and the effect of the curvature becomes stronger when $p$ is less than $1$. Therefore, $p$ can be considered as the curvature parameter of the de Sitter space. The mass parameter $\nu$ has two special values: $\nu=1/2$ ($m^2=2H^2$) for the conformally coupled massless scalar field, and $\nu=3/2$ for the minimally coupled massless scalar field. The scalar field can be expanded in accordance with the creation and annihilation operators \begin{eqnarray} \hat\phi(t,r,\Omega) =\frac{H}{\sinh t}\int dp \sum_{\ell,m}\phi_{p\ell m}(t)Y_{p\ell m}(r,\Omega) \,, \end{eqnarray} where $a_{\sigma p\ell m}|0\rangle_{\rm BD}=0$ is the annihilation operator of the Bunch-Davies vacuum, and the Fourier mode field operator $ \phi_{p\ell m}(t)\equiv \sum_\sigma\left[\,a_{\sigma p\ell m}\,\chi_{p,\sigma}(t) +a_{\sigma p\ell -m}^\dagger\,\chi^*_{p,\sigma}(t)\right]$ has been introduced. For brevity, the indices $p$, $\ell$, $m$ of $\phi_{p\ell m}$ of the operators and mode functions will be omitted below. Since the Fourier mode field operator should be the same under the change of mode functions, we can relate the operators $(a_\sigma,a_\sigma^\dag)$ and $(b_q,b_q^\dag)$ by a Bogoliubov transformation\cite{Sasaki:1994yt,Albrecht18,bov3} \begin{eqnarray} \phi(t)=a_\sigma\,\chi^\sigma+a_\sigma^\dag\,\chi^\sigma{}^* =b_q\,\varphi^q+b_q^\dag\,\varphi^q{}^*\,, \label{fo} \end{eqnarray} where the creation and annihilation operators ($b_q,b_q^\dag$) in different regions are introduced to ensure $b_q|0\rangle_{q}=0$. To facilitate the calculation of degrees of freedom in $L$ space, the Bunch-Davies vacuum is expressed as \begin{eqnarray} |0\rangle_{\rm BD} = N_{\gamma_p}^{-1} \exp\left(\gamma_p\,c_R^\dagger\,c_L^\dagger\,\right)|0\rangle_{R'}|0\rangle_{L'}\,. \label{bogoliubov3} \end{eqnarray} In Eq. (\ref{bogoliubov3}) we have introduced new operators $c_q=(c_R,c_L)$ that satisfy \cite{Kanno16, Albrecht18} \begin{eqnarray} c_R = u\,b_R + v\,b_R^\dagger \,,\qquad c_L = u^*\,b_L + v^*\,b_L^\dagger\,. \label{bc} \end{eqnarray} The normalization factor $N_{\gamma_p}$ in Eq. (\ref{bogoliubov3}) is given by \begin{eqnarray} N_{\gamma_p}^2 =\left|\exp\left(\gamma_p\,c_R^\dagger\,c_L^\dagger\,\right)|0\rangle_{R'}|0\rangle_{L'} \right|^2 =\frac{1}{1-|\gamma_p|^2}\,. \label{norm2} \end{eqnarray} Considering the definition of $c_R$ and $c_L$ in Eq. (\ref{bc}) and the consistency relations from Eq. (\ref{bogoliubov3}), it is demanded that $c_R|0\rangle_{\rm BD}=\gamma_p\,c_L^\dag|0\rangle_{\rm BD}$, $c_L|0\rangle_{\rm BD}=\gamma_p\,c_R^\dag|0\rangle_{\rm BD}$. Then we obtain \begin{eqnarray} \gamma_p = i\frac{\sqrt{2}}{\sqrt{\cosh 2\pi p + \cos 2\pi \nu} + \sqrt{\cosh 2\pi p + \cos 2\pi \nu +2 }}\,. \label{gammap2} \end{eqnarray} For the conformally coupled massless scalar field ($\nu=1/2$) and the minimally coupled massless scalar ($\nu=3/2$), $\gamma_p$ simplifies to $|\gamma_p|=e^{-\pi p}$. \section{Black-box optical parameter estimation and the GIP}\label{sec2} \begin{figure}[htbp] \includegraphics[height=2.8in,width=5in]{fig1} \caption{(Color online) Schematic diagram for the black-box optical quantum parameter estimation in the de Sitter space.} \label{Fig1} \end{figure} Our black-box parameter estimation setup is modeled as a dual-arm channel, where the estimated parameter $\gamma_p$ is encoded to the upper arm. As shown in Fig. 1, the proposal of black-box quantum parameter estimation includes the following steps. Initially, Alice and Bob share a two-mode squeezed state $\rho_{AB}$ in the Bunch-Davies vacuum, which plays as the probe state at the ``in" side. Then the mode $B$ in the upper arm of the channel passes through the de Sitter space region, which acts as the black-box device. \iffalse The parameters of the de Sitter space is encoded into the black box device to obtain the estimator of the parameter $\gamma_p$. \fi As shown in \cite{Kanno16, Albrecht18}, under the influence of the de Sitter spacetime, the mode $B$ undergoes a two-mode squeezing transformation $ S_{B,\bar B}(\gamma_p)$, which encodes the expanding parameter $\gamma_p$ that we want to estimate. The other mode $A$ in the lower arm of the channel is not subjected to the spacetime. Finally, we get the output state $\rho_{AB}^{\gamma_p,S_{B,\bar B}(\gamma_p)}$ at the ``out" side by tracing over the mode $\bar B$, and one can perform a measurement on the output state $\rho_{AB}^{\gamma_p,S_{B,\bar B}(\gamma_p)}$ to construct an estimator ${\gamma_p}_{\rm est}$ for the parameter ${\gamma_p}$. If the measurements are performed independently on the transformed state $N$ times, the uncertainty of the parameter will be constrained by the Cram\'er-Rao bound \cite{Braunstein1994,Cramer:Methods1946} \begin{equation}\label{cramerrao} N\Delta\gamma_p^2 \geq \frac{1}{{\cal F}(\rho_{AB}^{\gamma_p,S_{B,\bar B}(\gamma_p)})}\,, \end{equation} where the variance of the parameter $\gamma_p$ is defined as $\Delta\gamma_p^2 \equiv \langle ({\gamma_p}_{\rm est} - \gamma_p)^2\rangle$. The quantity $\cal F$ at the denominator is known as the quantum Fisher information \cite{Braunstein1994, fisher}. On the other hand, one can define the vector of field quadratures (position and momentum) operators as $\hat{R}=(\hat{x}_{A},\hat{p}_{A},\hat{x}_{B},\hat{p}_{B})$ for a two-mode continuous-variable quantum system, which are related to the annihilation $\hat{a}_{i}$ and creation $\hat{a}_{i}^{\dag}$ operators for each mode, by the relations $\hat{x}_{i}=\frac{(\hat{a}_{i}+\hat{a}_{i}^{\dag})}{\sqrt{2}}$ and $\hat{p}_{i}=\frac{(\hat{a}_{i}-\hat{a}_{i}^{\dag})}{\sqrt{2}i}$. The vector operator satisfies the commutation relationship: $[{{{\hat R}_i},{{\hat R}_j}} ] = i{\Omega _{ij}}$, with $\Omega = \bigoplus_1^{n+m} {{\ 0\ \ 1}\choose{-1\ 0}}$ being symplectic form \cite{CM,CM2}. It is known that, the first and second moments of a two-mode Gaussian state ${\rho _{AB}}$ can completely describe all of the properties. For the bipartite state $\rho_{AB}$, its covariance matrix (second moments) has the form \cite{CM1} \begin{equation}\label{cm} \boldsymbol{\sigma}_{AB}=\left(\begin{array}{cc} \mathcal{A}& \mathcal{C} \\ \mathcal{C}^{\sf T} & \mathcal{B} \end{array}\right), \end{equation} which can be transformed to a standard form with all diagonal $2 \times 2$ subblocks, $\mathcal{A}=\text{diag}(a,a)$, $\mathcal{B}=\text{diag}(b,b)$, $\mathcal{C}=\text{diag}(c,d)$, where $a,b \geq 1, c \geq |d| \geq 0$. The GIP of a two-mode Gaussian probe state with the covariance matrix $\boldsymbol{\sigma}_{AB}$ is defined as \cite{GIP} \begin{equation}\label{ipcv} {\cal P}^B(\boldsymbol{\sigma}_{AB}) = \frac14 \inf_{S_{B,\bar B}(\gamma_p)}{\cal F}(\boldsymbol{\sigma}_{AB}^{\gamma_p,S_{B,\bar B}(\gamma_p)})\,, \end{equation} where $\frac14$ is the normalization factor. The GIP ${\cal P}^B(\boldsymbol{\sigma}_{AB})$ represents the worst-case precision that can be obtained among all possible local dynamic choices if $\rho_{AB}$ is used as a probe state. It is a precision index that can be applied to any two-mode Gaussian state \cite{GIP}. In practice, a probe state $\rho_{AB}$ with the higher GIP reflects a more reliable metering resource, which ensures that the variance for the estimation of $\gamma_p$ smaller. A closed formula for the GIP of two-mode Gaussian states can be obtained by introducing Eq. (\ref{cm}) into Eq. (\ref{ipcv}) \cite{GIP} \begin{equation}\label{ipgg} {\cal P}^B_G(\boldsymbol{\sigma}_{AB})=\frac{X+\sqrt{X^2+Y Z}}{2Y}\,, \end{equation} where \begin{eqnarray*} X&=&(I_{\mathcal{A}}+I_{\mathcal{C}})(1+I_{\mathcal{B}}+I_{\mathcal{C}}-I)-I^2\,, \\ Y&=&(I-1)(1+I_{\mathcal{A}}+I_{\mathcal{B}}+2I_{\mathcal{C}}+I)\,, \\ Z&=&(I_{\mathcal{A}}+I)(I_{\mathcal{A}}I_{\mathcal{B}}-I)+I_{\mathcal{C}}(2I_{\mathcal{A}}+I_{\mathcal{C}})(1+I_{\mathcal{B}})\,. \end{eqnarray*} In Eq. (\ref{ipgg}), we have employed $I_{\mathcal{A}}=\det\mathcal{A}$, $I_{\mathcal{B}}=\det\mathcal{B}$, $I_{\mathcal{C}}=\det\mathcal{C}$, and $I=\det\boldsymbol{\sigma}_{AB}$. Here the symplectic eigenvalues are given by $2\nu_{\pm}^2 = \Delta \pm \sqrt{\Delta^2-4I}$ with $\Delta = I_{\mathcal{A}}+I_{\mathcal{B}}+2I_{\mathcal{C}}$. As one of the most important resources in quantum information tasks, quantum entanglement plays a significant role in quantum metrology. To better explore how to obtain higher parameter estimation accuracy, we calculate the logarithmic negativity \cite{EN1} to measure entanglement \begin{equation}\label{lone} \mathbf{E}_{\cal N}(\boldsymbol{\sigma}_{AB}) = \max\{0,\, -\ln {\tilde{\nu}_{-}}\}\,, \end{equation} and explore the relationship between entanglement and the GIP. In Eq. (\ref{lone}), the logarithmic negativity is defined in terms of the minimum symplectic eigenvalue of the partially transposed state. Under the partial transposition, the invariant $\Delta$ is changed into $\tilde{\Delta}=I_{\mathcal{A}}+I_{\mathcal{B}}-2I_{\mathcal{C}}$ for a bipartite quantum state. The symplectic eigenvalues are given by $2\tilde{\nu}_{\pm}^2 = \tilde{\Delta}\pm \sqrt{\tilde{\Delta}^2-4I}$. \section{Black-box estimation of spacetime parameters and the GIP \label{tools}} \subsection{The worst-case precision for Black-box metrology for the initially correlated probe state} We assume that the mode in the black-box is observed by Bob who resides in the open chart region R. Initially, Bob and the global observer Alice share a two-mode squeezed state in the Bunch-Davies vacuum, which can be described by the covariance matrix \begin{eqnarray}\label{inAR} \sigma^{\rm (G)}_{AB}(s)= \left(\!\!\begin{array}{cccc} \cosh (2s)I_2&\sinh (2s)Z_2\\ \sinh (2s)Z_2&\cosh (2s)I_2\\ \end{array}\!\!\right), \end{eqnarray} where $s$ is the squeezing of the initial state and $I_2= {{\ 1\ \ 0}\choose{\ 0\ \ 1}},$ $Z_2= {{\ 1\ \ 0}\choose{\ 0 \ -1}}$. As showed in \cite{Kanno16}, the Bunch-Davies vacuum for a global observer can be expressed as the squeezed state of the $R$ and $L$ vacua \begin{eqnarray} \nonumber|0\rangle_{\rm BD}=\sqrt{1-|\gamma_p|^2}\,\sum_{n=0}^\infty\gamma_p ^n|n\rangle_L|n\rangle_R\,, \label{bogoliubov2} \end{eqnarray} where $\gamma_B$ is the squeezing parameter given in Eq. (\ref{gammap2}). In the phase space, we use a symplectic operator $ S_{B,\bar B}(\gamma_p)$ to express such transformation, which is \begin{eqnarray}\label{cmtwomode} S_{B,\bar B}(\gamma_p)= \frac{1}{\sqrt{1-|\gamma_p|^2}}\left(\!\!\begin{array}{cccc} 1&0&|\gamma_p|&0\\ 0&1&0&-|\gamma_p|\\ |\gamma_p|&0&1&0\\ 0&-|\gamma_p|&0&1 \end{array}\!\!\right), \end{eqnarray} where $ S_{B,\bar B}(\gamma_p)$ denotes that the squeezing transformation is performed to the bipartite state shared between Bob and anti-Bob ($\bar B$). Bob's observed mode is mapped into two open charts under this transformation. That is to say, an extra set of modes $\bar{B}$ is relevant from the perspective of a observer in the open charts. Then we can calculate the covariance matrix of the entire state\cite{adesso3}, which is \begin{eqnarray}\label{All3} \sigma^{\rm }_{AB \bar B}(s,\gamma_p) &=& \left( \begin{array}{ccc} \mathcal{\sigma}_{A} & \mathcal{E}_{AB} & \mathcal{E}_{A\bar B} \\ \mathcal{E}^{\sf T}_{AB} & \mathcal{\sigma}_{B} & \mathcal{E}_{B\bar B} \\ \mathcal{E}^{\sf T}_{A\bar B} & \mathcal{E}^{\sf T}_{B\bar B} & \mathcal{\sigma}_{\bar B} \\ \end{array} \right) \,, \end{eqnarray} where $\sigma^{\rm (G)}_{AB}(s) \oplus I_{\bar B}$ is the initial covariance matrix for the entire system. In the above expression, the diagonal elements are given by \begin{equation} \mathcal{\sigma}_{A}=\cosh(2s)I_2,\end{equation} \begin{equation} \mathcal{\sigma}_{B}=\frac{|\gamma_p|^2+\cosh(2s)}{1-|\gamma_p|^2}I_2, \end{equation} and \begin{equation} \mathcal{\sigma}_{\bar B}=\frac{1+|\gamma_p|^2\cosh(2s)}{1-|\gamma_p|^2}I_2. \end{equation} Similarly, we find that the non-diagonal elements are $\mathcal{E}_{AB}=\frac{\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}Z_2$, $\mathcal{E}_{B\bar B}=\frac{|\gamma_p|(\cosh(2s)+1)}{1-|\gamma_p|^2}Z_2$ and $\mathcal{E}_{A\bar B}=\frac{|\gamma_p|\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}I_2$. Because Bob in chart $R$ has no access to the modes in the causally disconnected region $L$, we must trace over the inaccessible modes. Then one obtains covariance matrix $\sigma_{AB}$ for Alice and Bob \begin{eqnarray}\label{AB} \boldsymbol{\sigma}_{AB}(s,\gamma_p)= \left(\!\!\begin{array}{cccc} \cosh(2s)&0&\frac{\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}&0\\ 0&\cosh(2s)&0&-\frac{\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}\\ \frac{\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}&0&\frac{|\gamma_p|^2+\cosh(2s)}{1-|\gamma_p|^2}&0\\ 0&-\frac{\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}&0&-\frac{|\gamma_p|^2+\cosh(2s)}{-1+|\gamma_p|^2} \end{array}\!\!\right). \end{eqnarray} From Eq. (\ref{AB}), we obtain $\Delta^{(AB)}=1+\frac{(1+|\gamma_p|^2\cosh(2s))^2}{(1-|\gamma_p|^2)^2}$. The GIP and entanglement of this state can be calculated via Eq. (\ref{ipgg}) and Eq. (\ref{lone}). \begin{figure}[htbp] \centering \includegraphics[height=2.2in,width=2.8in]{fig2a} \includegraphics[height=2.2in,width=2.8in]{fig2b} \caption{ (Color online) (a) The GIP and quantum entanglement between Alice and Bob versus the mass parameter $\nu$. (b) The evolution of the GIP and quantum entanglement versus the space curvature parameter $p$. The initial squeezing parameter is fixed as $s=1$. }\label{Fig1} \end{figure} In Fig. 2(a) and Fig. 2(b), we demonstrate the function images of the GIP and quantum entanglement for the state $\boldsymbol{\sigma}_{AB}(s,\gamma_p)$ as a function of the mass parameter $\nu$ and the space curvature parameter $p$, respectively. It can be seen in Fig. 2 (a) that the variation trend of the GIP and entanglement is basically the same, which verifies the fact that quantum entanglement is the resource of parameter estimation. As mentioned above, the GIP quantifies the precision for the estimation of encoded parameters in a worst-case scenario. A probe state with the higher GIP reflects more reliable metering resources, which ensures the variance for the estimated parameter is smaller. Therefore, we can conclude that the precision of the black-box quantum metrology depends on the abundance of the quantum entanglement in the de Sitter space. It is interesting to find that, either the precision of the black-box parameter estimation or the resource of entanglement is unaffected by the mass parameter $\nu$ in the flat space limit ($p=1$). However, the mass parameter of the field has remarkable effects on the GIP as well as the accuracy of black-box metrology in the curved de Sitter space. In particular, both of them reach non-zero minimum values in the conformal scalar limit ($\nu=1/2$) and massless scalar limit ($\nu=3/2$). In Fig. 2 (b), we can see that both the GIP and entanglement are monotone increasing functions of the curvature parameter $p$. Considering that the effect of the curvature becomes stronger when $p$ becomes less and less from $1$ to $0$ \cite{Kanno16, Sasaki:1994yt,Albrecht18,DE1,DE2,DE3}, this in fact demonstrates that the lower the space curvature, the higher the accuracy of parameter estimation. It is worth noting that the values of the GIP and entanglement are more sensitive to the spacetime curvature in the massless scalar limit $\nu=3/2$. Conversely, more quantum entanglement is reserved and higher precision can be attained for the case $\nu=0$. \subsection{The dynamics of GIP between initially unrelated modes} We also interested in whether the bipartite state between the initially uncorrelated modes can be employed as probe state for the black-box estimation. To this end we study the behavior of the quantum parameter estimation between all the bipartite pairs in the de Sitter spacetime. The covariance matrix $\sigma_{A\bar B}$ between the observer Alice and the other observer anti-Bob in the region $L$ is obtained by tracing over the modes $B$ \begin{eqnarray}\label{CM2} \sigma_{A\bar B}(s,\gamma_p)= \left(\!\!\begin{array}{cccc} \cosh(2s)&0&\frac{|\gamma_p| \sinh(2s)}{\sqrt{1-|\gamma_p|^2}}&0\\ 0&\cosh(2s)&0&\frac{|\gamma_p| \sinh(2s)}{\sqrt{1-|\gamma_p|^2}}\\ \frac{|\gamma_p|\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}&0&\frac{1+|\gamma_p|^2\cosh(2s)}{1-|\gamma_p|^2}&0\\ 0&\frac{|\gamma_p|\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}&0&\frac{1+|\gamma_p|^2\cosh(2s)}{1-|\gamma_p|^2} \end{array}\!\!\right). \end{eqnarray} The GIP and entanglement of state $\sigma_{A\bar B}$ can be obtained by using this covariance matrix and have been plotted in Fig. 3. \begin{figure}[htbp] \includegraphics[height=2.2in, width=2.8in]{fig3a} \includegraphics[height=2.2in, width=2.8in]{fig3b} \caption{ (Color online) (a) Plots of the GIP ($\mathcal{P}$) and the quantum entanglement ($\mathbf{E}_{\cal N}$) for the probe state $\rho_{A\bar B}$ as a function of the mass parameter $\nu$. (b) Quantum entanglement and the GIP vs. the variation of the space curvature parameter $p$. The initial squeezing parameter is fixed as $s=1$. }\label{Fig2} \end{figure} In Fig. 3, we can see that the quantum entanglement between Alice and anti-Bob is zero for any different mass and curvature parameters. That is to say, the curvature of the de Sitter spacetime dose not generate quantum entanglement between Alice and anti-Bob \cite{DE1}. It is shown from Fig. 3(a) that the mass of the scalar field remarkably affects the accuracy of the black-box parameter estimation in the de Sitter space, which is quite different from the flat space case ($p=1$) where the mass parameter does not influence the precision of estimation. If the space curvature parameter is less than $1$, the GIP is generated by the curvature effect of the de Sitter space. This means the advantage of quantum metrology is ensured in the curved spacetime even the entanglement is zero. In addition, the GIP reaches its maximum when the mass parameters are $\nu=1/2$ (conformal scalar limit) and $\nu=3/2$ (massless scalar limit). In Fig. 3(b), it is shown that for the probe state $\rho_{A\bar B}$, the GIP increases with the increase of curvature effect. Again, we find that the GIP always maintains a non-zero value if the space curvature parameter is less than $1$. This means the precision of the black-box estimation is enhanced under the influence of the de Sitter curvature. \iffalse It is also find that the GIP between Alice and anti-Bob for the massless scalar field is much better than the massive fields. That is to say, the probe state is prepared by massless fields has a significant advantage for the quantum metrology in the de Sitter spacetime.\fi In other words, the role of quantum resources for the black-box estimation is played by a non-entanglement quantum correlation. The spacetime effect of the expanding universe may generate some non-entanglement quantum resources between Alice and Bob. The discord-type quantum correlation \cite{zurek} is believed to be more practical than entanglement to describe the quantum resources in certain quantum systems. As seen in Refs. \cite{experimental-onequbit}, although there is no entanglement, quantum information processing tasks can also be done efficiently. We wonder if quantum discord is generated by spacetime effects of the de Sitter space. To this end, we introduce the Gaussian quantum discord \cite{discordGIP} to explore the relationship between the GIP and discord-type quantum correlation . For the two-mode Gaussian state $\rho_{AB}$, the R\'{e}nyi-$2$ measure of quantum discord ${\cal D}_2(\rho_{A|B})$ admits the following expression \iffalse if the covariance matrix $\boldsymbol{\sigma}_{AB}$ is in standard form\fi \cite{discord,CM2} \begin{eqnarray}\label{eq} {\cal D}_2(\rho_{A|B}) &=& \ln b - \frac12 \ln \big(\det{\boldsymbol{\sigma}_{AB}}\big) + \frac12 \ln \left(\inf_{\lambda,\varphi}{\det\tilde{\gr\sigma}^{\Pi_{\lambda,\varphi}}_A}\right)\,. \label{eq:D2AB} \end{eqnarray} In particular, for the form covariance matrix given in Eq. (\ref{cm}), one obtains \begin{eqnarray} \label{eq:optdetcond} &\inf_{\lambda,\varphi}\det\tilde{\gr\sigma}^{\Pi_{\lambda,\varphi}}_A = \left\{ \begin{array}{l} a \left(a-\frac{c_+^2}{b}\right)\,, \\ \text{if}{\scriptstyle{\left(a b^2 c_-^2-c_+^2 \left(a+b c_-^2\right)\right) \left(a b^2 c_+^2-c_-^2 \left(a+b c_+^2\right)\right)<0}}\, \mbox{;} \\ \quad \\ \scriptscriptstyle{\frac{2 \left|c_- c_+\right| \sqrt{\left(a \left(b^2-1\right)-b c_-^2\right) \left(a \left(b^2-1\right)-b c_+^2\right)}+\left(a \left(b^2-1\right)-b c_-^2\right) \left(a \left(b^2-1\right)-b c_+^2\right)+c_-^2 c_+^2}{\left(b^2-1\right)^2}} \,, \\ \text{otherwise.} \end{array} \right. \end{eqnarray} Inserting Eq.~(\ref{eq:optdetcond}) into Eq.~(\ref{eq}), we can compute the discord of the two-mode Gaussian state. \iffalse For the covariance matrix $\sigma_{A\bar B}$ is in standard form, now $a=cosh(2s)$, $b=\frac{1+|\gamma_p|^2\cosh(2s)}{1-|\gamma_p|^2}$ and $c_+=c_-=\frac{|\gamma_p|\sinh(2s)}{\sqrt{1-|\gamma_p|^2}}$ can be inserted into Eq.~(\ref{eq:optdetcond}). The probe state $\sigma_{A\bar B}$ is not satisfied the condition $\scriptstyle{\left(a b^2 c_-^2-c_+^2 \left(a+b c_-^2\right)\right) \left(a b^2 c_+^2-c_-^2 \left(a+b c_+^2\right)\right)<0}$ of formula Eq.~(\ref{eq:optdetcond}) through calculation. Then we can apply it to Eq.~(\ref{eq}) to calculate the Gaussian quantum discord of $\sigma_{A\bar B}$.\fi \begin{figure}[htbp] \includegraphics[height=2.6in,width=3.4in]{fig4} \caption{ (Color online). The variation functions of quantum discord (blue solid line), the GIP (orange dotted line) and entanglement (green dotted line) between Alice and anti-Bob vs. the mass parameter of the field. Other parameters are fixed as $s = 1$ and $p=0.3$. }\label{Fig4} \end{figure} In Fig. 4, we plot the quantum discord, the GIP as well as the entanglement between Alice and anti-Bob as a function of the mass parameter. It is shown that the quantum-enhance parameter is ensured for the probe state $\rho_{A\bar B}$ because the GIP is always nonzero. The variation trend of the GIP is in accord with the quantum discord. This means the quantum discord in the probe state provides quantum resources for the black-box quantum parameter estimation. It is interesting to note that the bipartite state between Alice and anti-Bob can also be employed as the probe state for the black-box estimation in the expanding de Sitter spacetime even if there is no entanglement generated between them. Therefore, discord-type quantum correlation for the input probe is the key resource for black-box estimation in the de Sitter space, which ensures the advantage of quantum metrology. We are also interested in the behavior of the GIP between Bob and anti-Bob, which are separated by the event horizon of the de Sitter space. We get the covariance matrix $\sigma_{B\bar B}$ by tracing off the mode $A$ \begin{eqnarray}\label{AbarB} \sigma_{B\bar B}(s,\gamma_p)= \left(\!\!\begin{array}{cccc} \frac{|\gamma_p|^2+\cosh(2s)}{1-|\gamma_p|^2}&0&\frac{2|\gamma_p|\cosh^2(s)}{1-|\gamma_p|^2}&0\\ 0&\frac{|\gamma_p|^2+\cosh(2s)}{1-|\gamma_p|^2}&0&-\frac{2|\gamma_p|\cosh^2(s)}{1-|\gamma_p|^2}\\ \frac{2|\gamma_p|\cosh^2(s)}{1-|\gamma_p|^2} &0&\frac{1+|\gamma_p|^2\cosh(2s)}{1-|\gamma_p|^2}&0\\ 0&-\frac{2|\gamma_p|\cosh^2(s)}{1-|\gamma_p|^2} &0&\frac{1+|\gamma_p|^2\cosh(2s)}{1-|\gamma_p|^2} \end{array}\!\!\right). \end{eqnarray} Similarly, the entanglement and the GIP of Bob and anti-Bob can be calculated by employing the measurement introduced above. \begin{figure}[htbp] \includegraphics[height=2.1in,width=2.8in]{fig5a} \includegraphics[height=2.1in,width=2.8in]{fig5b} \caption{ (Color online) (a) Plots of the GIP ($\mathcal{P}$) and the quantum entanglement ($\mathbf{E}_{\cal N}$) for the probe state $\rho_{B\bar B}$ as a function of the mass parameter $\nu$ of the field. (b) Plots of the GIP ($\mathcal{P}$) and the quantum entanglement ($\mathbf{E}_{\cal N}$) as a function of the space curvature parameter $p$. The initial squeezing parameter is fixed as $s=1$.}\label{Fig5} \end{figure} In Fig. 5, we plot the behavior of the GIP and the entanglement between Bob and anti-Bob. It is shown that the GIP increases significantly when the curvature parameter $p\to0$, i.e., the effect of curvature gets stronger. In fact, this indicates space curvature in the de Sitter space enhances the precision of quantum parameter estimation if $\rho_{B\bar B}$ is employed as the probe state. This is nontrivial because the open charts $R$ and $L$ are causally disconnected in the de Sitter spacetime and classical information can not be exchanged between the causally disconnected regions according to the general relativity. Here we find that quantum precision measurements are achieved between causally disconnected areas in the de Sitter space, and a more accurate experimental result can be performed in a more curved spacetime. Unlike the initial correlation system Alice and Bob, the GIP and entanglement are maximized for the mass parameters $\nu=1/2$ (conformal) and $\nu=3/2$ (massless). This is because the curvature effect of the de Sitter space damages the entanglement and the GIP for the probe state $\rho_{AB}$, while it generates entanglement for the probe state $\rho_{B\bar B}$. \section{Conclusions} We have proposed a black-box quantum parameter estimation scheme for the expanding parameter and discussed the behavior of the GIP for the de Sitter space. It is found that under the curvature effect of the de Sitter space, the changes of the GIP for the probe states $\rho_{AB}$ and $\rho_{B \bar B}$ are consistent with the changes of entanglement. This verifies the fact that quantum resources provide a guarantee for obtaining the higher GIP, and the probe state with the higher GIP ensures a smaller variance for the estimation of expanding parameter. It is demonstrated that the change of the mass parameter does not affect the minimum accuracy of black-box parameter estimation in flat space, but has remarkable effects on the GIP of the black-box parameter estimation in the curved space. Interestingly, the state between separated open charts can be employed as the probe state for the black-box quantum metrology. It is worth noting that the quantum discord of probe states serves as a promising resource for the black-box quantum parameter estimation when there is no entanglement between the initially uncorrelated open charts. \iffalse The Gaussian quantum discord between Alice and anti-Bob can ensure quantum-enhanced scheme for precise measurement when the entanglement is damaged under the influence of the de Sitter curvature.\fi The behavior of the probe state for the black-box estimation is quite different because the curvature effect of the de Sitter space damages the entanglement and the GIP for the initially correlated probe state, while it generates quantum resources for initially uncorrelated probe states. \begin{acknowledgments} This work is supported by the National Natural Science Foundation of China under Grant No. 12122504 and No.11875025. \end{acknowledgments}
8ace7a7fa2b89e93a0383c6ef37108af599efa8d
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} {Many in-situ and remote observations along with theoretical studies} were carried out to understand the composition and energetics of the Martian upper atmosphere \citep{Nier77, Krasnopolsky93, Bertaux05, Withers06, Gonzalez09, Bougher15a, Mahaffy15, Bhardwaj16, Bhardwaj17}. However, the study of minor neutrals in Martian upper atmosphere is still sparse due to lack of several key chemical reaction parameters and insufficient measurements from remote and in-situ observations. Nitric oxide (hereafter NO) is a minor species and its density in the dayside of Martian upper atmosphere is not well constrained. {Several studies have shown that though the abundance of this species is in parts per million by volume in the thermosphere of Earth, but can play a significant role in driving the chemistry and thermal balance of the upper atmosphere \citep{Barth64, Norton70, Eparvier92, Barth03, Bharti19}. Due to its lowest ionization potential (9.26 eV) compared to any other atmospheric species, NO quickly does exchange the charge with O$_2^+$ and causes NO$^+$ as the dominant ion at the lower altitudes around 80 km in the Martian ionosphere \citep{Fox04}. Hence, this species plays a significant role in the thermospheric energy budget and also in determining the ionospheric composition in the Martian atmosphere.} But the study of NO global distribution and its role in the energy budget of Martian thermosphere is limited due to the lack of adequate in-situ and remote observations. {The global distribution of NO in the Martian upper atmosphere can be studied from the remote observations of its $\gamma$ band emissions in the ultraviolet region. But the observation of these band emissions and the derivation of NO density in sunlit Martian upper atmosphere is challenging due to the presence of intense CO Cameron bands in the same emitting wavelength region. Spectroscopy for the Investigation of the Characteristics of the Atmosphere of Mars (SPICAM) experiment on-board Mars Express (MEx) spacecraft (SPICAM/MEx) and Imaging Ultraviolet Spectrograph (IUVS) on-board Mars Atmosphere and Volatile EvolutioN (MAVEN) satellite (IUVS/MAVEN) {have} played a key role in studying the NO distribution in the night side of Martian upper atmosphere via $\gamma$ (225--270 nm) and $\delta$ (190--240 nm) band emission observations \citep{Bertaux05a,Bertaux05,Cox08,Gagne13,Stevens19}}. {Recently, \cite{Stevens19} reported first-ever NO dayglow (1,0) $\gamma$ band emission (A$^2\Sigma^+$-X$^2\Pi$) in the IUVS/MAVEN spectra, which were observed during 6--8 April 2016 at solar zenith angle (SZA) 75$^\circ$}. The measured NO (1-0) $\gamma$ band limb radiance profiles have been used to retrieve NO density in the altitude range 80 to 120 km. Above 120 km, the retrieval process becomes tedious due to higher intensity of CO Cameron band emission which is about 50 times brighter than NO $\gamma$ band emission. Regarding in-situ measurements, Upper Atmosphere Mass Spectrometer (UAMS) instruments on-board Viking 1 and 2 landers made first-ever in-situ NO number density measurements in the dayside Martian upper atmosphere on 20 July 1976 (solar longitude, Ls = 97$^o$) and 3 September 1976 (Ls = 118$^o$), respectively, at three to four different altitudes between 110 and 150 km. \citep{Mcelroy76, Nier77}. {By accounting for the important photochemical reaction network, \cite{Fox93} modelled NO number density and found that their calcualted density is smaller by a factor of 2--3 compared to the Viking measurement at an altitude around 115 km}. {The} reason for the discrepancy between the \cite{Fox93} modelled and Viking observed NO densities has not been understood and remained as a long-standing issue due to the lack of adequate measurements. After nearly four decades, since {the} Viking landers experiments, the Neutral Gas and Ion Mass Spectrometer (NGIMS) on-board MAVEN mission (NGIMS/MAVEN) measured NO number densities in the Martian upper atmosphere \citep{Mahaffy15,Vogt17}. However, the NGIMS/MAVEN measured NO densities are an order of magnitude higher than those predicted by earlier theoretical models. As pointed by \cite{Stevens19}, the contamination in the measurement, which arises due to the recombination of atomic nitrogen and atomic oxygen within the instrument, could be a reason for {the} higher reported NO densities. As discussed before, there are {several} constrains to study NO number density in the dayside Martian upper atmosphere for the both in-situ (Viking 1, 2, and NGIMS/MAVEN) and remote (SPICAM/MEx and IUVS/MAVEN) observations. {In this paper, we present an approach of calculating the NO number density in the dayside Martian upper atmosphere by incorporating NGIMS/MAVEN measured neutral (CO$_2$, N$_2$, and O) and ion (NO$^+$, O$_2^+$ and CO$_2^+$) number densities in the photochemical network}. We show that our approach can be used to constrain the NO density in the altitude range between 120 and 200 km based on the MAVEN measurements during deep dip 8 and 9 campaigns. We have also calculated dayside NO (1-0) $\gamma$ limb intensity profiles from {our} modelled NO densities and compared {them} with {the} IUVS/MAVEN observations. The methodology adopted in {this} work is explained in Section \ref{sec:method}. The results obtained analysis are presented in Section \ref{sec:res_dis}. We have discussed various factors which can influence our modelled NO density profiles in Section~\ref{sec:discus}. This work has been summarized and conclusions are drawn in Section~\ref{sec:sum_con}. \section{Methodology} \label{sec:method} The neutral and ion number densities are taken from the dayside NGIMS/MAVEN inbound measurements for SZA smaller than 60$^\circ$ during deep dip 8 and 9 campaigns. To extract the neutral and ion density profiles, we utilized level 2 data (L2), version 7 (8), revision 3 (1) data for deep dip 8 (9) campaign. Additional details of the L2 data product are available in \cite{Benna18} and the data can be accessed from a web link \href{https://pds-atmospheres.nmsu.edu}{(https://pds-atmospheres.nmsu.edu)}. We chose only those orbits of MAVEN deep dip 8 and 9 campaigns where both neutral and ion densities are measured. The obtained densities are interpolated over a uniform grid of 1 km from {MAVEN's} periapsis altitude to 200 km. Table~\ref{tab:dd89} summarizes the MAVEN observational conditions, such as observation period, orbit numbers, Ls, and the variation in SZA and latitude during orbits, during deep dip 8 and 9 campaigns. The chemical network considered in this work is based on the compilation of \cite{Fox01} with updated rate coefficients from \cite{Mcelroy13}. These chemical reactions are tabulated in Table~\ref{tab:rate_coef}. The electron temperature, which determines the dissociative recombination rate of ions, is taken from \cite{Ergun15}. Using the Analytical yield spectrum (AYS) approach, we calculated the suprathermal electron flux and electron impact dissociation rate of N$_2$ in the Martian upper atmosphere. More details of degradation of solar flux and the calculation of suprathermal electron flux using AYS method can be found in our earlier work \citep{Bhardwaj90, Bhardwaj96, Bhardwaj99a, Jain11, Jain12, Jain13, Raghuram20a}. By assuming photochemical equilibrium condition and accounting for various production and loss mechanisms, we determined the NO, N($^4$S) and N($^2$D) number densities for the altitudes between 120 and 200 km. {The effect of transport in calculating the number densities of these species is discussed {in Section~\ref{sec:discus}}.} We have taken the fluorescence efficiency (g-factor) for NO (1,0) $\gamma$ band emission as 2.68 $\times$ 10$^{-6}$ photons s$^{-1}$ molecule$^{-1}$ and all the photorates are scaled to heliocentric distance of 1.57 AU \citep{Stevens19}. The Volume Emission Rate (VER), which is the number of photons scattered per unit volume per unit time, is calculated by multiplying the modelled NO number density with {the} g-factor. The limb emission intensity of this band is obtained by integrating the volume emission rate along the line of sight and converted into brightness in Rayleigh (1 Rayleigh = 10$^6$/4$\pi$ photons cm$^{-2}$ sec$^{-1}$ sr$^{-1}$) using the following equation. \begin{equation} \label{eq:limb} I = 2 \times 10^{-6} \int_0^\infty VER(r)\ dr \end{equation} here r is the abscissa along the horizontal line of sight and VER(r) is the volume emission rate (photons cm$^{-3}$ sec$^{-1}$) at a particular emission point r. The factor 2 multiplication in the above equation is due to the symmetry along the line of sight concerning the tangent point. While calculating the limb intensity, we assumed that the emission rate is constant along the local longitude/latitude. Other Martian species cannot absorb NO emissions along the line of sight due to low absorption cross section, hence the atmospheric absorption for this band emission can be neglected. \begin{table} \caption{The observational conditions of MAVEN deep dip 8 and 9 campaigns.} \centering \resizebox{\columnwidth}{!}{ \begin{tabular}{clccccccc} \hline \#DD$^1$ & {Observation period} & {Orbits} & SZA$^2$ & Lat.$^3$ & Ls$^4$\\ \hline 8 & 16--22 October 2017 & 5909--5947& 22--40$^\circ$ & {10$^\circ$N--21$^\circ$N} & {76$^\circ$}\\ 9 & 24--30 April 2018 & 6936--6973 & 28--59$^\circ$ & {19$^\circ$S--52$^\circ$S} & {165$^\circ$}\\ \hline \end{tabular}} \footnote{Footnote}Deep dip; \footnote{Footnote}Solar zenith angle; \footnote{Footnote}Latitude; \footnote{Footnote}Solar longitude. \label{tab:dd89} \end{table} \begin{table*} \caption{Production and loss reactions of NO, N($^4$S) and N($^2$D) for the altitudes above 120 km in the Martian upper atmosphere.} \centering \begin{tabular}{llllll} \hline No. & \multicolumn{2}{l}{Reaction} & Rate coefficient & Reference \\ & & & (cm$^3$ sec$^{-1}$ or sec$^{-1}$) & \\%[0.5ex] \hline R1 & N($^2$D) + CO$_2$ & $\rightarrow$ NO + CO & 3.6$\times$10$^{-13}$ & \cite{Herron99}\\ R2 & N($^2$D) + O & $\rightarrow$ N($^4$S) + O & {6.90$\times$10$^{-13}$}& \cite{Fell90}\\ R3 & N($^2$D) + N$_2$ & $\rightarrow$ N($^4$S) + N$_2$ & {1.70$\times$10$^{-14}$} & \cite{Herron99}\\ R4 & N($^2$D) + NO & $\rightarrow$ N($^4$S) + NO & {6.70$\times$10$^{-11}$} & \cite{Fell90}\\ R5 & N($^2$D) + O$_2^+$ & $\rightarrow$ NO$^+$ + O & {1.80$\times$10$^{-10}$} & \cite{Goldan66}\\%[5pt] R6 & N($^2$D) + e$_{th}$ & $\rightarrow$ N($^4$S) + O & {3.86$\times$10$^{-10}$} (T$_e$/300)$^{0.81}$ & \cite{Berrington81}\\%[5pt] R7 & N($^4$S) + CO$_2$ & $\rightarrow$ NO + CO & {1.7$\times$10$^{-16}$} & \cite{Fox01}\\ R8 & N($^4$S) + NO & $\rightarrow$ N$_2$ + O & 3.38$\times$10$^{-11}$ (300/T$_n$)$^{0.17}$ exp(-2.8/T$_n$) & \cite{Mcelroy13}\\ R9 &N($^4$S) + CO$_2^+$ & $\rightarrow$ NO +CO$^+$ & 3.40$\times$10$^{-10}$ & \cite{Scott98}\\ R10 &N($^4$S) + O$_2^+$ & $\rightarrow$ NO$^+$ + O & 1.80$\times$10$^{-10}$& \cite{Mcelroy13}\\%[5pt] R11 & NO$^+$ + e$_{th}$ & $\rightarrow$ N($^4$S)+ O & 0.60$\times$10$^{-7}$(300/Te)$^{0.5}$ & \cite{Vejby98}\\ R12 & NO$^+$ + e$_{th}$ & $\rightarrow$ N($^2$D) + O & 3.40$\times$10$^{-7}$(300/Te)$^{0.5}$ & \cite{Vejby98}\\%[5pt] R13 & NO + CO$_2^+$ & $\rightarrow$ NO$^+$ + CO$_2$ & 1.2 $\times$10$^{-10}$ & \cite{Mcelroy13}\\ R14 & NO + O$_2^+$ & $\rightarrow$ NO$^+$ + O$_2$ & 4.6 $\times$10$^{-10}$ & \cite{Mcelroy13}\\ R15 & N$_2$ + h$\nu$ & $\rightarrow$ N($^4$S) + N($^4$S) & Calculated & This work\\ R16 & N$_2$ + h$\nu$ & $\rightarrow$ N($^2$D) + N($^4$S) & Calculated & This work\\ R17 & N$_2$ + e$_{ph}$ & $\rightarrow$ N($^4$S) + N($^4$S) & Calculated & This work\\ R18 & N$_2$ + e$_{ph}$ & $\rightarrow$ N($^2$D) + N($^4$S) & Calculated & This work\\ R19 & N$_2$ + O$_2^+$ & $\rightarrow$ NO$^+$ + NO & {2.0 $\times$10$^{-18}$} & {\cite{Matsuoka81}}\\ R20 & N($^2$D) & $\rightarrow$ N($^4$S) + h$\nu$ & 2.78 $\times$10$^{-5}$ & \cite{Tachiev02}\\ \hline \end{tabular} \label{tab:rate_coef} {h$\nu$ is photon, e$_{ph}$ is photoelectron and e$_{th}$ is thermal electron; T$_n$ and T$_e$ are neutral and electron temperatures, respectively..} \end{table*} \section{Results} \label{sec:res_dis} The NGIMS/MAVEN measured neutral and ions densities profiles for orbit \#5947 of deep dip 8 campaign are presented in Figure~\ref{fig:dens_ionsneu}. In this Figure, we compared {the} NGIMS/MAVEN measured CO$_2$, N$_2$ and O density profiles with \cite{Fox04} modelled density profiles, which are constructed based on {the} Viking observations for solar minimum condition. It can be noticed in this figure that \cite{Fox04} modelled neutral density profiles are higher by a factor of {2 to 4 compared to NGIMS/MAVEN measured values.} {Using the NGIMS/MAVEN measurements for orbit \#5947,} the modelled production and loss profiles of N($^4$S), N($^2$D), and NO are presented in the top and bottom panels of Figure~\ref{fig:pl_nnno}, respectively. The calculated production rate profiles in the top panels of this Figure show that photodissociation of N$_2$ is the major source of N($^4$S) and N($^2$D) production, whereas the collisional reaction between N($^2$D) and CO$_2$ leads to the formation of NO. {For the altitudes above 180 km, radiative decay of N($^2$D) also contributes significantly to the total formation of N($^4$S), whereas the collisional reaction between CO$_2^+$ and N($^4$S) is also {an} important source mechanism in the total NO formation}. It can be noticed in this Figure that the role of other chemical processes is small in the formation of N($^4$S), N($^2$D) and NO when compared to previously discussed major production mechanisms. {The modelled loss frequency profiles in the bottom panels of Figure~\ref{fig:pl_nnno} show that for the altitudes below 160 km, the total loss of N($^4$S) is mainly due to {the} collisions with NO, and above this distance it is removed by the collisions of O$_2^+$ in the Martian upper atmosphere.} The loss frequency of N($^4$S) by CO$_2$ collision is smaller by an order of magnitude or more compared to that of the previously discussed loss mechanisms which is due to small collisional rate coefficient (more than five order of magnitude smaller, see reactions R7, R8, and R10 in Table~\ref{tab:rate_coef}). For the altitudes below 180 km, the total loss of N($^2$D) is mainly due to the collisions with CO$_2$, which leads to the formation of NO, and above this altitude the radiative decay is the dominant loss mechanism that causes N($^4$S) formation. The loss of NO is mainly due to the collisions with N($^4$S) which leads to the formation of N$_2$. {Several other reactions are also involved in the loss of these species but their contribution to the total loss frequency is small.} The modelled number density profiles of N($^4$S), N($^2$D) and NO for orbit \#5947 of MAVEN deep dip 8 campaign are presented in Figure~\ref{fig:oddn_dens}. Our modelled NO and N($^4$S) density profiles are lower and higher by a factor of 2 to 3, respectively, compared those of \cite{Fox04}. Our modelled N($^2$D) density profile is closer to \cite{Fox04} calculated value for the altitude above 130 km. The reason for differences between these density profiles is discussed in Section~\ref{sec:discus}. \begin{figure} \includegraphics[width=\linewidth]{dd8_ion_neutral_dens_5947} \caption{The NGIMS/MAVEN measured neutral and ion number density profiles for orbit \#5947 of deep dip 8 campaign. The dashed curves with corresponding colours represent the neutral density profiles for solar minimum condition from \cite{Fox04}.} \label{fig:dens_ionsneu} \end{figure} \begin{figure*} \centering \includegraphics[width=\linewidth]{oddN_production_loss_new} \caption{Various modelled formation (top panels) and destruction (bottom panels) processes for N($^4$S), N($^2$D) and NO in the Martian upper atmosphere for orbit \#5947 during MAVEN deep dip 8 campaign. h$\nu$, e$_{ph}$, and e$_{th}$ represent the solar photon, photoelectron, and thermal electron, respectively. Production rate of NO via N$_2$ and O$_2^+$ is plotted after multiplying by a factor of 10$^4$. The reaction profile CO$_2^+$ and NO, which is a loss frequency profile of NO, is plotted after multiplying by a factor of 10.} \label{fig:pl_nnno} \end{figure*} \begin{figure} \centering \includegraphics[width=\linewidth]{OddN_dens_new} \caption{Modelled N($^4$S), N($^2$D), and NO densities in the Martian upper atmosphere for orbit \#5947 of MAVEN deep dip 8 campaign. The dashed curves with corresponding colours represent the modelled density profiles from \cite{Fox04} for solar minimum condition.} \label{fig:oddn_dens} \end{figure} We have employed the same approach in calculating the NO number density profiles for all the orbits of MAVEN deep dip 8 and 9 campaigns. Using the NGIMS/MAVEN measured neutral and ion number density for the orbits of deep dip 8 campaign (\#5909 to \#5947) and accounting for the previously discussed photochemical network of reactions, the modelled NO number density profiles are presented in Figure \ref{fig:no_den_dd8}. We find that our modelled NO number density is varying over different orbits and this is mainly associated with the variability in the NGIMS/MAVEN measured neutral and ions density measurements. The variation in the calculated NO number density for different orbits is found to be small (by a factor of 2) at lower altitudes (around 120 km) and it is increasing with altitude (more than a factor of 2, see the gray shaded area in Figure~\ref{fig:no_den_dd8}). The calculated NO number density profiles for all the 32 orbits, i.e., from \#6936 to \#6973, of MAVEN deep dip 9 campaign are presented in Figure~\ref{fig:no_den_dd9}. In this case, the calculated NO density around 120 km altitude is about 10$^6$ cm$^{-3}$ and comparable to the derived value for the deep dip 8 campaign. \begin{figure*} \centering \includegraphics[width=0.85\linewidth]{dd8_no_density} \caption{The modelled NO number density profiles for the various orbits of MAVEN deep dip 8 campaign. The Gray shaded area represents the variability in the calculated NO number density.} \label{fig:no_den_dd8} \end{figure*} \begin{figure*} \centering \includegraphics[width=\linewidth]{dd9_no_density} \caption{The calculated NO number density profiles for various orbits of MAVEN during Deep dip 9 campaign. The Gray shaded area represents the variability in the modelled NO number density.} \label{fig:no_den_dd9} \end{figure*} In Figure~\ref{fig:no_cmp}, we compared the calculated NO number density profiles during MAVEN deep dip 8 and 9 campaigns with IUVS/MAVEN retrieved value. The modelled average NO number density profile for deep dip 8 campaign is consistent with the IUVS/MAVEN retrieved value at around 125 km altitude. \cite{Stevens19} modelled NO density profiles in the altitude range 80 and 160 km at SZA 44$^\circ$ and 75$^\circ$ for IUVS and Viking observational conditions, respectively (see dashed red and blue curves in Figure~\ref{fig:no_cmp}). Our modelled NO number density profiles are also consistent with the \cite{Stevens19} modelled profiles in the altitude range 120 to 160 km. {Our calculations in Figure~\ref{fig:pl_nnno} show that N$_2$ and CO$_2$ play a crucial role in determining the NO density in the Martian upper atmosphere. Hence, we studied the variation in our modelled NO density with respect to the changes in MAVEN measured CO$_2$ and N$_2$ densities. It can be noticed in Figure~\ref{fig:dens_cmp} that both the CO$_2$ and N$_2$ densities locally vary about a factor of 2 to 5 during deep dip 8 and 9 campaigns in the altitude range 120 to 200 km (see the shaded areas in figure~\ref{fig:dens_cmp}). Due to significant variability in the measured densities, it is difficult to describe the impact of CO$_2$ and N$_2$ on NO for each orbit of both deep dip 8 and 9 campaigns. Hence, we chose two orbits for each campaign to demonstrate the impact of MAVEN measurements on the modelled NO density. As shown in the top panel of Figure~\ref{fig:dens_cmp}, the MAVEN measured CO$_2$ and N$_2$ densities for orbit \#5943 are higher compared to those for \#5947 at the altitudes below 165 km and above this radial distance it is opposite. This cross over in the measured CO$_2$ and N$_2$ density profiles is also reflected in our modelled NO profiles for the corresponding orbits at 165 km altitude (see solid and dashed purple lines in the top panel of Figure~\ref{fig:dens_cmp}). Similarly, as shown in the bottom panel of this figure, the MAVEN measured CO$_2$ and N$_2$ densities for orbits \#6937 are higher compared to those for \#6949 for deep dip 9 campaign in the altitude range 120 to 200 km. The higher densities of CO$_2$ and N$_2$ lead to larger production of NO which is reflected in the modelled NO density for orbit \#6937. These calculations suggest that the change in CO$_2$ and N$_2$ densities directly can influence the NO density in the Martian upper atmosphere.} \begin{figure} \includegraphics[width=\linewidth]{Compare_No_density} \caption{Comparison between the modelled and MAVEN deep dip 8 (solid red curve for the average), 9 (solid blue curve red for the average) and IUVS/MAVEN (solid black curve) retrieved mean and Viking modelled at SZA 44$^o$ (blue-dashed curve) and IUVS modelled at SZA 75$^o$ (red-dashed curve) NO number density profiles in the Martian upper atmosphere. The yellow and green shaded areas represents the variability in calculated NO number density profiles during MAVEN deep dip 8 and 9 campaigns, respectively. The horizontal Gray error bars represents the digitized data of 1-$\sigma$ variability about the mean value of the IUVS derived NO number density \citep[taken from][]{Stevens19}.} \label{fig:no_cmp} \end{figure} \begin{figure} \centering \includegraphics[width=\linewidth]{dd8-Compare_neutral_dens_new} \includegraphics[width=\linewidth]{dd9-Compare_neutral_dens_new} \caption{Variation in the modelled NO density due to the change in the NGIMS/MAVEN measured CO$_2$ and N$_2$ densities during the MAVEN deep dip 8 (top panel) and 9 (top panel) campaigns. The solid and dashed curves in the top panel (bottom panel) represent the corresponding number densities for orbits \#5943 and \#5947 (\#6937 and \#6949), respectively, for MAVEN deep dip 8 (9) campaign.} \label{fig:dens_cmp} \end{figure} \begin{figure*} \centering \includegraphics[width=\linewidth]{dd8_No_emis_intensity} \caption{Modelled limb radiance profiles for Nitric oxide (NO) 1-0 $\gamma$ emission for the MAVEN Deep dip 8 campaign. The Gray shaded area represents the variability in the calculated NO (1-0) $\gamma$ intensity.} \label{fig:limb_inten_dd8} \end{figure*} \begin{figure*} \centering \includegraphics[width=\linewidth]{dd9_No_emission_intensity} \caption{Modelled limb radiance profile of Nitric oxide (NO) emission for the MAVEN deep dip 9 campaign. The Gray shaded area represents the variability in the calculated NO (1-0) $\gamma$ intensity.} \label{fig:limb_inten_dd9} \end{figure*} \begin{figure} \includegraphics[width=\linewidth]{Compare_No_intensity} \caption{Comparison between the modelled and the IUVS/MAVEN observed NO (1,0) $\gamma$ band limb intensity profiles. The black and red curves represent the calculated average NO (1,0) $\gamma$ band limb intensity for deep dip 8 and 9 missions respectively. Blue curve and gray errors bars represents the observed average IUVS/MAVEN dayglow profile and 1-$\sigma$ uncertainty associated with observation, respectively \citep[taken from][]{Stevens19}. Green and yellow shaded areas represent the variability in the calculated NO (1,0) $\gamma$ band limb intensity for deep dip 8 and 9 missions, respectively.} \label{fig:iuvs_no_cmp} \end{figure} By utilizing the corresponding modelled NO number densities, the calculated limb intensity profiles for NO (1,0) $\gamma$ band for the MAVEN deep dip 8 and 9 campaigns are presented in Figures~\ref{fig:limb_inten_dd8} and ~\ref{fig:limb_inten_dd9}, respectively. The calculated NO (1,0) $\gamma$ band limb intensity is found to vary between 90 and 200 R (between 100 and 300 R) at the MAVEN periapsis altitude around 120 km during MAVEN deep dip 8 (9) campaign. We compared our calculated NO (1, 0) $\gamma$ limb intensity profiles with and IUVS/MAVEN observation in Figure~\ref{fig:iuvs_no_cmp}. Our calculated mean limb intensities for deep dip 8 and 9 campaigns around 120 km altitude are found to be consistent with the IUVS/MAVEN observation. \section{Discussion} \label{sec:discus} During the deep dip campaigns, NGIMS/MAVEN measured both neutral and ion densities at the altitudes as low as 125 km, whereas the regular measurements cover the altitudes above 150 km. This possibility enabled us to calculate NO number density at the lower altitudes which is not possible for other measurements. Out of the total nine MAVEN deep dip campaigns so far, deep dip 2, 8, and 9 campaigns are occurred {on} the dayside. {Recently, Cui et al. (2020) also used the NGIMS neutral and ion density measurements to constrain the NO density in the dayside Martian upper atmosphere, specifically for the deep dip 2 campaign during 17-22 April 2015 with a periapsis altitude of 130 km and appropriate for the subsolar condition. By neglecting transport, these authors carried out time-dependent calculations at a fixed altitude of 160km to investigate the diurnal variation under the influences of both dayside solar radiation and nightside solar wind electron precipitation. } {The present study has several advances over Cui et al. (2020) in that (1) our calculations are made over a broad altitude range of 120 - 200 km to provide the vertical distribution of NO for deep dip 8 and 9 campaigns; (2) we emphasize the dayside variability in NO density driven by the variability of the background atmosphere, especially in terms of the CO$_2$ and N$_2$ densities, rather than the mean diurnal variability focused by \cite{Cui20}; (3) we also estimate the NO (1,0) gamma band emission such that our results could be directly compared to the MAVEN IUVS limb observations.} {By comparing our modelled NO density profiles with \cite{Cui20} calculations, we find that our calculated densities are smaller by a factor 2 to 3. This difference could be due to the different prevailed conditions in the Martian upper atmosphere during deep dip 2, 8 and 9 campaigns. Moreover, \cite{Cui20} account for local time variability of neutral species in their calculations which is not the case in this work.} {The calculations presented in Figure \ref{fig:pl_nnno} show that the odd nitrogen species, which are primarily produced from the photodissociation of N$_2$, initiate the formation of NO via collisions with CO$_2$, and further interaction of these species with NO subsequently recycles the N$_2$ in the Martian upper atmosphere (see chemical reactions R1, R8, R15 and R16 in Table~\ref{tab:rate_coef}). So it should be noticed that besides variation in CO$_2$ and N$_2$ densities, the NO density in the Martian upper atmosphere depends significantly on chemical reactions particularly R1 and R8, which are respective major production and loss channels initiated by photodissociation of N$_2$.} However, the calculations presented in figure~\ref{fig:pl_nnno} suggest that the NGIMS/MAVEN measured major neutral and ion densities (CO$_2$, N$_2$, and O$_2^+$) along with a few major chemical reactions are sufficient to determine the NO density in the altitude range 120 to 200 km, rather than using a complex chemical network. The difference between our calculated odd nitrogen species density profiles and \cite{Fox04} modelled values, which is about a factor of 2 to 5, is mainly due to the change in input CO$_2$ and N$_2$ densities (see Figures~\ref{fig:dens_ionsneu} and \ref{fig:oddn_dens}). But our modelled NO density profile in the altitude range 120 to 200 km is closer to the \cite{Fox04} calculation (with a factor of 2 difference), which suggests that NO is strongly controlled by photochemical reactions rather than transport in the upper atmosphere. Time scales of odd nitrogen species as determined by \cite{Cui20} also suggest that NO is under photochemical equilibrium for the altitudes up to 180 km and above which chemical diffusion significantly controls its density \cite[see Fig.~1d in ][]{Cui20}. Moreover, the agreement between our calculated NO densities for different orbits of deep dip 8 and 9 campaigns with the \cite{Stevens19} modelled values for IUVS/MAVEN observation condition in the altitude range 120 to 160 km also supports our approach that NO can be derived from the NGIMS/MAVEN measured CO$_2$ and N$_2$ densities and also by considering the major photochemical reactions (see Figure~\ref{fig:no_cmp}). {NO density in the Martian upper atmosphere is significantly driven by photochemical reactions as well as local neutral densities of CO$_2$ and N$_2$}. Our calculations in Figure~\ref{fig:pl_nnno} show that below 170 km, the chemical cycle of NO mainly depends on density distribution of N$_2$ and CO$_2$ in the Martian upper atmosphere. Hence, the variation in the measured densities of these species directly can impact the modelled NO number density. {As explained before, the variability in the MAVEN measured CO$_2$ and N$_2$ densities is directly linked to the NO density in the Martian upper atmosphere (see solid and dashed curves in Fig.~\ref{fig:dens_cmp})} The higher volume mixing ratios of N$_2$ leads to the larger formation rate of dissociative products N($^4$S) and N($^2$D) and eventually can produce more NO. Since the major production source of NO is via collisional reactions between N($^2$D) with CO$_2$, the variation in local CO$_2$ density can also control the NO density. The ambient density variation presented in the Figure~\ref{fig:dens_cmp} show that during deep dip 8 and 9 campaigns both CO$_2$ and N$_2$ densities varied by a factor of 5 or more in the Martian upper atmosphere which results in the variation in our calculated NO densities. The calculations done by \cite{Cui20} for deep dip 2 campaign show that the diurnal variation in NO, N($^4$S) and N($^2$D) at the reference altitude 160 km is due to ambient N$_2$ mixing ratio at 160 km. But the calculations presented in this work show that besides the variation in N$_2$ volume mixing ratio, the change in CO$_2$ density also plays an important role in determining the NO density in the Martian upper atmosphere. As shown in Figure~\ref{fig:no_cmp}, our calculated NO number densities around 125 km, for deep dip 8 and dip 9 campaigns, are consistent with the IUVS/MAVEN measurements and also with the modelled density profiles in the altitude range 120--160 km. It can be noticed in this figure that at 125 km altitude, the calculated NO number density varies by a factor of about 5 over the both deep dip campaigns, which is mainly due to the local variation in the measured CO$_2$ and N$_2$ densities. The earlier MAVEN deep dip campaigns also reveal that there is a variability in the measured neutrals and ions in the Martian upper atmosphere \citep{Bougher15}. Small scale structures in the NGIMS/MAVEN observed neutral and ion densities are linked to wave activity in the upper atmosphere or solar wind interaction with ionosphere \citep{England17,Kopf08}. \cite{Williamson19} also observed large scale amplitude perturbations in the measured densities of different species, which could be due to gravity waves. These observations suggest that dynamics in the upper atmosphere could significantly influence the neutral densities of N$_2$ and CO$_2$, and subsequently affect the NO density in the Martian upper atmosphere. \cite{Stevens19} were able to analyze the IUVS/MAVEN observed NO $\gamma$ limb intensity profiles for a small period of observation i.e., 6--8 April 2016. Based on the observed limb intensity, the NO number densities were retrieved from the observed spectra between the altitudes 80 to 128 km, above which the retrieval becomes very difficult due to the presence of intense CO Cameron band emissions. But our method of calculation is able to determine the NO number density profile from 120 to 200 km. {Since the derivation of NO density at higher altitudes is difficult, we suggest that our approach can be used as a baseline to constrain the NO abundance in the sunlit Martian upper atmosphere for different MAVEN observational conditions. However, the MAVEN observations are limited up to periapsis altitude and it is difficult to compute the NO densities lower than 120 km altitude using this approach.} \cite{Stevens19} modelled NO density for the IUVS/MAVEN observation period and found that their derived density is smaller by a factor of 5 compared to the earlier Viking observations for the altitudes below 100 km. They ascribed this discrepancy to the assumed collisional rate coefficient for the reaction between N($^4$S) and CO$_2$, which is 1 $\times$ 10$^{-18}$ cm$^3$ s$^{-1}$ instead of earlier \cite{Fox04} assumed value of 1 $\times$ 10$^{-16}$ cm$^3$ s$^{-1}$. By using the rate coefficient as used by \cite{Fox04}, our calculations in Figure~\ref{fig:pl_nnno} show that the contribution from N($^4$S) and CO$_2$ collisions is negligible to the total formation of NO for the altitudes above 120 km. By considering \cite{Stevens19} assumed rate coefficient in our calculations, which is two orders of magnitude smaller compared {to} the value used in the present work, we find no change in the modelled NO density profile. Thus, this calculation suggests that the contribution of N($^4$S) and CO$_2$ collisional reaction in the formation of NO can be neglected for the altitudes above 120 km. Besides the observations of major neutral species, NGIMS/MAVEN also provides NO density measurements in the Martian upper atmosphere. But various observations show that the NGIMS/MAVEN measured NO densities are higher by an order of magnitude compared to IUVS/MAVEN derived values. This higher density is attributed to the recombination of N and O atoms inside the walls of mass spectrometer which produces additional NO. As \cite{Stevens19} noticed, the effect of contamination in measuring the NO number density due to recombination of atomic oxygen and nitrogen cannot be neglected. By studying various factors associated in the calculation of NO density, \cite{Fox04} concluded that Viking 2 measurements may not be accurate. Hence, the instrumental bias during Viking 2 measurements could be the main reason for the discrepancy between the modelled and observation of NO densities. Thus, there remains a compelling need of new measurements of NO densities in the Martian upper atmosphere to reconcile this long-standing problem. The high emission rate factor makes NO (1,0) transition as the brightest feature of $\gamma$ band emission at the wavelength 214.9 nm compared to other transitions in the ultraviolet region. But this band emission is strongly obscured by CO (0,1) Cameron band emission (215.5 nm) due to proximity in the wavelength and also due to its intensity. Using the derived NO densities, our calculated limb intensities during deep dip 8 and 9 campaigns are consistent with the mean value of IUVS/MAVEN measurement around 120 km (see Figure~\ref{fig:iuvs_no_cmp}). However, it should be cautioned that the uncertainty in the measured limb radiance is large for the altitudes above 120 km \citep{Stevens19}. \cite{Fox04} has modelled NO number density for low solar activity condition, by assuming a downward flux of -2 $\times$ 10$^7$ cm$^{-2}$ s$^{-1}$ at lower boundary i.e., 80 km. \cite{Stevens19} have reduced this downward flux value by two orders of magnitude to fit the IUVS/MAVEN retrieved NO density profiles. They also noticed that assumed transport flux can affect the shape of fitted profile only for altitudes below 100 km. But our calculated NO number densities around 120 km altitude are consistent with IUVS modelled profiles also supports the assumption that the transport has a minor role in determining NO number density in the altitude range 120--160 km (see Figure~\ref{fig:no_cmp}). Hence, we suggest that the NGIMS/MAVEN measured neutral and ion densities are suitable to study NO density and also its dayglow emission intensity for different seasonal conditions in the dayside upper atmosphere of Mars in this altitude range. As earlier discussed, the intense CO Cameron band inhibits the measurement of NO emission intensity in the dayglow spectra. Our calculation in Figure~\ref{fig:iuvs_no_cmp} suggests that the emission intensity falls by an order of magnitude beyond 150 km, hence it is difficult to extract NO number density from the faint NO $\gamma$ band emission in the {background} of intense CO Cameron band emission. Hence, we suggest that the derivation of NO number density based on photochemistry and subsequently calculating its dayglow emission intensity can serve as a baseline while analysing the ongoing and upcoming IUVS/MAVEN observations. More such observations of NO dayglow emissions along with modelling studies are necessary to constrain its variability in the Martian upper atmosphere. \section{Summary and Conclusions} \label{sec:sum_con} The in-situ NO density measurements are difficult to make in the Martian upper atmosphere because of its low abundance (more than 3 orders of magnitude compared to CO$_2$) and also highly reactive in nature. Moreover, the thermal recombination of atomic nitrogen and atomic oxygen inside the mass spectrometer also inhibits the accurate determination of NO density. Measurement of NO density from the remote dayglow observations is also difficult since its strongest ultraviolet emission feature, i.e., (1,0) gamma band, is severely obscured by the intense CO Cameron band (50 times higher in magnitude). By accounting for major chemical reactions and using the NGIMS/MAVEN measured neutral and ion densities, we developed a photochemical model to study the photochemistry of NO in the Martian upper atmosphere. MAVEN's deep dip campaigns provide a unique opportunity to study NO photochemistry in the dayside Martian upper atmosphere at the altitudes as low as 120 km. By utilizing the NGIMS/MAVEN measured neutral and ion densities during MAVEN deep dip 8 and 9 campaigns in our model, we present a method to calculate NO number density in the dayside upper atmosphere of Mars. Using the modelled NO number density profiles we also calculated NO dayglow (1,0) $\gamma$ band emission intensity. Our calculated NO number density profiles are consistent with the IUVS/MAVEN retrieved profile and also with the modelled values for IUVS observation conditions. We found that the calculated NO number density varies by a factor of 2--5 and consequently its dayglow intensity due to the variation in CO$_2$ and N$_2$ densities at around 120 km. Hence, we suggest that the present method of calculation serves as a baseline to estimate the NO number density and also its $\gamma$ bands emission intensity under different seasonal and solar conditions in the dayside Martian upper atmosphere. {Based on our calculations we suggest that future MAVEN deep dip and remote IUVS/MAVEN observations should be focused in the altitude region 120 and 130 km to constrain the NO density in the Martian upper atmosphere.} More observations of NO emissions along with modelling studies are necessary to fully comprehend the NO density distribution on the dayside upper atmosphere of Mars. \section*{Acknowledgements} SR is supported by Department of Science and Technology (DST) with Innovation in Science Pursuit for Inspired Research (INSPIRE) faculty award [grant:dst/inspire/04/2016/002687], and he would like to thank Physical Research Laboratory for facilitating conducive research environment. He is a visiting researcher at Khalifa Univeristy during a part of this work. AB was J.C. Bose Fellow duirng the period of this work. A part of this work was done when MD was PDF at PRL and presently working at Maulana Azad National Institute of Technology Bhopal as an assistant professor. \section*{Data Availability} This paper make use of NGIMS/MAVEN measured neutral and ion number densities L2 data for deep dip 8 and 9 campaigns which has been accessed through the web link https://pds-atmospheres.nmsu.edu. The derived data generated in this research will be shared on reasonable request to the corresponding author.
a2bdc1dd15ed359457a7703ff68217bea1e54dd0
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction}\label{sec:introduction}} \IEEEPARstart{A}{nomalous} events are defined as an occurrence of odd incidents. The detection of these events is crucial for providing security. In general, anomalous events can be broadly grouped into three categories namely: spatial anomalies, temporal anomalies and appearance anomalies \cite{ramachandra2020survey}, \cite{chalapathy2019deep}. Spatial anomalies are related to the location of the object with respect to the scene. Temporal and appearance anomalies are based on the trajectories and appearance of the object respectively. The definition of anomaly is mostly subjective and depends on the context of the scene \cite{chalapathy2019deep}. An event that is an anomaly in one scene may be normal in another scene. For instance, a truck on road is normal, while on sidewalk is anomaly. Hence, defining anomaly is challenging. But, accurate and early detection of these events can reduce the risk to human life and thus is an essential aspect of security \cite{santhosh2020anomaly}, \cite{liu2018future}. \par The current technology available for providing security, analyzes the videos acquired from monitoring systems such as CCTVs installed at fixed locations. These surveillance videos are manually analysed by security personal for detecting anomalies which is time-consuming and tedious process. Therefore, the past few years have seen several works on designing algorithms for detecting anomalous activities in videos \cite{Ionescu_2019_CVPR}, \cite{xu2015learning}, \cite{ma2015anomaly}. However, a majority of existing methods analyse videos from static surveillance cameras installed at fixed locations such as pedestrian walkaway (CUHK Avenue \cite{lu2013abnormal}, Ped1, Ped2 \cite{mahadevan2010anomaly}) Subway entrance/exit \cite{adam2008robust}. In the recent past, a few studies have focused on analysing videos from multiple scenes \cite{liu2018future}. However, the videos analysed in these works contain either minor or no camera motion. There is hardly any study on detecting anomalous activity in a video acquired by a moving camera. Also, there are very few standard datasets available for the development of multi-scene anomaly detection algorithms. Last few years have seen an increased interest in using Unmanned Aerial Vehicles (UAVs) for surveillance \cite{teng2021viewpoint}. Compared to a static CCTVs with a fixed coverage area, videos acquired from UAV based surveillance systems can cover larger area with varying perspectives. Besides, UAVs have the advantage of mobility and can be rapidly deployed. Despite the better flexibility and mobility offered by UAV based surveillance system, there are limited works on anomaly detection in videos acquired using UAVs \cite{chriki2021deep},\cite{9219585}, \cite{9341790}. However, the videos for these studies are acquired at a single location (car parking) and the variations in the background scene information are limited. The present study focuses on detecting anomalous activities by analysing videos from UAVs. These videos are acquired at multiple locations (multi-scene) and consist of significant camera motion (Figure \ref{overall}) with varying viewpoints. No published reports are available on this kind of multi-scene anomalous activity detection from UAV aerial videos with significant variations in background scene information. \begin{figure*}[t] \includegraphics[width=7.2in,height=2.7in]{Figures/overview_1.png} \caption{Overview of proposed model: Multi-scene UAV aerial video dataset creation. Object-centric contextual, appearance and temporal features are first extracted from each frame of the aerial video. The inference algorithm is formulated as a multi-class classification algorithm on these extracted features to identify anomalous events. } \label{overall} \end{figure*} In general, an anomaly detection algorithm comprises of two steps namely training and detection \cite{Ramachandra2020}, \cite{Ionescu_2019_CVPR}\cite{doshi2020any}. The training phase consists of developing a model for normal activities using the features extracted from the training videos containing only normal activities. In the detection phase, an anomaly score is assigned to the test video by feeding the same types of extracted features to the developed model. However, these models are only trained on normal patterns and hence the decision boundary may not accurately discriminate anomalous patterns. There exist other methods which address the problem of anomaly detection as an outlier detection where all the outliers are considered anomalous \cite{xu2017detecting}, \cite{zhao2011online}, \cite{cheng2015video}. However, these methods fail to detect local anomalies which can be defined as those patterns that are closer to normal patterns but are anomalous in nature. For example, consider a situation of a stationary vehicle present in a parking zone vs a stationary vehicle present on road. Here, the appearance and temporal characteristics of both vehicles are similar. However, the vehicle present on road is an example of a local anomaly since its characteristics are similar to normal patterns. Recently, few studies focuses on features extracted from object of interest (pedestrian). This object centric approach allows to accurately locate the anomalous object in the frame \cite{Ionescu_2019_CVPR}. The majority of the anomalous activity detection algorithms are developed for single-scene scenarios where the background is constant. Hence, these models cannot be adopted to detect anomalies in multi-scene scenarios such as UAVs where the background changes and hence the context of the scene. In these situations, realizing the context of the scene is important as it facilitates accurate detection of anomalies. For instance, a pedestrian on the road is an anomalous event while a person walking on sidewalk is a normal event. Therefore, the background scene information (road/sidewalk) would be useful in detecting an anomalous event. This work proposes to integrate the background scene information along with appearance and motion information for anomalous activity detection. To the best of our knowledge, there is no existing work on incorporating background scene information for anomalous activity detection. \par In the present study, an object-centric approach is presented which extracts contextual (background scene), appearance and motion features with a focus on object of interest (vehicles and human). A four class semantic segmentation algorithm is utilized to extract the background scene information, while autoencoder based reconstruction error is utilized for extracting appearance and motion features. Subsequently, an inference algorithm which constitutes a set of one class SVM classifiers, are trained on these features to detect anomalies. This study proposes a new inference algorithm to handle local anomalies. We argue that incorporating features extracted from few anomalous videos can improve the performance of the inference model. The contributions of the research are as follows: \begin{enumerate} \item A new multi-scene UAV anomaly detection dataset (MUAAD: Manipal UAV Anomalous Activity Dataset) is presented. This provides a common platform for researchers to compare the developed models for UAV-based anomaly detection. \item A new object-centric method for anomaly detection is proposed which captures contextual, temporal and appearance-based features. This allows the model to process multi-scene scenarios and detect spatial, temporal and appearance based anomalies. \item A new inference algorithm is introduced to detect anomalous patterns. This algorithm is trained such that it is capable of detecting local anomalies efficiently which in-turn improves the accuracy of detection. \end{enumerate} The structure of the paper is as follows: Section \ref{lite} presents the recent literature regarding the anomaly detection in videos. The details of the proposed dataset is presented in Section \ref{dataseta}. Section \ref{met} describes the methodology for detecting anomalies from UAV aerial videos. Section \ref{res} presents the various results of the proposed system. Finally, conclusion of the paper is given in section \ref{con}. \section{Related works} \label{lite} \par Various approaches have been put forward to solve the issue of anomaly detection in surveillance videos. Also, several datasets are available for the development and evaluation of anomaly detection models. A detailed discussion of these can be found in \cite{ramachandra2020survey}, \cite{santhosh2020anomaly}, \cite{chalapathy2019deep}. In this section, initially, A summary of various datasets available for anomaly detection followed by a brief discussion on various methods proposed for video anomaly detection has been presented. \subsection{Video anomaly detection datasets} \par The development of anomaly detection system for videos is dependent on the availability of annotated datasets. Furthermore, they provide a common platform for the researcher to evaluate the developed algorithm. In literature, several popular benchmark datasets are available for anomaly detection \cite{adam2008robust}, \cite{raghavendra2006unusual}, \cite{mahadevan2010anomaly}, \cite{lu2013abnormal}. The Subway dataset proposed in \cite{adam2008robust}, provides videos collected at a subway entrance and exit. The UMN \cite{raghavendra2006unusual} dataset has 11 outdoor video scenes with staged anomalies. In \cite{lu2013abnormal}, the authors proposed CUHK Avenue dataset which has 37 videos collected from a single camera which contains 47 anomalous events. UCSD ped1 and ped2 \cite{mahadevan2010anomaly} are another popular dataset used for anomaly detection. Ped 1 and Ped 2 dataset contains video acquired from two stationary camera overlooking pedestrian walkaways. The videos of UCSD ped1 and ped2 are collected at a low resolution. All these datasets are developed for single-scene video anomaly detection. A few multi-scene video anomaly detection datasets developed are available in literature such as ShangaiTech \cite{liu2018future} and UCF crime \cite{sultani2018real}. ShangaiTech dataset contains videos collected from 13 different scenes with 130 abnormal events. However, all these datasets have videos collected from static CCTV cameras with a limited coverage area and fixed background. In the present study, a new anomaly detection dataset containing the videos acquired from the camera on-board a moving Unmanned Aerial Vehicle (UAV) is proposed. Unlike existing datasets, the proposed dataset contains background scene information in the form of pixel level mask for four classes (greenery, road, construction and water bodies). The contextual scene information can be inferred from these masks which would aid in identifying anomalous activities in multi-scene videos with significant variation in the background information. \subsection{Video anomaly detection} \par Video anomaly detection algorithms can be broadly grouped into three categories namely: distance-based methods, probabilistic methods and reconstruction based methods. The distance-based methods construct a model of normal patterns \cite{Ramachandra_2020_WACV}, \cite{Ionescu_2019_CVPR}, \cite{Sabokrou_2018_CVPR}, \cite{ionescu2019detecting}, \cite{ravanbakhsh2018plug}. The distance of test patterns from the model is utilized to estimate the anomaly score. In these methods, handcrafted features \cite{dalal2006human}, \cite{dalal2005histograms}, as well as deep features \cite{ravanbakhsh2018plug}, \cite{sabokrou2018deep}, \cite{xu2015learning}, are widely used to represent the appearance and temporal domain of the object. Subsequently, one class SVMs are popularly used in these methods to identify the decision boundaries of normal patterns required for estimating distances \cite{Ionescu_2019_CVPR}, \cite{xu2015learning}, \cite{ma2015anomaly}. Also, distance metrics such as Mahalanobis is used to measure the distance from normal patterns \cite{sabokrou2018deep}, \cite{sabokrou2017deep}. The probabilistic methods measure anomaly scores in probability space \cite{antic2015spatio}, \cite{kim2009observe}, \cite{benezeth2009abnormal}, \cite{kratz2009anomaly}, \cite{feng2017learning}, \cite{cheng2015video}. Gaussian Mixture Models and Markov Random Fields are popularly used traditional methods \cite{kratz2009anomaly}, \cite{kim2009observe}. In the reconstruction based method, the given input data is converted to a high-level representation or a latent space \cite{Ionescu_2019_CVPR}, \cite{vu2019robust}, \cite{chong2017abnormal}, \cite{hasan2016learning}. Further, these inputs are reconstructed from this high-level representation. Since these models are trained only on normal patterns, any anomalies would produce higher reconstruction errors which are used for determination of anomalies. To this end, auto-encoders are extensively used to transform input to latent space. Recently, GAN based methods are gaining popularity for anomaly detection. However, these methods do not consider the contextual knowledge required for detecting multi-scene video anomalies. The anomalous activities occur rarely and developing a robust model for detection of anomalous activities is a challenging task. Hence, popular methods proposed in literature are semi-supervised where the model is trained on normal patterns. However, these models fails to detect local anomalies. In this context, this work formulates the inference algorithm such that it utilizes a few samples of anomalous events to identify better decision boundaries. Note that a recent work \cite{doshi2020any} formulated the few shot anomaly detection task as identifying the anomalous activity with few sequential frames of a video. However, our proposed approach utilizes the features from few anomalous videos to learn a more robust model. To the best of our knowledge, very limited work exists that considers minor supervision to anomalous samples to improve the performance of anomaly detection in UAV videos. \par The scarcity and ambiguous definition of anomalies make it challenging to develop anomaly detection datasets. Also, lack of standard UAV based anomaly detection datasets, make it difficult to develop Computer Aided Decision (CAD) support systems. Hence, it urges to develop a new dataset for detecting anomalous activities in UAV aerial videos. Besides, the existing methods for anomalous activity detection are designed for single-scene videos with a fixed or constant background. Therefore, these approach would have limited success when there is a significant change in the background scene information, such as the video from the camera on-board a moving UAV. The UAV videos contain a different perspective view (topdown) of the scene as compared to the videos acquired from CCTVs. In this regard, the present work aims at the development of CAD systems to detect anomalies from UAV aerial videos. Furthermore, this study presents a novel feature extractor that holistically extracts contextual, temporal and appearance features required for multi-scene video anomaly detection. Also, the present work proposes a new inference algorithm to efficiently determine the decision boundaries needed for the accurate detection of anomalies. \begin{table*}[t] \centering \caption{Comparison of MUAAD with other datasets. } \label{datasetc} \begin{tabular}{|c||c|c|c|c|c|c|} \hline \textbf{Dataset} & \textbf{Total No. Of Videos}& \textbf{Annotated frames}&\textbf{Anomalous events}& \textbf{Multi-scene}& \textbf{Camera motion}&\textbf{Modality} \\ \hline CHUK Avenue & 37 &30,652&47& No &Limited camera shake&CCTV\\ \hline ShanghaiTech &437 &317,398 & 130&\checkmark&-&CCTV\\ \hline UCSD Ped1 &70&14,000&40&-&-&CCTV\\ \hline UCSD Ped2 &28&4,560&12&-&-&CCTV\\ \hline MUAAD (Ours) &60&68,687&92&\checkmark&\checkmark&UAV\\ \hline \end{tabular} \end{table*} \begin{table}[t] \centering \caption{Details of the proposed dataset.} \label{dataset} \begin{tabular}{|c||c|} \hline \textbf{Training videos} & 8 \\ \hline \textbf{Testing videos} &52 \\ \hline \textbf{Number of scenes} & 9 \\ \hline \textbf{Objects considered} & Vehicle, Humans \\ \hline \textbf{Number of annotated frames} & 68,687 \\ \hline \textbf{Types of anomalous events} & 7 \\ \hline \textbf{Occurrence of anomalous events} & 92 \\ \hline \textbf{Altitude} & 25-30 mts\\ \hline \textbf{Resolution} & 1280x720p\\ \hline \textbf{Frame rate} &29.97 frames/second \\ \hline \textbf{Minimum duration} & 7 seconds \\ \hline \textbf{Maximum duration} & 1 min 30 seconds\\ \hline \textbf{Camera motion} & Present\\ \hline \textbf{Illumination variation} & Present\\ \hline \end{tabular} \end{table} \begin{figure}[t] \begin{tabular}{cc} \begin{minipage}{32pt} \includegraphics[width=1.6in, height=1.2in]{Figures/c1.jpg} \centering{(a)} \end{minipage} & \hspace{2.7cm} \begin{minipage}{32pt} \includegraphics[width=1.6in, height=1.2in]{Figures/p1.PNG} \centering{(b) } \end{minipage} \\ \\ \begin{minipage}{32pt} \includegraphics[width=1.6in, height=1.2in]{Figures/t1.PNG} \centering{(c)} \end{minipage} & \hspace{2.7cm} \begin{minipage}{32pt} \includegraphics[width=1.6in, height=1.2in]{Figures/pg1.PNG} \centering{(d)} \end{minipage} \\ \\ \end{tabular} \caption{Few frames from the dataset which contain anomalous event. The anomalous object is shown as a red bounding box. An example of contextual anomaly is shown in (a), while an example of vehicle parked on road is shown in (b). Figure (c) shows an example of vehicle with random trajectories, and (d) shows an example of vehicle parked in no-parking zone. } \label{dataset_images} \end{figure} \begin{figure}[t] \begin{tabular}{cccc} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s1.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s2.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s3.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s7.png} \end{minipage} \\ \\ \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s4.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s5.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s6.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=0.8in]{Figures/s8.png} \end{minipage} \\ \\ \end{tabular} \caption{Shows a few sample variations in scene of the proposed UAV anomaly detection dataset.} \label{dataset_images1} \end{figure} \section{UAV anomaly detection dataset generation} \label{dataseta} \par The present study proposes a new UAV aerial video dataset for anomaly detection. The videos are acquired from the camera on-board a UAV (DJI Phantom 3 drone) at the campus of Manipal Institute of Technology, Manipal, India. We refer to this dataset as Manipal UAV Anomalous Activity Dataset (MUAAD). These videos are acquired at 29 fps and are of resolution 1024x720 pixels. The videos are collected during different time of the day at which maximum vehicular traffic is expected (morning 9am, afternoon 12 noon and evening 4pm). The minimum and maximum duration of the videos are 7 seconds and 1 minute 30 seconds respectively. The videos are collected at an altitude of 25-30 metres. In total, the dataset contains 60 videos collected from nine different locations within the campus. In the present study, seven general anomalous patterns are considered for annotations, viz. : vehicles parked in a no-parking zone, over-speeding vehicles, frantic trajectories of vehicles, vehicles found on non-pavement areas, pedestrians walking on the road, pedestrians gathering on-road and frantic movements of pedestrians. A few examples of these patterns are highlighted and shown in Figure \ref{dataset_images}. A frame level annotation (normal/anomalous) for each frame in the video is provided for a total of 68,687 frames. All the anomalous frames are labeled as $1$ and normal frames are labeled as $0$. The dataset contains a total of 92 anomalous events distributed in the $60$ videos. A summary of the proposed dataset is given in Table \ref{dataset}. The training and the testing set consists of 8 and 52 videos respectively. The dataset is available at \emph{https://github.com/uverma/MUAAD} \par The existing anomaly detection datasets contains videos acquired from static CCTV camera at fixed locations \cite{adam2008robust}, \cite{raghavendra2006unusual}, \cite{mahadevan2010anomaly}, \cite{lu2013abnormal}. The videos present in these dataset contain very little or no camera motion. Beside, there is no variation in the background scene information in these videos. As discussed in \cite{ramachandra2020survey}, there is a need to develop anomalous activity detection algorithms in multi-scene videos with significant camera motion. The present study attempts to address this research gap by proposing a new multi-scene moving camera dataset. This dataset (MUAAD) contains videos acquired from the camera on-board a moving UAV and collected at 9 distinct \textit{locations} (multi-scene). A few frames from this dataset is shown in Figure \ref{dataset_images1}. It can be observed that there is significant variation in the background information along with the camera motion. Moreover, the videos acquired from UAV contains a different perspective (topdown) view of the object (vehicles/human) as compared to the front view captured by the CCTVs. \section{Methodology} \label{met} \subsection{Proposed model} \par This study proposes an object-centric multi-scene video anomaly detection algorithm for UAV surveillance videos. Figure \ref{overall} shows the overview of the proposed UAV based anomaly detection system. In this work, an object-centric approach is adopted, since anomalies are related to the objects (human, vehicles) in the scene. \par The workflow of the proposed system is as follows: The input to the proposed model is a UAV aerial video frame. Initially, an object detector is used to detect all the objects in the given video frame. Further, temporal and appearance features are extracted for every instance of the object of interest (vehicles/humans) detected in the frame. Also, the given input frame is semantically segmented to capture the contextual information around the detected objects. Finally, the contextual features along with the temporal and appearance features are given as input to the inference algorithm. The inference algorithm assigns an anomaly score for every instance of the object of interest (human/vehicle) present in the scene. The object level score is assigned as the frame level anomaly score if a single object of interest is present in the frame. In case of multiple objects present in the frame, the frame-level anomaly score is thus estimated as the maximum of the anomaly score assigned to these objects. \subsubsection{Object detection} \par Normally, anomalous events are associated with the objects in the scene \cite{Ionescu_2019_CVPR}, \cite{doshi2020any}. Therefore, recent work have focused on object of interest in the scene to identify the presence/absence of anomalous events. Moreover, the detection of an anomalous event linked to an object in the scene allows us to identify the location of the anomalous event in the scene \cite{Ionescu_2019_CVPR}. \par In this work, two classes of objects namely vehicles and humans are considered for anomaly detection. In this study, YoloV3 \cite{redmon2018yolov3} is used to detect these objects in the given scene. YoloV3 is trained from scratch on MUAAD dataset to detect humans and vehicles in each frame of the video. \subsubsection{Feature extraction} An anomalous event is generally categorized into three groups namely contextual, temporal and appearance anomaly. Hence, for an accurate prediction of anomalous patterns, it is important to extract contextual, temporal and appearance features. Moreover, in a multi-scene scenario such as videos acquired from a moving UAV, the definition of anomaly depends on the context of the scene. Despite this fact, methods proposed in the literature ignores contextual features. This limits the application of developed methods to multi-scene scenarios. Hence, in the present study, a novel feature extractor is proposed which considers contextual, temporal and appearance features. It is observed that so far these features have not been considered holistically for detecting anomalies in video sequences. However, in the present analysis, for each of the detected object of interest $q$ (vehicle, humans), the contextual ($f^c_q$), temporal ($f^t_q$) and appearance ($f^a_q$) features are extracted. The final feature descriptor $F_q$ for the object of interest $q$ is the combination of $f^c_q$, $f^t_q$ and $f^a_q$ and is of dimension $22$. \begin{equation} F_q=\{f^c_q,f^t_q,f^a_q\} \end{equation}The process for extraction of these features for a particular object of interest $q$ is explained below. Note that for the sake for simpler notation, $f^c$, $f^t$ and $f^a$ refers to the contextual, temporal and appearance features respectively for a particular object of interest $q$ unless otherwise specified. \begin{figure*}[!ht] \begin{tabular}{cccccccc} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/2.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/6.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/10.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/12.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/18.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/30.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/17.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/11.png} \end{minipage} \\ \\ \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/2r.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/6r.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/10r.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/12r.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/18r.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/30r.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/17r.png} \end{minipage} & \hspace{0.5cm} \begin{minipage}{32pt} \includegraphics[width=0.8in, height=1in]{Figures/11r.png} \end{minipage} \\ \\ \end{tabular} \caption{Appearance Feature Extraction: A few sample input images (top row) and its corresponding reconstructed images (bottom row). Note that a large reconstruction error is observed in few images representing abnormal event. } \label{recon} \end{figure*} \begin{figure}[!t] \centering \includegraphics[width=2.8in,height=4in]{Figures/temp.png} \caption{Temporal Feature Extraction: Reconstruction of dense optical flow for temporal feature extraction. Note that a large reconstruction error is observed for objects associated with anomalous event.} \label{temp} \end{figure} \par \textbf{Temporal features ($f^t$): }The proposed temporal feature extractor relies on the auto-encoder based reconstruction error computed from the optical flow. Initially, the dense optical flow \cite{farneback2003two} of the bounding box corresponding to the object of interest is estimated from the two consecutive image frames. These dense motion vectors are represented as RGB color image patches. Further, these RGB image patches are given as input to the auto-encoders. The auto-encoders converts the input image to latent space and back to the image domain using an unsupervised learning method. A few sample images of dense optical flow and the corresponding reconstructed flow is shown in Figure \ref{temp}. Here, the auto-encoders are trained on normal motion patterns. Hence, these auto-encoders fails to reconstruct those motion patterns which deviates from normal patterns thus resulting in a higher reconstruction error. The reconstruction error is computed as the absolute difference between the original input RGB image and the reconstructed image (output of auto-encoder) for each individual color channel ($E^{t}_r, E^{t}_g, E^{t}_b$). The proposed auto-encoder for temporal feature extraction has 4 encoding layers and 3 decoding layers. The overview of the proposed auto-encoder is shown in Figure \ref{autoencoder}. Each layer has a convolution layer followed by a batch normalization layer and an activation layer. In the present study, a filter size of 3x3 is utilized. ReLU activation function is used. In the end, softmax layer is applied to reconstruct the input image. Further, first-order statistical features such as mean ($S^{t}_1$), variance ($S^{t}_2$), kurtosis ($S^{t}_3$), energy ($S^{t}_4$), skewness ($S^{t}_5$) and entropy ($S^{t}_6$) \cite{sainju2014automated}of the reconstructed image patch along with the reconstruction error ($E^{t}_r, E^{t}_g, E^{t}_b$) produced by the model are considered as the temporal feature vector for the object and is given by: \begin{equation} f^t=\{E^{t}_r,E^{t}_g,E^{t}_b,S^{t}_1,S^{t}_2,S^{t}_3,S^{t}_4,S^{t}_5,S^{t}_6\} \end{equation} \par \textbf{Appearance features ($f^a$): } An appearance feature extractor is defined similar to the temporal feature extractor. In particular, the appearance feature extractor consists of an auto-encoder whose input is the image patch corresponding to object of interest. The model is trained to reconstruct the normal objects. Hence, any new/anomalous objects will produce a higher reconstruction error. A few samples of detected objects and their reconstructed image is shown in Figure \ref{recon}. The reconstruction error in the RGB ($E^{a}_r, E^{a}_g, E^{a}_b$) color plane along with first-order statistical features mean ($S^{a}_1$), variance ($S^{a}_2$), kurtosis ($S^{a}_3$), energy ($S^{a}_4$), skewness ($S^{a}_5$) and entropy ($S^{a}_6$) is considered as appearance feature vector which is given as follows: \begin{equation} f^a=\{E^{a}_r,E^{a}_g,E^{a}_b,S^{a}_1,S^{a}_2,S^{a}_3,S^{a}_4,S^{a}_5,S^{a}_6\} \end{equation} \par \textbf{Contextual features ($f^c$): } Semantic segmentation algorithms assigns pixel level labels to each individual pixels in the image and are widely used to realize the context of the scene \cite{cordts2016cityscapes}, \cite{girisha2021uvid}. A similar approach is considered to extract contextual information required for anomaly detection. UVid-Net proposed in \cite{girisha2021uvid}, is used to semantically segment the given UAV aerial video frame. UVid-Net is the state-of-the-art algorithm for semantic segmentation of UAV aerial videos. A brief overview of UVid-Net is provided below: UVid-Net is an encoder-decoder based architecture which incorporates temporal information for semantic segmentation for aerial videos. The two consecutive keyframes as the input to the encoder ensures that the segmentation output contains temporally consistent labels without the need for any additional sequential module. Besides, a modified decoder module consisting of multiplication operation instead of concatenation produces a much finer segmentation result. More details about this architecture can be found in \cite{girisha2021uvid}. In this work, UVid-Net is trained to segment the given frame into four classes namely greenery, construction, roads and water bodies. These four broad semantic classes help in modeling the background scene information which can be utilized to learn context of the scene. \par Generally, the bounding box produced by the object detectors are small and tight around the object. Also, context of the object is determined by its surrounding pixels. Hence, in this work, a small region $R_{q}$ (4 pixel width) around and within the bounding box of the detected object is considered for extracting contextual information. Further, the total number of occurrence of the four class labels (greenery, construction, roads and water bodies) is computed in the identified small region $R_{q}$. This histogram of class labels defines the context around the object and is considered as the contextual feature. For instance, in case of object situated on the road, pixels belonging to the road class will have a maximum count in the histogram (Figure \ref{contextual}). Let us represent the four bins of the histogram as $H_{1}, H_{2}, H_{3}, H_{4}$ corresponding to the total number of the occurrence of the pixels belonging to greenery, road, construction and water classes respectively in the small region $R_{q}$. The contextual feature vector is then defined as: \begin{equation} f^c=\{H_1,H_2,H_3,H_4\} \end{equation} \begin{figure*}[t] \centering \includegraphics[width=5.8in,height=1.8in]{Figures/autoencoder.png} \caption{Architecture of the auto-encoder.} \label{autoencoder} \end{figure*} \begin{figure}[t] \centering \includegraphics[width=3.5in,height=1.5in]{Figures/con_1.png} \caption{Contextual Feature Extraction: The distribution of pixels belonging to four background classes is utilized for representing contextual information around the object of interest. } \label{contextual} \end{figure} \subsubsection{Model Training} This section describes the training procedure adopted for training the object detector, auto-encoders and UVid-Net for object detection and feature extraction. It may be noted that object detector, temporal, appearance and contextual feature extractor modules are trained independently of each other as described below. In the present study, two generic classes of objects (vehicles, humans) are considered for detecting anomalies. \par \textbf{Object detector:}The YoloV3 \cite{redmon2018yolov3} model is trained on UAV aerial images to detect vehicles and humans. To this end, 300 UAV aerial images are selected from MUAAD dataset and annotations are provided for objects vehicles and humans. These images and annotations are further utilized for training the YoloV3 model. The K-Means algorithm is used to determine the sizes of 9 anchor boxes. The model is trained for 250 epochs with Adam optimizer and learning rate set to 0.01. \par \textbf{Feature extractor:} From the training data, objects representing normal patterns are manually cropped to create a training set for appearance auto-encoder. In addition, dense optical flow for these cropped images is estimated to create a training set for temporal auto-encoders. The two auto-encoders are trained separately using Binary cross-entropy loss function and Adam optimizer. Also, data augmentation is employed to increase the training dataset size and prevent the model from overfitting. Various image transformations such as flipping, rotation, translation and shearing are utilized to augment data. Subsequently, these augmented data is utilized for training the auto-encoders. For contextual feature extractor, the UVid-Net model is trained on ManipalUAVid dataset \cite{girisha2021uvid} to semantically segment the given aerial image into four classes. The categorical-cross-entropy loss is used with Adam optimizer to train the UVid-Net. \subsubsection{Inference} \par In the present study, a new inference algorithm is proposed for detecting anomalies. In the literature, it is observed that the anomaly detection models are solely trained on normal patterns due to the rarity of abnormal events. However, these algorithms may fail to detect local anomalies since the decision boundaries are determined based on normal patterns exclusively. The local anomaly is referred to as the anomalous events which closely resembles a normal event. Hence, in the present study, a learning strategy is proposed to address the issue of local anomalies. In this strategy, the inference algorithm is trained on a larger set of normal patterns and a limited set of anomalous patterns. The inclusion of a smaller set of anomalous patterns allows the model to identify better decision boundaries and aids in improved accuracy. \par The proposed method is inspired by the inference algorithm presented in \cite{Ionescu_2019_CVPR}. In \cite{Ionescu_2019_CVPR}, the authors proposed to train $K$ SVM classifiers on $K$ clusters of normal patterns to create a model for $K$ normal events. Subsequently, the score from binary classifiers in one-vs-rest scheme is utilized to determine the anomalous events. The use of one-vs-rest scheme creates artificial dummy abnormal events (one normal vs others dummy abnormal events). However, this approach considers only normal patterns to identify decision boundaries. In this work, we propose incorporating a limited set of anomalous event in multi-class classification for anomalous activity detection to learn better discriminative decision boundaries. This work first train two disjoint sets of SVM classifiers, one trained only on normal events and other trained only on abnormal events. During inference, the maximum classification scores from these two sets of classifiers for the test sample are compared to identify the anomalous events. \par The $22$ dimension feature vector extracted by the proposed feature extractor is used to train the inference algorithm. Let the given training set $T$ consists of $M$ normal samples and $N$ anomalous samples, where $N<<M$. Further, the K-Means algorithm is employed to cluster the $M$ normal samples and $N$ anomalous samples into $K^1$ and $K^2$ groups respectively. Subsequently, we initialize an SVM classifier for each of the $K^1+K^2$ clusters which results in $K=K^1+K^2$ SVM classifiers. The SVM classifier initialized for normal patterns is trained to classify normal patterns while SVM classifiers trained on anomalous patterns are trained to classify anomalous patterns. While training $i^{th}$ SVM classifier, the samples belonging to other clusters $K-1$ clusters are considered anomalous patterns. Hence, each SVM classifier is trained as a binary classifier. Since these classifiers are trained on the training set $T$ which consists of both normal and anomalous patterns, the decision boundaries identified will be tuned to separate local anomalies. Note that the sample here refers to the feature vector corresponding to a particular object. During the test time, for every detected object in the given frame, we extract the feature vector $F$. This feature vector is classified by $K$ SVM classifiers. Further, we calculate the scores as follows: \begin{eqnarray} \alpha=max(m_1,m_2,...m_{k^1})\\ \beta = max(n_1,n_2,...n_{k^2}) \end{eqnarray} here, $\alpha$ represents the maximum score of $K^1$ SVM classifiers of normal patterns, while $\beta$ represents the maximum score of $K^2$ SVM classifiers of anomalous patterns. A value of $\alpha$ significantly higher than $\beta$ indicates that the object represents an normal event, while $\alpha < \beta$ indicates an abnormal event corresponding to the object. Therefore, the samples satisfying the following criterion is regarded as normal objects: \begin{equation} \label{Eqn:CondNorm} \alpha > \beta ~~AND ~~\alpha > \mu \end{equation} where $\mu$ is a parameter determined experimentally and $AND$ is a logical AND operator. Similarly, the samples satisfying the following condition is considered as abnormal objects: \begin{equation} \label{Eqn:CondAbNorm} \alpha < \beta~~ AND~~ \beta > \nu \end{equation} where $\nu$ is a parameter determined experimentally and $AND$ is a logical AND operator. Moreover, if any samples does not satisfy any of the above two conditions (Eqn \ref{Eqn:CondNorm} and \ref{Eqn:CondAbNorm} ), it is regarded as anomalous object. The above conditions ensure that the object which has been classified by one of the $K^1$ classifiers with a high confidence (high $\alpha$) is regarded as an object associated with normal event. Similarly, the object for an abnormal event would be classified by one of the $K^2$ classifiers with high confidence (high $\beta$). Moreover, it is not possible to model all the possible anomalous activities. Therefore, an object classified as anomalous with less confidence (low $\beta$) is also considered as anomalous event. The final frame level anomaly score is computed as the maximum of all the score obtained by the object present in the frame. \par In general, a new test sample may belong to one of the three groups namely \emph{normal pattern}, \emph{anomalous pattern} and \emph{unknown pattern}. Unknown patterns are those patterns that are new to the model and may be anomalous. Hence, these patterns should also raise an alarm. Moreover, the sensitivity of anomaly detectors to normal and anomalous patterns plays an important role in providing security. In this regard, this paper presents a simple logic to control the sensitivity of the model to normal and anomalous patterns. Here, the threshold value $\mu$ and $\eta$ are used to regulate the model sensitivity to normal and anomalous patterns respectively. A given test sample is considered as a normal pattern if $\alpha > \beta$ and $\alpha>\mu$. Further, the given test sample is considered anomalous if $\alpha < \beta$ and $\beta>\eta$ . Else, the test sample is considered as an unknown pattern. By increasing the value of $\mu$ and $\eta$, the model's responsiveness to the normal and abnormal patterns reduces. Hence, these parameters can be used to control the effectiveness of the anomaly detector depending on the application. The selection of these parameters are discussed in section \ref{parameters}. \section{Results and discussion} \label{res} The proposed algorithm is evaluated on the MUAAD dataset containing the videos acquired from a moving UAV at multiple locations. As discussed earlier, the existing datasets (Ped1, Ped2, ShanghaiTech) focuses on single scene videos acquired from static cameras with little or no camera motion. Since, the proposed algorithm is designed for a multi-scene scenario, it wont be prudent to evaluate the performance of the proposed algorithm on existing single scene datasets. Moreover, the existing datasets does not provide pixel level labels required for extracting contextual information. This section first presents the performance metrics (Section \ref{SubSec:metrics}), and the approach utilized to select the parameters of the proposed approach (Section \ref{parameters}). Subsequently, the performance of the proposed contextual feature extractor is studied in Section \ref{SubSec:EvaluationOfContextual}, while the performance of the proposed inference algorithm is discussed in Section \ref{SubSec:EvaluationOfInference}. Finally, the proposed approach is compared with the existing methods in Section \ref{SubSec:ComparisonWithOtherMethods}. \begin{figure*}[t] \begin{tabular}{cc} \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/Line_plotN0N20N40.png} \centering{(a)} \end{minipage} & \hspace{7cm} \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/Line_plot_N60.png} \centering{(b)} \end{minipage} \\ \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/Line_plot_n80.png} \centering{(c)} \end{minipage} & \hspace{7cm} \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/Line_plot_N100.png} \centering{(d)} \end{minipage} \\ \\ \end{tabular} \caption{AUC comparison of proposed method with different values of $N$, $K_1$ and $K_2$. (a) shows the AUC comparison with $N=\{0,20,40\}$. (b), (c) and (d) shows the AUC comparison at $N=60$, $N=80$ and $N=100$ respectively. } \label{NK1K2} \end{figure*} \subsection{Performance metric} \label{SubSec:metrics} \par Several recent works of literature used Area under the ROC Curve (AUC) metric to evaluate the performance of anomaly detector \cite{Ionescu_2019_CVPR},\cite{doshi2020any},\cite{cong2011sparse},\cite{liu2018classifier}. Following their procedure, in the present study, the AUC metric is used for evaluating the performance of the proposed method. In this method, the frame-level anomaly score is compared against the ground truth frame level annotation, to compute the AUC. Specifically, the frame level AUC is computed from the frame level total positive rate and false positive rate. As discussed earlier, a frame is considered anomalous if it contains at least one object with abnormal activity. \subsection{Parameter selection} \label{parameters} \par This section discusses the selection of parameters used in the proposed model such as the number of normal $K^1$ and abnormal $K^2$ clusters and the thresholds $\mu$ and $\eta$. It may be noted that a normal/anomalous sample for the inference model refers to the feature vector associated with normal/anomalous object of interest. \par \textbf{Selection of $K^1$ and $K^2$:} The parameters $K^1$ and $K^2$ represent the number of clusters in normal and anomalous training sample and has an influence on the performance of the model . The values for these two parameters are determined experimentally. The AUC metric is studied for different pair of values of $K^1$ and $K^2$. The $K^1$ value is selected from the set $\{2,4,6,8\}$ while $K^2$ value is selected from the set $\{2,3,4\}$and a grid search like method is employed to find the optimal value. It may be noted that a lower values of the number of anomalous cluster $K^2$ was considered due to limited number of anomalous samples present in the dataset. The maximum AUC of 0.712 was observed for $K^1 = 4$ and $K^2 = 3$ (Figure \ref{NK1K2} (b)). Given the limited number of anomalous samples ($N$) available in the dataset, we also studied the effect on $K^1$ and $K^2$ due to variation in the number of anomalous samples $N$. Figures \ref{NK1K2} shows the AUC obtained by varying $N$, $K^1$ and $K^2$. It can be observed that a maximum AUC of $0.712$ is obtained for $N=60$, $K^1=4$ and $K^2=3$. This AUC is slightly higher than $N=100$, $K^1=4$ and $K^2=2$. Also, it is observed that the AUC obtained for $K^2=\{2,3,4\}$ are closer by at $N=60$ and $k^1=4$. Therefore, in the present study, $K^1$ and $K^2$ value is determined to be $4$ and $3$ respectively. \par \textbf{Selection of $\mu$ and $\eta$:} The parameters $\mu$ and $\eta$ (Equations \ref{Eqn:CondNorm}, \ref{Eqn:CondAbNorm} ) determines the sensitivity of the proposed inference model. A given pattern is considered normal if the the maximum score of normal SVM classifiers ($\alpha$) is greater than the maximum score of abnormal SVM classifiers ( $\beta$) and the threshold $\mu$. Consequently, regulating the $\mu$ value allows us to control the sensitiveness of the model to normal patterns. For example, a higher value of $\mu$, determines the given pattern as normal if the confidence score ($\alpha$) is greater than $\mu$. This allows the model to identify normal patterns with more confidence. On the contrary, reducing the $\mu$ value allows the model to determine normal patterns with a lower degree of confidence. Similarly, threshold $\eta$ controls the model's sensitivity to anomalous patterns. Hence, $\mu$ and $\eta$ values should be selected carefully. \par In the present study, $\mu$ value is selected from set $\{0.4, 0.5, 0.6, 0.7, 0.8\}$. Concerning anomaly detection, it is always desirable to have a model with high sensitivity to anomalous patterns. Hence, in the present study, $\eta$ is selected from a lower set of threshold values $\{0.5, 0.6, 0.7, 0.8\}$. The grid search method is used to determine the optimal value of $\mu$ and $\eta$. This experiment is conducted by setting the values of $N$, $K^1$ and $K^2$ to 60, 4 and 3. The AUC of the proposed model with different values of $\mu$ and $\eta$ is estimated and is plotted in Figure \ref{thresh}. It was found that the AUC of the model reaches $0.0.712$ when $\mu$ is set of $0.5$ and $\eta$ set to $0.5$. Since the model is trained on a smaller set of anomalous patterns, reducing the sensitivity of the model to anomalous patterns (increasing the $\eta$) reduces the AUC of the model. Hence, for a higher value of $\eta$, the AUC of the model reduces. In the present study, $\mu$ and $\eta$ values are determined to be $0.5$ and $0.5$ respectively. \begin{figure}[t] \centering \includegraphics[width=3in,height=1.7in]{Figures/Threshold_line_plot.png} \caption{AUC comparison of proposed method with different values of $\mu$ and $\eta$.} \label{thresh} \end{figure} \subsection{Evaluation of contextual knowledge} \label{SubSec:EvaluationOfContextual} The performance of anomaly detection algorithms in a multi-scene scenario depends on contextual knowledge about the scene. The proposed work uses appearance features to realize the appearance change of the object while contextual feature builds a summary of the background scene information around the object. To this end, in the present study, a given UAV aerial scene is semantically segmented to realize the layout of the scene. Subsequently, a histogram of class labels is calculated around the object. Finally, this histogram is considered as a feature vector along with the appearance and temporal features to describe the object. This feature vector is further given to the inference algorithm to decide on the anomaly. In the present study, an experiment is executed to evaluate the influence of contextual knowledge on the performance of anomaly detection. In this experiment, the performance of the proposed model is compared \textit{with} contextual information and \textit{without} contextual information. Initially, the performance of the model is evaluated using appearance and temporal features. Subsequently, the performance of the model is evaluated using contextual, appearance and temporal features. In this experiment, the proposed inference algorithm is utilized to infer the anomalies. The AUC of the proposed model with and without contextual information is shown in Table \ref{ct}. It was found that there was a significant improvement in AUC (0.712 vs 0.675) of the proposed model with contextual knowledge. This result is significant as it demonstrates the importance of contextual knowledge in a multi-scene scenario. \par To qualitatively evaluate the importance of contextual knowledge, we visualized the feature vector with and without contextual knowledge. A total of random $400$ sample patterns are considered among which $200$ belongs to normal patterns and $200$ belongs to anomalous patterns. Let the feature vector with contextual knowledge be represented as $F_{1}$ and without contextual knowledge be represented as $F_{2}$. The dimension of the considered feature vectors $F_{1}$ and $F_{2}$ are $22$ and $18$ respectively. Dimensionality reduction is essential to visualize these feature vectors. To this end, Principal Component Analysis (PCA) is employed to reduce the feature dimensions of $F_{1}$ and $F_{2}$ to two Subsequently, we plotted the features in 2D space. This is shown in Figure \ref{WOSS} and Figure \ref{WSS}. From these figures, it is observed that the feature vector $F_{2}$ discriminates normal and anomalous patterns efficiently. Hence, the inclusion of contextual knowledge aids one-class SVMs to determine better decision boundaries. This further substantiates the improvement in AUC of the model with contextual information. This experiment demonstrates that importance of contextual knowledge in the detection of anomalous patterns from the multi-scene scenario. \par Further, we compared the anomaly score at the frame level of the proposed model with and without contextual knowledge. Figure \ref{anomaly_score}, shows the frame-level AUC comparison of the proposed model on few multi-scene aerial video samples. These video samples constitute contextual anomalies such as stationary vehicles on the greenery, road. It is observed that the proposed model with contextual knowledge produces a higher anomaly score for anomalous frames. However, the proposed model without contextual knowledge produces a lower anomaly score. This result is anticipated since appearance and temporal features alone are not adequate enough to detect contextual anomalies. However, the proposed feature extractor which encapsulates contextual, appearance and temporal features holistically, can effectively detect these anomalies. Besides, the inclusion of contextual information helps in better identification of anomalous frames as compared to the model without any contextual information. It can be observed in Figure \ref{anomaly_score} that a higher number of anomalous frame are correctly classified as anomalous by incorporating contextual information. This experiment demonstrates the importance of contextual knowledge in multi-scene anomaly detection. \begin{figure}[t] \centering \includegraphics[width=3in,height=2in]{Figures/wos.png} \caption{Plot of normal and anomalous feature vectors without contextual knowledge. } \label{WOSS} \end{figure} \begin{figure}[t] \centering \includegraphics[width=3in,height=2in]{Figures/ws.png} \caption{Plot of normal and anomalous feature vectors with contextual knowledge. } \label{WSS} \end{figure} \begin{table}[t] \centering \caption{AUC comparison of proposed method with and without contextual knowledge.} \label{ct} \begin{tabular}{|c||c|} \hline \textbf{Proposed method} & \textbf{AUC}\\ \hline \hline With contextual knowledge &\textbf{0.712}\\ \hline Without contextual knowledge& 0.6753\\ \hline \end{tabular} \end{table} \begin{figure*}[t] \centering \includegraphics[width=7in,height=3.4in]{Figures/cont_exp2.png} \caption{Anomaly score comparison of proposed model with and without contextual knowledge. The red region in the plot indicates the anomalous frames. The first row show the frame-level anomaly score of the proposed model with contextual knowledge. Second row shows the frame-level anomaly score of the proposed model without contextual knowledge. The bottom row shows a sample frame from the video with the anomalous object. } \label{anomaly_score} \end{figure*} \subsection{Evaluation of inference algorithm} \label{SubSec:EvaluationOfInference} A majority of existing woks utilizes only normal pattern to model the normal events. Hence, the decision boundaries are tuned to identify normal patterns and may fail to detect local anomalies. For example, in the case of UAV aerial videos, a car parked in the parking area and on the road may have similar appearance characteristics. However, a car parked on road is an example of local anomalies since its attributes are closer to normal patterns. Hence, an inference algorithm trained only on normal patterns may not be sufficient to distinguish these local anomalies. In the present study, we argue that training the model on few samples of known anomalous patterns can significantly improve the performance of the model. In this context, we visualized the decision boundaries of $K^1$ and $K^2$ SVM classifiers. To this end, we considered $300$ normal samples and $100$ anomalous samples. Figure \ref{decision_boundaries} (a) shows the scatter plot of considered samples. Few examples of local anomalies are highlighted in RED. An inference algorithm trained only on normal patterns may not distinguish these samples. However, we can observe that the decision boundaries identified by $K^1$ SVM classifiers are effectively separating local anomalies since they are trained using both normal and few anomalous samples. Hence, the proposed model can classify local anomalies more accurately. This result validates the assumption of considering few anomalous samples in identifying the decision boundaries. \subsubsection{Evaluating the influence of number of anomalous events} The rarity of anomalous samples poses a significant challenge for the development of anomaly detection algorithms. The proposed work utilizes few samples of anomalous patterns along with normal patterns to determine the decision boundaries. The inclusion of few anomalous samples allows the SVM classifiers to determine accurate decision boundaries thereby improving anomaly detection. In this context, an experiment is performed to learn the influence of anomalous samples on anomaly detection. In this experiment, the proposed inference algorithm is evaluated with different values of number of anomalous events ($N$). The N value is selected from the set $\{0, 20, 40, 60, 80, 100\}$. The M value (number of normal training samples) is set to $300$. In every iteration of the experiment, $N$ anomalous training samples are selected randomly. The grid search approach is utilized to determine the parameters of SVM classifiers. Grid search is a hyperparameter tuning method that implements exhaustive searching to determine the hyperparameters. Figure \ref{fig_N}, shows the AUC of the proposed method with different values of $N$. At $N=0$, the model is trained only on normal samples. Hence, the decision boundaries may fail to accurately classify anomalous samples. Consequently, it is seen that the proposed method achieves an AUC of $0.665$ at $N=0$. However, as the N value increases, the AUC of the algorithm increases and reaches an AUC of $0.712$ at $N=60$. An important observation here is that at $N=20$, the model achieved an AUC of $0.697$ which is notably greater than the AUC ($0.665$) obtained at $N=0$. This is a significant result since it demonstrates the importance of a \emph{few anomalous samples} in identifying the decision boundaries for accurate anomaly detection. \begin{figure}[t] \centering \includegraphics[width=3in,height=1.7in]{Figures/plotN.png} \caption{AUC comparison of proposed model with different values of N. The best $K_1$ and $K_2$ values are considered for the comparison of the performance.} \label{fig_N} \end{figure} \begin{figure*}[!ht] \begin{tabular}{cc} \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/local_1.png} \centering{(a)} \end{minipage} & \hspace{7cm} \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/nor_clf_wa.png} \centering{(b)} \end{minipage} \\ \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/ano_clf.png} \centering{(c)} \end{minipage} & \hspace{7cm} \begin{minipage}{32pt} \includegraphics[width=3in, height=1.8in]{Figures/nor_clf.png} \centering{(d)} \end{minipage} \\ \\ \end{tabular} \caption{Visualization of decision boundaries of SVM classifiers. (a) shows the scatter plot of normal and anomalous samples. (b) shows the decision boundaries of SVM classifiers trained on normal and few samples of anomalous patterns. (c) shows the decision boundaries of SVM classifiers trained on anomalous samples. (d) show the decision boundaries of SVM classifiers trained on normal samples only.} \label{decision_boundaries} \end{figure*} \par As discussed earlier, the proposed inference algorithm is inspired by the work of \cite {Ionescu_2019_CVPR} which formulated abnormal event detection as multi-class classification problem. Therefore, we also evaluate the proposed inference algorithm by comparing it with the inference algorithm proposed in \cite{Ionescu_2019_CVPR}. In this experiment, we utilized the proposed feature extractor to extract contextual, temporal and appearance features. Subsequently, the performance of proposed and existing \cite{Ionescu_2019_CVPR} inference algorithms are studied for inferring the anomaly. Note that the existing inference algorithm is only trained on normal patterns with the number of clusters set to $5$. The proposed inference algorithm is trained on normal and known anomalous patterns with $K^1$ set to $4$ and $K^2$ set to $3$. Table \ref{it} shows the AUC results of the two inference algorithm on the proposed UAV anomaly detection dataset with different feature extractors. It is found that the temporal features produced higher AUC as compared to contextual and appearance features on the existing and proposed inference algorithms. This result is justified by the fact that the MUAAD dataset has higher temporal anomalies due to object motion. Further, it is seen that contextual features alone are not sufficient to detect anomalies in UAV aerial videos. However, by considering the appearance, temporal and contextual features holistically, the performance of the existing and the proposed inference algorithm improved significantly. Specifically, the proposed and the baseline inference algorithm achieved an AUC of 0.712 and 0.648 respectively. It was found that the proposed inference algorithm produced a significant improvement in AUC ($7\%$) as compared to \cite{Ionescu_2019_CVPR}. This finding confirms that the decision boundaries identified by the proposed inference algorithm are tuned to separate both normal and anomalous patterns. Furthermore, the proposed feature extractor has improved the performance of both proposed and baseline inference algorithm. This improvement is consistent and hence validates the proposed feature extractor for UAV anomaly detection. \begin{table}[!t] \centering \caption{AUC comparison of proposed model with different inference algorithm feature extractor.} \label{it} \begin{tabular}{|c||c|} \hline \textbf{Inference method} & \textbf{AUC}\\ \hline \hline Ionescu et al.(Appearance features) &0.587\\ \hline Ionescu et al.(Temporal features) &0.6028\\ \hline Ionescu et al.(Contextual features) &0.566\\ \hline Ionescu et al.(Proposed feature extractor) &0.648\\ \hline Ours (Appearance features) &0.5973 \\ \hline Ours (Temporal features) &0.6332 \\ \hline Ours (Contextual features) &0.5513 \\ \hline Ours (Proposed feature extractor) &\textbf{0.712} \\ \hline \end{tabular} \end{table} \subsection{Comparative study} \label{SubSec:ComparisonWithOtherMethods} \par In the present study, two semi-supervised anomaly detection algorithms are considered as baseline models. In the first method \cite{Ionescu_2019_CVPR}, the authors proposed to use auto-encoders to extract features. Subsequently, SVM based inference algorithm is utilized to infer the anomalies. In \cite{doshi2020any}, the authors proposed a continual learning approach using the KNN algorithm to detect anomalies in videos. In addition, the proposed method is also compared with the approaches proposed in \cite{astrid2021synthetic} and \cite{li2021two}. Both these methods are based on auto-encoders and are non-object centric. All these methods are designed for CCTV videos. Here it is important to note that, the feature extractor of the proposed model is improved upon the feature extractor proposed in \cite{Ionescu_2019_CVPR} and \cite{doshi2020any}. Furthermore, the inference algorithm is designed based on the idea proposed in \cite{Ionescu_2019_CVPR}. \par The AUC results of the proposed and compared methods on UAV anomaly detection dataset is given in Table \ref{compt}. It was found that the methods proposed in \cite{Ionescu_2019_CVPR} and \cite{doshi2020any} achieved an AUC of $0.568$ and $0.641$ respectively on UAV anomaly detection dataset. The methods proposed in \cite{astrid2021synthetic} and \cite{li2021two} achieved an AUC of $0.487$ and $0.359$ respectively on MUAAD dataset. These methods \cite{astrid2021synthetic}, \cite{li2021two} are designed for CCTV videos where the background is constant with little or no camera motion. However, UAV aerial videos contains significant camera motion. Hence, the temporal features extracted by these methods may produce false positives in the presence of camera motion. In addition, the methods proposed in \cite{astrid2021synthetic} and \cite{li2021two} are non-object centric. Hence, a higher reconstruction error will be observed in a multi-scene scenario such as UAV aerial video. These high reconstruction error would be due to variation in background information and need not represent an actual anomalous event. This contributes in higher false positives and lower AUC. This result is significant as it highlights the effectiveness of object centric methods in a multi-scene scenario. The proposed \textbf{object-centric method} uses auto-encoders and optical flow to extract temporal features. Since the auto-encoder is trained on normal motion patterns, it produces in higher reconstruction error for anomalous patterns. Also, the proposed method calculates temporal features concerning the object bounding box which further reduces the influence of camera motion on temporal features. It can be observe that the proposed method achieved an AUC of $0.712$ which is significantly greater than baseline models. \par Furthermore, the UAV anomaly detection dataset has videos taken from various locations (multi-scene scenarios). Also, each video constitutes camera motion. Hence, the context of the scene differs within a video. In these situations, realizing the context of the scene aids in improving the performance of anomaly detection. Despite this interest, the baseline models ignore contextual features. However, the proposed method captures the contextual knowledge required for context-aware anomaly detection. This result is significant since the definition of anomaly is dependent on the context of the scene which is generally ignored in the literature. The proposed method highlights the importance of contextual information required for the accurate detection of anomalies in multi-scene scenarios such as UAV. \begin{table}[!t] \caption{AUC comparison of proposed and other methods.} \label{compt} \centering \begin{tabular}{|c||c|} \hline \textbf{Algorithm} & \textbf{AUC}\\ \hline \hline Ionescu et al.\cite{Ionescu_2019_CVPR} & 0.568\\ \hline Doshi et al. \cite{doshi2020any}& 0.641 \\ \hline Li T et al. \cite{li2021two}&0.359\\ \hline Astrid et al.\cite{astrid2021synthetic}& 0.487\\ \hline Ours & \textbf{0.712} \\ \hline \end{tabular} \end{table} \section{Conclusion} \label{con} This work is intended to develop a video anomaly detection algorithm for UAV aerial videos. A new multi-scene UAV anomaly detection dataset is proposed to address the lack of standard datasets for anomaly detection in UAV surveillance videos. The proposed dataset has scene variations and camera motion that provides a standard challenging platform for researchers to develop and evaluate their algorithms. Frame-level annotations are provided for 52 UAV aerial videos. Further, two baseline models are implemented and evaluated for validating the dataset. \par This study also introduces a new UAV video anomaly detection algorithm that holistically uses contextual, temporal and appearance features to detect the anomalies. Furthermore, a novel inference algorithm is presented that uses a few-shot learning strategy to infer the anomalies. The proposed algorithm achieved an AUC of 0.712 which is significantly greater than the compared baseline models. The extensive evaluation of the proposed model revealed that contextual knowledge plays a significant role in multi-scene video anomaly detection. The inclusion of contextual knowledge leverages the performance of video anomaly detection algorithms. Furthermore, this study demonstrated that the incorporation of few known anomalous samples in the training process can prominently improve the performance of anomaly detection. This study highlights the importance of contextual knowledge and learning strategy for video anomaly detection. \section{Acknowledgement} \par This research was supported by Manipal Academy of Higher Education for the dataset generation inside the campus using drones (MUAAD, ManipalUAVid). A provisional Indian patent has been filed for the developed system. Patent application number: 202241010616. Date of filing: 28/02/2022. \bibliographystyle{IEEEtran}
d73717db85b5cf4cff214950280693518217c66a
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Bisectorial operators play a central role in the theory of abstract inhomogeneous first order differential equations on the whole real line, like \begin{equation}\label{rl} u'(t) = Au(t) + f(t),\qquad t\in\mathbb{{R}}, \end{equation} where $A$ is a bisectorial operator on a Banach space $X$. The theory has been an active topic of research during the past years. We refer to \cite{arendt2010decomposing, schweiker2000asymptotics} and their references for a complete overview, the importance, and applications of such operators. It is well-known that sectorial operators are related to the theory of abstract first order homogeneous differential equations on the positive real axis with initial conditions. Namely, equations of the form \begin{equation}\label{prl} v'(t) = Av(t),\quad t>0,\qquad v(0)=g. \end{equation} We refer to the monographs \cite{ arendt2011vector, engel2000one} and their references for a precise description of this fact. Both families of operators are closely related. Indeed, an operator $A$ is bisectorial if and only if both $aI+A$ and $aI-A$ are sectorial for some real number $a\geq 0$, where $I$ denotes the identity operator. As one may expect, both families share multiple properties and, in particular, one can define similar functional calculus for the two families of operators. Indeed, in this work we make use of the meromorphic functional calculus from sectorial operators completely developed in the excellent monograph \cite{haase2006functional} and we adapt it carefully to the theory of bisectorial operators, which extends the functional calculi considered in \cite{morris2010local} and the references therein. Another connection between these two families lies in the fact that $A^2$ is sectorial whenever $A$ is a bisectorial operator, see e.g. \cite[Proposition 5.1]{arendt2010decomposing}. In the particular case that $A$ generates an exponentially bounded group, then $A^2$ generates a holomorphic semigroup (see for instance \cite[Theorem 1.15]{arendt1986one} or \cite[Corollary 4.9]{engel2000one}). An application of this result is to study differential equations on the positive real line like Equation \eqref{prl} in terms of a possibly simpler equation on the real line Equation \eqref{rl}. One may find a concrete example of this fact in \cite{arendt2002spectrum}, where the authors obtained properties of the classical Black--Scholes equation \begin{equation}\label{BSEquationIntro} \tag{BS} u_t = x^2 u_{xx} + x u_x, \qquad t,x >0, \end{equation} through the simpler and elegant partial differential equation $$u_t = -xu_x,\qquad t,x > 0.$$ Since the seminal work \cite{black1973pricing}, the Black--Scholes equation \eqref{BSEquationIntro} has been an active topic of research in mathematical finance due to its importance in the modeling of pricing options contracts, see for instance \cite{gozzi1997generation} and the references therein. One of our purposes in the present paper is to study fractional differential equations which extend the classical equation \eqref{BSEquationIntro}, using the theory of bisectorial operators established here. At this point, we wish to observe that part of our contribution is to show how the relations between bisectorial operators and sectorial operators that we develop here can be used successfully to solve several of those equations extending \eqref{BSEquationIntro}. We are not dealing with mathematical finance in this paper, but on the other hand we are confident that our new generalized Black--Scholes partial differential equations could be used to understand the disturbing and anomalous behavior of the financial market. Let us explain the method we follow to extend \eqref{BSEquationIntro} to a fractional differential equation. As stated before, the classical Black--Scholes equation is studied by means of the following degenerate differential operator: \begin{equation}\label{opA} (Jf)(x) := -xf'(x),\qquad x>0, \end{equation} on $(L^1-L^\infty)$ interpolation spaces that we shall explain in Section \ref{BlackScholesSection}. In \cite{arendt2002spectrum}, the authors used the connection between the operator $J$ and the classical Cesàro operator $\mathcal{C}$ given by \begin{align*} (\mathcal{C} f)(x) &= \frac{1}{x} \int_0^x f(y) \, dy, \quad x>0 \end{align*} and its adjoint Cesàro operator $\mathcal{C}^\ast$. This connection had been first pointed out in \cite{cowen1984subnormality} to study the Cesàro operator $\mathcal{C}$ on the half-plane. In addition, the differential operator $J$ was also related in \cite{lizama2014boundedness} to the generalized fractional version of the Ces\`aro operator $\mathcal{C}_\alpha$ on $L^p$-spaces, for real numbers $\alpha > 0$, given by \begin{equation}\label{al-cesao} (\mathcal{C}_\alpha f)(x) = \frac{\alpha}{x^\alpha} \int_0^x (x-y)^{\alpha - 1}f(y) \, dy = \frac{\Gamma(\alpha+1)}{x^\alpha} (D^{-\alpha}f) (x) , \quad x>0 \end{equation} and the associated adjoint Ces\`aro operator $\mathcal{C}_\alpha^\ast$ given by \begin{equation}\label{ad-cesaro} (\mathcal{C}_\alpha^\ast f)(x) = \alpha \int_x^\infty \frac{(y-x)^{\alpha - 1}}{y^\alpha}f(y) \, dy = \Gamma(\alpha+1) (W^{-\alpha}(y^{-\alpha}f)) (x), \quad x>0, \end{equation} where $D^{-\alpha}$ and $W^{-\alpha}$ denote the Riemann-Liouville and Weyl fractional integrals of order $\alpha$, respectively, see Section \ref{notations} for more details. We notice that $D^{-\alpha}$ is usually denoted by $I^{-\alpha}$ in most of the literature on fractional calculus. The connection between $J$ and $\mathcal{C}_\alpha$, $\mathcal{C}_\alpha^\ast$ is given in terms of the exponentially bounded group $(G(s))_{s\in \mathbb{{R}}}$ generated by $J$, with expression $(G(s)f)(x) = f(e^{-s}x)$. More precisely, we have that \begin{equation} \begin{aligned}\label{FC1} (\mathcal{C}_\alpha f)(x) &= \alpha \int_0^\infty e^{-s} (1-e^{-s})^{\alpha-1} (G(s)f)(x)\, ds, \quad x >0, \\ (\mathcal{C}_\alpha^\ast f)(x) & = \alpha \int_{-\infty}^0 (1-e^{s})^{\alpha-1} (G(s)f)(x)\, ds, \quad x > 0. \end{aligned} \end{equation} Furthermore, \eqref{FC1} yields a representation in functional calculus of the type $\mathcal{C}_\alpha = f_\alpha(J)$, $\mathcal{C}_\alpha^\ast = f_\alpha^\ast(J)$ for some suitable holomorphic functions $f_\alpha,\, f_\alpha^\ast$ which have some fractional-powers like behavior that we shall specify later in the paper. Therefore, as in the same way one can write \eqref{BSEquationIntro} in terms of the operators $\mathcal{C}, \,\mathcal{C}^\ast$, it seems natural to construct some families of generalized Black--Scholes equations which can be written in terms of $\mathcal{C}_\alpha,\, \mathcal{C}_\alpha^\ast$, operators which, respectively involve fractional Riemann-Liouville derivatives of order $\alpha$, $D^\alpha$, and fractional Weyl derivatives of order $\alpha$, $W^\alpha$. This method will give rise to generalized fractional Black--Scholes equations of the following three forms for $x$, $t>0$: \begin{equation}\label{GBSE} \begin{aligned} u_t & = \frac{1}{\Gamma(\alpha+1)^2} D^\alpha (x^\alpha D^\alpha (x^\alpha u)) - \frac{2}{\Gamma(\alpha+1)} D^\alpha (x^\alpha u) + u, \\ u_t &= \frac{1}{\Gamma(\alpha+1)^2} x^\alpha W^\alpha (x^\alpha W^\alpha u), \\ u_t & = - \frac{1}{\Gamma(\alpha+1)^2} D^\alpha (x^{2\alpha} W^\alpha u)+\frac{1}{\Gamma(\alpha+1)}x^\alpha W^\alpha u , \end{aligned} \end{equation} for suitable values of $\alpha$, see Section \ref{BlackScholesSection} for more details. The theory of bisectorial operators developed here will allow us to obtain the well-posedness and an explicit integral expressions of solutions of these fractional versions of the Black--Scholes equation, of course by incorporating initial and boundary conditions. Also, at the limiting case $\alpha=1$, we recover all the classical known results. In order to get these results, we first give a significant extension of the above mentioned results regarding a bisectorial operator $A$ and its square $A^2$. Indeed, we are able to prove that if $A$ is a bisectorial operator and $g$ is a suitable function whose range is contained in a sector, and which has a fractional-power like behavior at the singularity points of the spectra of $A$ and $g(A)$, then $g(A)$ is a sectorial operator (see Theorem \ref{sectorialTheorem}). As one may expect, the setting for sectorial operators serves again as an inspiration for this result, more precisely the scaling property, i.e., for a sectorial operator $A$, $A^\alpha$ is sectorial for small enough $\alpha>0$, see \cite[Theorem 2]{kato1960note}. We are also able to give supplementary results of special importance when $g(A)$ generates a semigroup, such as the characterization of the closure of its domain $\overline{\mathcal{D}(g(A))}$ or an integral expression for the semigroup it generates in terms of the functional calculus of $A$. Interestingly, as a consequence of our results one obtains that, if $A$ is bisectorial of angle $\frac{\pi}{2}$ and half-width $a\geq 0$ (in particular, if it generates an exponentially bounded group), then either $(A+a)^\alpha$ or $-(A+a)^\alpha$ generate a holomorphic semigroup for all $\alpha > 0$ with $\alpha \neq 1,3,5,\ldots$ This is a remarkable discovery that generalizes the already known results in this directions for the case $\alpha = 2$, see for example \cite[Theorem 1.15]{arendt1986one} and \cite[Proposition 5.1]{arendt2010decomposing}, or in the case where $A$ generates a bounded group, see \cite[Theorem 4.6]{baeumer2009unbounded}. As a final remark, we mention that fractional versions of the Black--Scholes equation have been proposed and analyzed in a number of papers, see for instance \cite{fall2019black, kumar2012analytical, song2013solution, zhang2016numerical}. In most of these references, authors are only able to deal with time-fractional derivatives, that is, replacing the time derivative $u_t$ in \eqref{BSEquationIntro} with a Riemann-Liouville or a Caputo type time fractional derivative. Of course in this setting the authors cannot get some generation of semigroups results due to the limitation of time-fractional derivatives. Spatial-fractional derivatives are indeed more difficult to deal with, since spatial terms are more complex than the time ones in the equation \eqref{BSEquationIntro}. A spatial fractional Black--Scholes model can be found in \cite{chen2014analytically} without given further details. The fractional Black--Scholes equation we propose here also contains fractional powers acting as multiplication, yielding to equations which are definitely difficult to solve by more classical methods such as the Laplace transform or the Fourier transform. Therefore, we observe that the fractional versions of \eqref{BSEquationIntro} proposed in the present paper, which are solved through the theory we developed here, seem to be notably difficult to be solved with the classical methods. In short, the contributions of the present paper can be regarded as centered around two facts: \begin{enumerate} \item The introduction of new (generalized) fractional Black--Scholes equations arising from fractional Cesàro operators in a natural manner. As we have already observed, such equations are difficult -maybe not possible- to solve by classical methods. \item In order to overcome the quoted failure of usual methods, we establish a new connection, in an abstract setting, between bisectorial operators and sectorial operators. Such a connection extends notably previous results in the field. Actually our approach is based on the proof of the scaling property given in \cite[Proposition 5.2]{auscher1997holomorphic}, but it requires quite more general functions to operate in functional calculi defined on the basis of more intricate integration paths, as well as nontrivial, more involved, approximation tools. This requires more work to be proven than the latter one. This is because we consider more general functions that require working with approximation tools, and moreover our family of functional calculus presents more intricate integration paths. \end{enumerate} The rest of the paper is organized as follows. In Section \ref{sect21} we fix some notations and introduce some definitions. In Section \ref{Sec2} we develop the functional calculus of bisectorial operators and its extensions. Section \ref{sectorialSection} is devoted to the passage from bisectorial to sectorial operators, where we also give a note regarding holomorphic functional calculus for sectorial operators. In Section \ref{Sec4} we give some generation of bounded holomorphic semigroups results by the general sectional operators we have constructed in Section \ref{sectorialSection}. The complete theory and applications of the generalized Black--Scholes equation are contained in Section \ref{BlackScholesSection}. We conclude the paper with \ref{Appendix} where some useful results have been proven. \section{Notations and preliminary results} \label{notations} In this section, we fix some notations, give some definitions and introduce some well-known results as they are used throughout the remainder of the paper. We start with some notations and definitions. \subsection{Notations and definitions}\label{sect21} Given any $\varphi\in (0,\pi)$, we denote the sector \begin{align}\label{sector} S_{\varphi}:=\Big\{z\in\mathbb{{C}}: \left|\mbox{arg}(z)\right|<\varphi\Big\}, \end{align} and set $S_0 := (0,\infty)$. If $\lambda\in\mathbb{{C}}$, we shall let $\Re \lambda$ denote the real part of $\lambda$. Let $A$ with domain $\mathcal{D}(A)$ be a closed linear operator in a Banach space $X$. We shall denote by $\sigma(A)$ the spectrum of $A$, $\sigma_p(A)$ the point spectrum of $A$, and by $\rho(A):=\mathbb{{C}}\setminus\sigma(A)$, the resolvent set of $A$. We also let $\widetilde\sigma(A):=\sigma(A)\cup\{\infty\}$. For $\lambda\in\rho(A)$ we shall let $R(\lambda,A):=(\lambda I-A)^{-1}$ be the resolvent operator of $A$. Then, $R(\lambda,A)$ is a bounded linear operator from $X$ into $X$. By $\mathcal R(A)$, we shall mean the range space of $A$ and $\mathcal N(A)$ shall denote the null set (or the kernel) of the operator $A$. We shall denote by ${\mathcal L(X)}$ the space of all bounded linear operators from a Banach space $X$ into $X$. If $B\in\mathcal L(X)$, we shall let $\|B\|_{\mathcal L(X)}$ be the operator norm of $B$. Finally, we use throughout the notation $h\lesssim g$ to denote $h\le M g$, for some constant $M$, when the dependence of the constant $M$ on some physical parameters is not relevant, and so it is suppressed. \begin{definition} A closed linear operator $A$ with domain $\mathcal D(A)$ in a Banach space $X$ is said to be a {\bf sectorial operator} if there exists $\varphi \in [0,\pi)$ such that $\sigma(A)\subset \overline{S_{\varphi}}$ and, for every $\varphi' \in (\varphi, \pi)$, there exists a constant $M_{\varphi'}>0$ such that \begin{align*} \|\lambda R(\lambda,A)\|_{\mathcal L(X)}\le M_{\varphi'}\;\mbox{ for all }\lambda\in \mathbb{{C}}\setminus S_{\varphi'}. \end{align*} \end{definition} Next, for any $\omega \in (0,\pi/2]$ and $a\geq 0$ a real number, we set \begin{equation*} BS_{\omega,a} := \begin{cases} (-a + S_{\pi-\omega}) \cap (a - S_{\pi-\omega}) \;\;&\mbox{ if } \omega\in (0,\pi/2) \mbox{ and } a\ge 0,\\ \\ i\mathbb{{R}} &\mbox{ if } \omega =\pi/2 \mbox{ and } a=0. \end{cases} \end{equation*} \begin{figure}[h] \centering \includegraphics[width=1\textwidth]{Dibujo} \caption{Illustration of the spectrum of a sectorial operator (left) and bisectorial operator (right).} \label{fig1} \end{figure} \begin{definition} Let $(\omega,a) \in (0,\pi/2] \times [0,\infty)$ and let $A$ be a closed linear operator in a Banach space $X$. We will say that $A$ is a {\bf bisectorial operator} of angle $\omega$ and half-width $a$ if the following conditions hold: \begin{itemize} \item $\sigma (A) \subset \overline{BS_{\omega,a}}$. \item For all $\omega' \in (0, \omega)$, $A$ satisfies the resolvent bound \begin{align*} \sup \Big\{ \min\{|\lambda-a|, |\lambda+a|\} \| R(\lambda,A)\|_{\mathcal L(X)} \, : \, \lambda \notin \overline{BS_{\omega',a}} \Big\}< \infty . \end{align*} \end{itemize} \end{definition} Given a Banach space $X$, we will denote the set of all bisectorial operators of angle $\omega$ and half-width $a$ in $X$ by $\text{\normalfont{BSect}}(\omega,a)$. We omit an explicit mention to $X$ for the sake of simplicity in our notations. Notice that a closed operator $A \in \text{\normalfont{BSect}}(\omega,a)$ if and only if both $aI+A$ and $aI-A$ are sectorial of angle $\pi-\omega$. Next, we introduce the notion of bounded holomorphic semigroups in the sense of \cite[Definition 3.7.3]{arendt2011vector}. \begin{definition}\label{semigroupDef} Let $\delta \in (0,\pi/2]$. A mapping $T : S_\delta \to \mathcal{L}(X)$ is called a {\bf bounded holomorphic semigroup} (of angle $\delta$) if it has the following properties: \begin{enumerate}[(a)] \item The semigroup property: $T(z)T(z') =T (z + z')$ for all $z, z' \in S_\delta$. \item The mapping $T : S_\delta \to \mathcal{L}(X)$ is holomorphic. \item The mapping $T$ satisfies: $\sup_{w\in S_{\delta'}} \|T(w)\|_{\mathcal L(X)}< \infty$ for every $\delta' \in (0, \delta)$. \end{enumerate} \end{definition} It is known that every bounded holomorphic semigroup $T$ on a Banach space $X$ is determined by its generator $A$, which is a closed linear operator given by \begin{equation}\label{genInf} \begin{cases} \displaystyle \mathcal D(A)=\left\{x\in\ X: \lim_{t \downarrow 0} \frac{T(t)x - x}{t} \;\mbox{exists}\right\}\\ \displaystyle A x = \lim_{t \downarrow 0} \frac{T(t)x - x}{t}, \quad x\in \mathcal D(A). \end{cases} \end{equation} Another way to define the infinitesimal generator is through its resolvent $R(\lambda, A)$ by using the Laplace transform. Namely, \begin{align}\label{resolventOfaSemigroup} R(\lambda, A) = \int_0^\infty e^{-\lambda t} T(t) \, dt, \quad \Re \lambda >0. \end{align} For any $\delta \in (0,\pi/2]$, it is well known that a closed linear operator $A$ is the generator of a bounded holomorphic semigroup of angle $\delta$ if and only if $-A$ is a sectorial operator of angle $\pi/2-\delta$. Even more, one has that \begin{align*} T (w) = \exp_{-w} (A), \quad w \in S_\delta, \end{align*} where we make use of the primary functional calculus of sectorial operators and where $\exp_{-w}(z):= \exp (-wz)$. \begin{definition} For $\delta \in (0,\pi/2]$, we say that a mapping $T : S_\delta \to \mathcal{L}(X)$ is an {\bf exponentially bounded holomorphic semigroup} if it satisfies the bounded semigroup property, is holomorphic (namely (a) and (b) in Definition \ref{semigroupDef} are satisfied) and it holds that the set $\{\|T(w)\|_{\mathcal L(X)} :w \in S_{\delta'}, \, |w| \leq 1 \}$ is bounded for every $\delta' \in (0,\delta)$. In particular, for each $\delta' \in (0,\delta)$ one can find $M_{\delta'}, \rho_{\delta'}\geq 0$ such that $\|T(w)\|_{\mathcal L(X)} \leq M_{\delta'} e^{\rho_{\delta'} \Re w}$ for all $w \in S_{\delta'}$. As a consequence, one can define the generator $A$ of an exponentially bounded holomorphic semigroup $T$ in the same way as in \eqref{genInf} or \eqref{resolventOfaSemigroup} for all $\lambda$ with $\Re \lambda$ large enough. \end{definition} It is readily seen that $A$ generates an exponentially bounded holomorphic semigroup if and only if there is some $\rho \in \mathbb{{R}}$ such that $A-\rho$ generates a bounded holomorphic semigroup (of possibly strictly smaller angle). \begin{definition} The space $\mathbb D_T$ of strong continuity of a (holomorphic) semigroup $T$ of angle $\delta$ is defined by \begin{align*} \mathbb D_T:= \left\{x\in X:\; \lim_{S_{\delta'} \ni w \to 0} T(w)x = x \quad \text{for all } \delta' \in (0,\delta)\right\}. \end{align*} \end{definition} It is well known that the space $\mathbb D_T$ is precisely the closure of the domain of its generator, that is, $\mathbb D_T=\overline{\mathcal{D}(A)}$. We refer the reader to \cite[Section 3.4]{haase2006functional} and \cite[Section II.4.a]{engel2000one} for more details about holomorphic semigroups. Next, we introduce the notion of $(L^1-L^\infty)$-interpolation spaces. Let $E$ be a Banach space consisting of functions with domain $(0,\infty)$, for which the inclusions $(L^1(0,\infty) \cap L^\infty(0,\infty)) \subset E \subset (L^1(0,\infty) + L^\infty(0,\infty))$ hold and are continuous. We will say that $E$ is a {\bf$(L^1-L^\infty)$-interpolation space} if, for every linear operator $S: (L^1(0,\infty) + L^\infty(0,\infty)) \to (L^1(0,\infty) + L^\infty(0,\infty))$ that restricts to bounded operators $S|_{L^1(0,\infty)}:L^1(0,\infty) \to L^1(0,\infty), \, S|_{L^\infty(0,\infty)}: L^\infty(0,\infty) \to L^\infty(0,\infty)$, then it holds that the restriction to $E$, $S|_E: E\to E$, is well defined and bounded. This class includes many of the classical function spaces (e.g. $L^p$-spaces, Orlicz spaces, Lorenz spaces, Marcinkiewiecz spaces). Also, $E$ is said to have an {\bf order continuous norm} if $\|f_n\|_E \to 0$ for every sequence of functions $f_n \in E$ converging to $0$ almost everywhere and for which $|f_n|$ is non-increasing. For more details about $(L^1-L^\infty)$-interpolation spaces, we refer to the monograph \cite{bennett1988interpolation}. We conclude this section by recalling the definition of the Riemann-Liouville and Weyl fractional integrals and derivatives. Let $\alpha > 0$ be a real number and $f$ a suitable function defined on $(0,\infty)$. The Riemann-Liouville fractional integral of order $\alpha$ of $f$, denoted $D^{-\alpha}f$, and the Weyl fractional integral of order $\alpha$ of $f$, denoted $W^{-\alpha}f$, are respectively given by \begin{align}\label{RLFI} D^{-\alpha}f (x) := \frac{1}{\Gamma(\alpha)} \int_0^x (x-y)^{\alpha-1} f(y) \, dy, \quad x > 0, \end{align} and \begin{align}\label{WFI} W^{-\alpha}f (x) := \frac{1}{\Gamma(\alpha)} \int_x^\infty (y-x)^{\alpha-1} f(y) \, dy, \quad x > 0, \end{align} where $\Gamma$ denotes the usual Euler-Gamma function. The Riemann-Liouville fractional derivative of order $\alpha$ of $f$, denoted $D^{\alpha}f$, and the Weyl fractional derivative of order $\alpha$ of $f$, denoted $W^\alpha f$, are respectively given by \begin{align}\label{RLFD} D^\alpha f(x) := \frac{d^n}{dx^n} D^{-(n-\alpha)}f(x), \quad x > 0, \end{align} and \begin{align}\label{WFD} W^\alpha f(x) := (-1)^n\frac{d^n}{dx^n} W^{-(n-\alpha)}f(x), \quad x > 0, \end{align} where $n$ is the smallest integer greater than or equal to $\alpha$. We refer to the monograph \cite{samko1993fractional} and the references therein for the class of functions for which the above expressions \eqref{RLFI}-\eqref{WFD} exist. \subsection{The natural functional calculus (NFC) for bisectorial operators}\label{Sec2} Next, we proceed to develop a functional calculus for bisectorial operators which is analogous to the functional calculus for sectorial operators presented in \cite{haase2006functional}. This functional calculus for bisectorial operators will extend the ones considered in \cite{morris2010local, schweiker2000asymptotics} and the references therein. For any $(\varphi,a) \in (0,\pi/2] \times [0,\infty)$, we have the algebra of holomorphic functions \begin{align*} \mathcal{E}_0 (BS_{\varphi,a}):= &\Bigg\{f \in H^\infty (BS_{\varphi,a}) \, : \, \int_{\partial (BS_{\omega', a})} \frac{|f(z)|}{\min\{|z-a|,|z+a|\}} |dz| < \infty, \\ & \hfill\qquad\qquad\qquad\qquad\qquad \text{for all } \varphi< \omega' \leq \pi/2 \,\text{ and } \lim_{z \to -a, a, \infty} f(z) = 0 \Bigg\}, \end{align*} where $H^\infty (\Omega)$ denotes the algebra of bounded holomorphic functions in an open subset $\Omega \subset \mathbb{{C}}$. It is readily seen that $\mathcal{E}_0 (BS_{\varphi,a})$ is an ideal of $H^\infty (BS_{\varphi,a})$. Given a bisectorial operator $A \in \text{\normalfont{BSect}} (\omega,a)$ for some $\omega > \varphi$, we define the algebraic homomorphism $\Phi: \mathcal{E}_0 (BS_{\varphi,a}) \to \mathcal{L}(X)$ given by \begin{align*} \Phi(f) := f(A) := \frac{1}{2\pi i} \int_\Gamma f(z) R(z,A)\, dz, \end{align*} where $\Gamma$ is the positively oriented boundary of the bisector $BS_{\omega',a}$ for any $\omega' \in (\varphi, \omega)$ (see Figure 1). It is readily seen that $f(A)$ is well defined and does not depend on the choice of $\omega'$. Moreover, one obtains the following result. \begin{lemma} The mapping $\Phi: \mathcal{E}_0 (BS_{\varphi,a}) \to \mathcal{L}(X)$ satisfies the following properties: \begin{enumerate}[(a)] \item $\Phi$ is a homomorphism of algebras. \item If $T\in \mathcal{L}(X)$ commutes with the resolvent operator $R(\lambda,A)$ of $A$, then it also commutes with each operator $\Phi(f)$, where $f \in \mathcal{E}_0 (BS_{\varphi,a})$. \item For $\lambda \notin \overline{BS_{\varphi,a}}$ and $f \in \mathcal{E}_0 (BS_{\varphi,a})$, one has \begin{align*} R(\lambda, A) \Phi(f) = \Phi(f) R(\lambda, A) = \left( \frac{f(z)}{\lambda -z}\right)(A). \end{align*} \item If $$f(z)=\frac{z}{(\lambda -z)(\mu - z)}\;\mbox{ for } \lambda, \mu \notin \overline{BS_{\varphi,a}},$$ then $f \in \mathcal{E}_0 (BS_{\varphi,a})$ and \begin{align*} f(A) = A R(\lambda, A) R(\mu, A) \quad \text{for } \lambda, \mu \notin \overline{BS_{\varphi,a}}. \end{align*} \end{enumerate} \end{lemma} \begin{proof} The lemma is an immediate consequence of straightforward applications of Cauchy's theorem and the resolvent identity. See \cite[Proposition 2.2]{haase2005general} for an analogous result about sectorial operators. \end{proof} Next, we add some functions in order to make our functional calculus to contain certain class of resolvents. Set \begin{align*} \mathcal{E} (BS_{\varphi,a}) := \mathcal{E}_0 (BS_{\varphi,a}) \oplus \mathbb{{C}} \frac{1}{b+z} \oplus \mathbb{{C}} \frac{1}{b-z}\;\mbox{ for any } b \in \mathbb{{C}} \backslash \overline{BS_{\varphi,a}}. \end{align*} It is easy to see that the definition of $\mathcal{E} (BS_{\varphi,a})$ is independent on the particular choice of $b$. Then, one can extend $\Phi$ from $\mathcal{E}_0(BS_{\varphi,a})$ to $\mathcal{E} (BS_{\varphi,a})$ by defining $$\Phi\left(\frac{1}{b+z}\right) = -R(-b,A)\mbox{ and } \Phi\left(\frac{1}{b-z}\right) = R(b,A),$$ so that $\Phi : \mathcal{E}(BS_{\varphi,a}) \to \mathcal{L}(X)$ is an algebraic homomorphism. Moreover, $(\mathcal{E} (BS_{\varphi,a}), \mathcal{M}(BS_{\varphi,a}), \Phi)$ is an abstract functional calculus (see e.g. \cite{haase2005general}), where $\mathcal{M}(\Omega)$ denoted the algebra of meromorphic functions with domain an open set $\Omega \subset \mathbb{{C}}$. \begin{definition} Let $(\varphi,a) \in (0,\pi/2] \times [0,\infty)$. We introduce the following notions. \begin{enumerate}[(a)] \item A function $f \in \mathcal{M}(BS_{\varphi,a})$ is said to be regularizable by $\mathcal{E} (BS_{\varphi,a})$ if there exists $e \in \mathcal{E}(BS_{\varphi,a})$ such that $e(A)$ is injective and $ef \in \mathcal{E}(BS_{\varphi,a})$. \item For any regularizable $f \in \mathcal{M}(BS_{\varphi,a})$ we set \begin{align*} f(A):= e(A)^{-1} (ef)(A). \end{align*} \end{enumerate} \end{definition} By \cite[Lemma 3.2]{haase2005general}, one has that this definition is independent of the regularizer $e$, and that $f(A)$ is a well defined closed operator. Finally, we set \begin{align*} \mathcal{M}(BS_{\varphi,a})_A &:= \{ f \in \mathcal{M}(BS_{\varphi,a}) \, : \, f \text{ is regularizable by } \mathcal{E}(BS_{\varphi,a})\}, \end{align*} and \begin{align*} H(A) &:= \{f \in \mathcal{M}(BS_{\varphi,a})_A \, : \, f(A) \in \mathcal{L}(X)\}. \end{align*} This meromorphic functional calculus satisfies the following properties. \begin{lemma}\label{functionalCalculusProperties} Let $(\varphi,a) \in (0,\pi/2] \times [0,\infty)$ and let also $f \in \mathcal{M}(BS_{\varphi,a})_A$ with $A \in \text{\normalfont{BSect}}(\omega,a)$. Then the following assertions hold. \begin{enumerate}[(a)] \item If $S\in \mathcal{L}(X)$ commutes with $A$, that is, $SA \subset AS$, then $S$ also commutes with $f(A)$, i.e. $S f(A) \subset f(A)S$. \item $\mathbf{1}(A) = I$ and $z(A) = A$. \item Let $g \in \mathcal{M}(BS_{\varphi,a})_A$. Then \begin{align}\label{fgA} f(A) + g(A) \subset (f+g)(A),\;\mbox{ and }\; f(A) g(A) \subset (f g)(A). \end{align} Furthermore, $\mathcal{D}(f(A)g(A)) = \mathcal{D}((fg)(A)) \cap \mathcal{D}(g(A))$, and one has equality in \eqref{fgA} if $g(A) \in \mathcal{L}(X)$. \item $\Phi : H(A) \to \mathcal{L}(X)$ is a homomorphism of unital algebras. \item Let $g \in H(A)$ such that $g(A)$ is bounded and injective. Then $f(A) = g(A)^{-1} f(A) g(A)$. \item Let $\lambda \in \mathbb{{C}}$. Then \begin{align*} \frac{1}{\lambda - f(z)} \in \mathcal{M}(BS_{\varphi,a})_A \iff \lambda - f(A) \text{ is injective}. \end{align*} If this is the case, $(\lambda-f(z))^{-1}(A) = (\lambda -f(A))^{-1}$. In particular, $\lambda \in \rho(A)$ if and only if $(\lambda - f(z))^{-1} \in H(A)$. \end{enumerate} \end{lemma} \begin{proof} The lemma is a direct consequence of the results contained in \cite[ Section 3 ]{haase2005general}. \end{proof} Since the inclusions $\mathcal{E}(BS_{\varphi,a}) \subset \mathcal{E}(BS_{\varphi',a}), \, \mathcal{M}(BS_{\varphi,a}) \subset \mathcal{M}(BS_{\varphi',a})$ hold for any $\varphi < \varphi' < \omega$, we can form the inductive limits \begin{align*} \mathcal{E}[BS_{\omega,a}] := \bigcup_{0<\varphi<\omega} \mathcal{E}(BS_{\varphi,a}), \quad \mathcal{M}[BS_{\omega,a}] := \bigcup_{0<\varphi<\omega} \mathcal{M}(BS_{\varphi,a}), \quad \mathcal{M}[BS_{\omega,a}]_A := \bigcup_{0<\varphi<\omega} \mathcal{M}(BS_{\varphi,a})_A. \end{align*} If $f\in \mathcal{M} [BS_{\omega,a}]_A$, that is, if $f$ is regularizable by $\mathcal{E} [BS_{\omega,a}]$, then we say that ``$f(A)$ is defined by the natural functional calculus {\bf(NFC)} for bisectorial operators''. \subsection{Extensions of the natural functional calculus (NFC)}\label{extensionCalculusSubsection} Let $d \in \{-a,a\}$ with $a>0$ and consider an operator $A\in \text{\normalfont{BSect}}(\omega,a)$ for which $dI-A$ is invertible, that is, $d \notin \sigma(A)$. Fix $0<\varphi<\omega$. Then, there is an $\varepsilon \in (0,a)$ such that the ball $\overline{B_\varepsilon(d)} \subset \rho (A)$, where $B_\varepsilon (d) := \{ z \in \mathbb{{C}}: \, |z-d| < \varepsilon\}$. Consider the algebra \begin{align*} &\mathcal{E}_0 (BS_{\varphi,a,d,\varepsilon}) :=\Bigg\{ f\in H^\infty (BS_{\varphi,a} \backslash \overline{B_\varepsilon(d)}): \, \lim_{z\to -d,\infty} f(z) = 0 \text{ and} \\ & \qquad \qquad \qquad \qquad\int_{\partial (BS_{\omega',a} \backslash\overline{B_\varepsilon(d)})} \frac{|f(z)| }{|d-z|} \, |dz| < \infty \quad \text{ for all } \varphi < \omega' \leq \frac{\pi}{2} \Bigg\}, \end{align*} and set $\mathcal{E} (BS_{\varphi,a,d, \varepsilon}) := \mathcal{E}_0 (BS_{\varphi,a,d,\varepsilon}) \oplus \mathbb{{C}}(1/(b-z))$ for any $b>a$. One can extend our elementary functional calculus $\Phi$ from $\mathcal{E}(BS_{\varphi,a})$ to the algebra $\mathcal{E} (BS_{\varphi,a,d,\varepsilon})$ by integrating on a positively oriented parametrization of the boundary $\partial (BS_{\omega',a} \backslash\overline{B_\varepsilon(d)})$ for any $ \varphi < \omega' \leq \frac{\pi}{2}$, where we avoid integration near the point $d$ and therefore the functions in this new algebra do not need to satisfy any regularity conditions near $d$. This yields a new abstract functional calculus $(\mathcal{E}(BS_{\varphi,a,d,\varepsilon}), \mathcal{M}(BS_{\varphi,a}), \Phi)$ which is an extension of the former. Since the new algebra $\mathcal{E} (BS_{\varphi,a,d,\varepsilon})$ is larger than $\mathcal{E}(BS_{\varphi,a})$, more functions $f \in \mathcal{M}(BS_{\varphi,a})$ become regularizable. If $f$ is regularizable by $\mathcal{E}(BS_{\varphi,a,d,\varepsilon})$, we say that {\bf $f(A)$ is defined by the NFC for $d-$invertible operators}. A similar extension is possible when $A\in \text{\normalfont{BSect}}(\omega,a)$ is bounded. Again, let $0< \varphi < \omega$ and let $R > \max\{a, r(A)\}$, where $r(A)$ denotes the spectral radius of $A$. Then one considers the algebra \begin{align*} &\Bigg\{f \in H^\infty (BS_{\varphi,a} \cap B_R(0)): \, \lim_{z\to -a} f(z)= \lim_{z\to a} f(z)= 0 \mbox{ and}\\ & \qquad \int_{\partial BS_{\omega',a}, |z|<R/2} \frac{|f(z)|}{\min\{|z-a|,|z+a|\}} |dz| < \infty \text{ for all } \varphi < \omega' \leq \frac{\pi}{2} \Bigg\}, \end{align*} and adds the spaces $\mathbb{{C}} (1/(b-z))$ and $\mathbb{{C}} (1/(b+z))$ for any $b>a$. The elementary calculus of this algebra is constructed along the lines of the former elementary calculus. If a function $f$ is regularizable by this algebra, {\bf we say that $f(A)$ is defined by the NFC for bounded bisectorial operators}. Similar remarks apply when $A \in \text{\normalfont{BSect}}(\omega,a)$ satisfies any combination of the above properties, avoiding integration near the appropriate selection of the points in $\{-a,a,\infty\}$. A minor difference appears if $a = 0$ and $A$ is invertible: in that case the two top and bottom branches merge without further consequences. Clearly, Lemma \ref{functionalCalculusProperties} remains valid when it is adapted appropriately to any of this NFC. \begin{definition} Let $A\in \text{\normalfont{BSect}}(\omega,a)$ and set $M_A := \{-a,a,\infty\} \cap \widetilde{\sigma}(A)$. From now on, we will denote by $\mathcal{M}[\Omega_A]$ the class of meromorphic functions defined on an open set related to the larger primary functional calculus of $A$. Moreover, $\mathcal{M}_A$ will denote the class of regularizable functions $\mathcal{E}_A$ of the larger natural functional calculus of $A$. For instance, if $M_A = \{-a, \infty\}$, then $\mathcal{M}[\Omega_A]$ and $\mathcal{M}_A$ will refer to the calculus of $a-$invertible bisectorial operators; if $M_A = \{-a\}$, then they will refer to the calculus of $a-$invertible and bounded bisectorial operators, and so on. Finally, if $f\in \mathcal{M}_A$, that is, if $f$ is regularizable by $\mathcal{E}_A$ for the appropriate primary functional calculus of $A$, then we say that $f(A)$ is defined by the natural functional calculus (NFC) of $A$. \end{definition} Next, our goal is to give a sufficient condition for a meromorphic function $f \in \mathcal{M}(BS_{\varphi,a})$ to be defined by the NFC of $A$. We will ask $f$ to satisfy a regularity property near the singular points $M_A:=\{-a,a,\infty\} \cap \widetilde{\sigma}(A)$. \begin{definition} Let $A \in \text{\normalfont{BSect}}(\omega,a)$, $f\in \mathcal{M}[\Omega_A]$ and $d \in M_A\cap\{-a,a\}$. \begin{enumerate}[(a)] \item We say that $f$ is regular at $d$ if $\lim_{z \to d} f(z) =: c_d \in \mathbb{{C}}$ exists and, for small enough $\varepsilon > 0$ and some $\varphi< \omega$, \begin{align*} \int_{\partial (BS_{\omega',a} \cap B_\varepsilon(d))} \left|\frac{f(z)-c_d}{z-d}\right| |dz| < \infty, \quad \text{for all } \omega' \in \left(\varphi, \frac{\pi}{2}\right). \end{align*} \item Similarly, if $\infty \in M_A$, we say that $f$ is regular at $\infty$ if $\lim_{z\to \infty} f(z) =: c_\infty \in \mathbb{{C}}$ exists and, for large enough $R>0$, and some $\varphi< \omega$, \begin{align*} \int_{\partial BS_{\omega',a}, |z| > R} \left|\frac{f(z)-c}{z}\right| |dz| < \infty, \quad \text{for all } \omega' \in \left(\varphi, \frac{\pi}{2}\right). \end{align*} \item We say that $f$ is quasi-regular at $d\in M_A$ if $f$ or $1/f$ is regular at $d$. \item Finally, we say that $f$ is (quasi)-regular at $M_A$ if $f$ is (quasi)-regular at each point of $M_A$. \end{enumerate} \end{definition} \begin{remark} Note that if $f$ is regular at $M_A$ with every limit being not equal to $0$, then $1/f$ is also regular at $M_A$. If $f$ is quasi-regular at $M_A$, then $\mu-f$ and $1/f$ are also quasi-regular at $M_A$ for each $\mu \in \mathbb{{C}}$. A function $f$ which is quasi-regular at $M_A$ has well defined limits in $\mathbb{{C}}_\infty$ as $z$ tends to each point of $M_A$. \end{remark} \begin{lemma}\label{differentNFCLemma} Let $A\in \text{\normalfont{BSect}}(\omega,a)$ and $f\in \mathcal{M}[\Omega_A]$. Assume that $f$ is regular at $M_A$ and that all the poles of $f$ are contained in $\mathbb{{C}} \backslash \sigma_p(A)$. Then, $f(A)$ is defined by the NFC of $A$, that is, $f \in \mathcal{M}_A$. More precisely, the following assertions hold true. \begin{enumerate}[(a)] \item If $M_A = \{-a,a,\infty\}$, then $f(A)$ is defined by the NFC for bisectorial operators. \item If $M_A = \{-a, \infty\}$, then $f(A)$ is defined by the NFC for $a$-invertible bisectorial operators. Analogous statement is true if $M_A = \{a,\infty\}$. \item If $M_A = \{-a,a\}$, then $f(A)$ is defined by the NFC for bounded bisectorial operators. \item If $M_A = \{\infty\}$, then $f(A)$ is defined by the NFC for $a$-invertible and $-a$-invertible bisectorial operators. \item If $M_A = \{-a\}$, then $f(A)$ is defined by the NFC for $a$-invertible and bounded bisectorial operators. Analogous statement is true if $M_A = \{a\}$. \item If $M_A = \emptyset$, then $f(A)$ is defined by the NFC for bounded, $a$-invertible and $-a$-invertible bisectorial operators. \end{enumerate} Moreover, if the poles of $f$ are contained in $\rho(A)$, then $f(A) \in \mathcal{L}(X)$. \end{lemma} \begin{proof} The proof is analogous to the corresponding result for sectorial operators, see \cite[Lemma 6.2]{haase2005spectral}. We omit the details for the sake of brevity. \end{proof} We conclude this section by giving a spectral inclusion result for bisectorial operators. \begin{proposition}\label{spectralInclusionProposition} Let $A \in \text{\normalfont{BSect}}(\omega,a)$, and take $f \in \mathcal{M}_A$ to be quasi-regular at $M_A$. Then \begin{align*} \widetilde{\sigma}(f(A)) \subset f(\widetilde{\sigma}(A)). \end{align*} \end{proposition} \begin{proof} The proof follows as the case of sectorial operators, see \cite[Proposition 6.3]{haase2005spectral}. We omit the details for the sake of brevity. \end{proof} \section{From bisectorial to sectorial operators and the NFC for sectional operators}\label{sectorialSection} We start with relationship between bisectorial and sectorial operators. \subsection{From bisectorial to sectorial operators} In this section, we present a connection between bisectorial operators and sectorial operators, namely Theorem \ref{sectorialTheorem}. The method to prove this connection is based on the proof of the scaling property for sectorial operators given in \cite[Proposition 5.2]{auscher1997holomorphic}, but its proof requires longer and more sophisticated techniques because of the more intricate setting. We start with a new definition referring to the limit behavior of a function at the singular points $\{-a,a,\infty\}$. By $|f(z)| \sim |g(z)|$ as $z \to d \in \mathbb{{C}}_\infty$, we mean that there is some neighborhood $\Omega$ of $d$ such that $|g(z)| \lesssim |f(z)| \lesssim |g(z)|$ for all $z \in \Omega$. \begin{definition}\label{polynomialLimits} Let $A\in \text{\normalfont{BSect}}(\omega,a)$, $f\in \mathcal{M}[\Omega_A]$, $d \in \overline{\mathcal{D}(f)}$, and $c \in \mathbb{{C}}$. \begin{enumerate}[(a)] \item We say that $f(z) \to c$ exactly polynomially as $z\to d$ if there is $\alpha > 0$ such that $|f(z) - c| \sim |z-d|^\alpha$ as $z \to d$ if $d \in \mathbb{{C}}$, or such that $|f(z)-c| \sim |z|^{-\alpha}$ as $z \to \infty$ if $d = \infty$. \item We say that $f(z) \to \infty$ exactly polynomially as $z\to d$ if $(1/f)(z) \to 0$ exactly polynomially as $z\to d$. \end{enumerate} \end{definition} Now, we fix some notations for the rest of this section. From now on, $A$ will be a bisectorial operator on a Banach space $X$ of angle $\omega \in (0, \pi/2]$ and half-width $a \geq 0$, i.e. $A \in \text{\normalfont{BSect}}(\omega,a)$, and recall that $M_A = \{a,-a,\infty\} \cap \widetilde{\sigma}(A)$. For any $\lambda \in \mathbb{{C}}, \, f \in \mathcal{M}[\Omega_A]$, we let $R_f^\lambda \in \mathcal{M}[\Omega_A]$ be given by \begin{align}\label{hf} R_f^\lambda (z) := \frac{\lambda}{\lambda-f(z)}, \qquad z \in \mathcal{D}(f). \end{align} Moreover, we will also consider $\gamma \in [0, \pi)$ and a function ${\widetilde{g}} \in \mathcal{M}_A$ satisfying the following conditions: \begin{enumerate}[(a)] \item $\mathcal{R}({\widetilde{g}}) \subset \overline{S_\gamma}\cup \{\infty\}$. \item ${\widetilde{g}}$ is quasi-regular at $M_A$. In particular, it has limits in $M_A$, which we denote by $c_d \in \mathbb{{C}}_\infty$ for $d \in M_A$. \item ${\widetilde{g}}$ has exactly polynomial limits at $M_A \cap {\widetilde{g}}^{-1}(\{0,\infty\})$. \end{enumerate} \begin{remark}\label{openMappingRemark} By the open mapping theorem, Property (a) implies that ${\widetilde{g}}$ does not have any zeros (unless ${\widetilde{g}} =0$) or poles in $\mathcal{D}({\widetilde{g}})$. In particular, if ${\widetilde{g}}\neq 0$, then both ${\widetilde{g}}$ and ${\widetilde{g}}^{-1}$ are holomorphic. \end{remark} Next, we present a family of functions which will be crucial to prove our main result of this section. Recall that a meromorphic function $f$ belongs to $H(A) \subset \mathcal{M}_A$ if and only if $f(A)$ is a bounded operator. \begin{definition}\label{boundingFunctionsDef} Assume that we have a family of functions $(f^\lambda)_{\lambda \notin \overline{S_\gamma}} \subset H(A)$. We say that $(f^\lambda)_{\lambda \notin \overline{S_\gamma}}$ makes $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon-$uniformly bounded at $d \in M_A$ with respect to the NFC of $A$ if, for any $\varepsilon \in (0,\pi - \gamma)$, it satisfies the following properties: \begin{enumerate}[(a)] \item $|f^\lambda(z)|$ is uniformly bounded for all $z \in \mathcal{D}(f^\lambda)$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. \item $\|f^\lambda(A)\|_{\mathcal L(X)}$ is uniformly bounded for all $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. \item Let $\Gamma$ be an integration path for the NFC of $A$ (see Section \ref{extensionCalculusSubsection}). Then, there exists a neighborhood $\Omega_{d'}$ containing each $d' \in M_A \backslash\{d\}$ for which \begin{align*} \sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \int_{\Gamma \cap \Omega_{d'}} |f^\lambda(z)|\|R(z,A)\|_{\mathcal L(X)} \, |dz| < \infty \quad \text{for each } d' \in M\backslash\{d\}. \end{align*} \item Let $\Gamma$ be as above. Then, there exists a neighborhood $\Omega_d$ containing $d$ for which \begin{align*} \sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \int_{\Gamma \cap \Omega_d} |R_{\widetilde{g}}^\lambda(z) - f^\lambda(z)| \|R(z,A)\|_{\mathcal L(X)}\, |dz| < \infty. \end{align*} \end{enumerate} \end{definition} The following lemmas will be useful in finding the family of functions that makes $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon-$uniformly bounded. Let $d(z,\Omega)$ denote the distance between a point $z \in \mathbb{{C}}$ and a set $\Omega \subset \mathbb{{C}}$. \begin{lemma}\label{basicIneqLemma} Let $\varepsilon > 0$. We have that $d(z,\mathbb{{C}}\backslash \overline{S_{\gamma+\varepsilon}}) \gtrsim |z|$ for all $z \in \overline{S_\gamma}$ and that $d(w, \overline{S_\gamma}) \gtrsim |w|$ for all $w \notin \overline{S_{\gamma+\varepsilon}}$. As a consequence, $|w/(w-z)|$ and $|z/(w-z)|$ are uniformly bounded for all $z \in \overline{S_\gamma}$ and $w \notin \overline{S_{\gamma+\varepsilon}}$. \end{lemma} \begin{proof} The first two inequalities follow from the fact that $d(z, \mathbb{{C}}\backslash \overline{S_{\gamma+\varepsilon}}) = |z| \sin(\gamma + \varepsilon - |\arg(z)|) \geq |z| \sin \varepsilon$ and $d(w, \overline{S_{\gamma}}) = |w| \sin(|\arg w|-\gamma) \geq |w| \sin \varepsilon$. The other inequalities follow from what we have already proven, and that $|z-w| \geq \max\{ d(z, \mathbb{{C}}\backslash \overline{S_{\gamma+\varepsilon}}) , d(w, \overline{S_{\gamma}})\}$ for all $z \in \overline{S_\gamma}$ and $w \notin \overline{S_{\gamma+\varepsilon}}$. \end{proof} Lemma \ref{basicIneqLemma} will be used very frequently throughout the paper. We will not make no further reference to it for the sake of brevity. In particular, as an immediate application we have the following result. \begin{lemma}\label{IneqLemma} Let $c \in \overline{S_{\gamma}}\backslash \{0\}$, $\varepsilon \in (0, \pi-\gamma)$ and $f \in \mathcal{M}[\Omega_A]$ such that $\mathcal{R}(f) \subset \overline{S_\gamma} \cup \{\infty\}$. Then, \begin{align*} \left|R_f^\lambda(z) - \frac{\lambda}{\lambda-c}\right| &\lesssim \min\{1,|f(z) - c|\}, \\ \left|R_f^\lambda(z) \right| &\lesssim \min\{1,|\lambda| |f(z)|^{-1}\}, \\ \left|R_f^\lambda(z) - 1 \right| &\lesssim \min\{1,|\lambda|^{-1} |f(z)|\}, \end{align*} where all inequalities hold for all $z \in \mathcal{D}(f)$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. \end{lemma} \begin{proof} It follows from Lemma \ref{basicIneqLemma} that all the above functions are uniformly bounded. Now, let $c \in \overline{S_{\gamma}}$. Applying Lemma \ref{basicIneqLemma}, one gets that \begin{align*} \left| R_f^\lambda (z) - \frac{\lambda}{\lambda-c}\right| & = \left|\frac{\lambda}{\lambda - f(z)} \frac{f(z) - c}{\lambda-c}\right| \lesssim \left|\frac{f(z)-c}{\lambda-c}\right| \lesssim |f(z) - c|, \end{align*} for all $z \in \mathcal{D}(f), \, \lambda \notin \overline{S_{\gamma+\varepsilon}}$. Likewise, one obtains that \begin{align*} |R_f^\lambda(z)| = \left|\frac{\lambda}{\lambda - f(z)}\right| \lesssim |\lambda| |f(z)|^{-1}, \qquad |R_f^\lambda(z)-1| = \left|\frac{f(z)}{\lambda - f(z)}\right| \lesssim |\lambda|^{-1} |f(z)|, \end{align*} for all $z \in \mathcal{D}(f), \, \lambda \notin \overline{S_{\gamma+\varepsilon}}$. The proof is finished. \end{proof} The following lemma gives an integral bound which will be very useful to prove Proposition \ref{existenceProposition} below. \begin{lemma}\label{integralBoundLemma} Let $I \subset \mathbb{{R}}^+$ be a measurable subset and let $(f_\nu)_{\nu}:I \to \mathbb{{C}}$ be a family of complex-valued functions. Let $F_1, F_2:I \to \mathbb{{R}}^+$ be some positive functions which are integrable with respect to the measure $dx/x$, and let $r_\nu>0$ for all indices $\nu$, and $s_n, t_m> 0$ for $n = 1, ..., N$, $m = 1,..., M$ for some $N,M\in \mathbb{{N}}$. Assume that \begin{align}\label{f-gamma} |f_\nu(x)| \lesssim \min\left\{F_1(x) + \sum_{n\leq N} (r_\nu x)^{s_n}, F_2(x) + \sum_{m\leq M} (r_\nu x)^{-t_m}\right\}, \end{align} for all $x \in I$ and all indices $\nu$. Then \begin{align*} \sup_{\nu} \int_I |f_\nu(x)| \frac{dx}{x} < \infty. \end{align*} \end{lemma} \begin{proof} By adding terms of the type $(r_\nu x)^{t_m}$ to the first expression inside the minimum in \eqref{f-gamma}, and terms of the type $(r_\nu x)^{-s_n}$, one can assume that $N = M$ and $s_n = t_n$ for all $n = 1,...,N$. It follows that \begin{align*} \int_I |f_\nu(x)| \frac{dx}{x} & \lesssim \int_I \Big(F_1(x) + F_2(x)\Big) \frac{dx}{x} + \int_I \min\left\{\sum_{n\leq N} (r_\nu x)^{s_n}, \sum_{n\leq N} (r_\nu x)^{-s_n}\right\} \frac{dx}{x}. \end{align*} By the integrability condition on $F_1, F_2$, it suffices to bound the second term for all indices $\nu$. By bounding the integral on $I$ by the integral on $(0,\infty)$, and a simple change of variable, one gets that \begin{align*} &\int_I \min\left\{\sum_{n\leq N} (r_\nu x)^{s_n}, \sum_{n\leq N} (r_\nu x)^{-s_n}\right\} \frac{dx}{x} = \int_0^\infty \min\left\{\sum_{n\leq N} x^{s_n}, \sum_{n\leq N} x^{-s_n}\right\} \frac{dx}{x} \\ & \quad = \sum_{n\leq N} \left(\int_0^1 x^{s_n-1} \, dx + \int_1^\infty x^{-s_n-1} \, dx \right)< \infty. \end{align*} The proof is concluded. \end{proof} In order to prove the main result of this section, some integrals related to resolvent operators need to be bounded. The techniques to bound them vary from one case to another, as shows the proposition below. \begin{proposition}\label{existenceProposition} For each point $d \in M$, there exists a family of functions $(f^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ that makes $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon-$uniformly bounded at $d$ with respect to the NFC of $A$. \end{proposition} \begin{proof} We will proceed by examining all the possible cases. Throughout the proof $\varepsilon$ is any appropriate number in $ (0,\pi - \gamma)$ whenever it appears. Also, $b > a$ for the rest of the proof. We proceed in several steps. {\bf Step 1}: Let $d = a$ and $c_a \in \overline{S_{\gamma}} \backslash \{0,\infty\}$. We claim that the family of functions given by \begin{align*} f_{a, c_a}^\lambda(z) := \frac{\lambda}{\lambda-c_a} \frac{b^2-a^2}{2a} \frac{a+z}{b^2-z^2}, \quad z \in \mathcal{D}({\widetilde{g}}), \end{align*} makes $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon-$uniformly bounded at $a$. Indeed, it follows from Lemma \ref{basicIneqLemma} that $|f_{a,c_a}^\lambda (z)|$ is uniformly bounded for all $z \in \mathcal{D}(f_{a,c_a}^\lambda) = \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. Moreover, $f_{a,c_a}^\lambda \in H(A)$ with \begin{align*} f_{a,c_a}^\lambda (A) = \frac{\lambda}{\lambda-c_a} \frac{b^2-a^2}{2a} (A+aI) R(b^2,A^2), \end{align*} so $\|f_{a,c_a}^\lambda (A)\|_{\mathcal L(X)}$ is also uniformly bounded for all $\lambda \notin \overline{S_{\gamma+\varepsilon}}$ (recall that $\sigma(A^2)= \sigma(A)^2$). It is clear that the integrability property (c) in Definition \ref{boundingFunctionsDef} holds, since again $\lambda/(\lambda-c_a)$ is bounded and $(z+a)/(b^2-z^2)$ is integrable with respect to $\|R(z,A)\|_{\mathcal L(X)}|dz|$ at the neighborhoods of $-a$ and $\infty$. Finally, we have that \begin{align*} \left|R_{\widetilde{g}}^\lambda(z) - f_{a,c_a}^\lambda(z)\right| &\leq \left| R_{\widetilde{g}}^\lambda(z) - \frac{\lambda}{\lambda - c_a}\right| + \left|\frac{\lambda}{\lambda-c_a}\right| \left|\frac{b^2-a^2}{2a} \frac{z+a}{b^2-z^2} - 1\right| \lesssim |{\widetilde{g}}(z) - c_a| + |z-a|, \end{align*} where the first estimate is obtained by an application of Lemma \ref{IneqLemma}, and the second one by using Lemma \ref{basicIneqLemma} and Taylor's expansion of order $1$. Since ${\widetilde{g}}$ is regular at $a$ with limit $c_a$, it follows that $|R_{\widetilde{g}}^\lambda(z) - f_{a,c_a}^\lambda(z)|$ satisfies the integrability property (d) in Definition \ref{boundingFunctionsDef} and the claim is proven. {\bf Step 2}: Next, let $d = a$ and $c_a = 0$. Since $a \in M_A \cap {\widetilde{g}}^{-1}(\{0,\infty\})$, it follows that in a neighborhood $\Omega_a$ containing $a$ and a real number $\alpha >0$, we have that $|{\widetilde{g}}(z)| \sim |z-a|^\alpha$ for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$. We consider the family of functions given by \begin{align*} f_{a,0}^\lambda (z) := \frac{|\lambda|^{1/\alpha}}{|\lambda|^{1/\alpha}+a-z} \frac{b^2-a^2}{2a} \frac{a+z}{b^2-z^2}, \quad z\in \mathcal{D}({\widetilde{g}}). \end{align*} Let us show that $(f_{a,0}^\lambda)_{\lambda \notin \overline{S_{\gamma+\varepsilon}}}$ satisfies the desired properties. First of all, it is clear that $|f_{a,0}^\lambda(z)|$ is uniformly bounded for all $z \in \mathcal{D}(f_{a,0}^\lambda) = \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. Moreover, $f_{a,0}^\lambda \in H(A)$ with \begin{align*} f_{a,0}^\lambda (A) = \frac{b^2-a^2}{2a} (A+aI) R(b^2, A^2) |\lambda|^{1/\alpha} R(|\lambda|^{1/\alpha}, A-aI). \end{align*} Thus, it follows from the definition of bisectorial operators that $\|f_{a,0}^\lambda (A)\|_{\mathcal L(X)}$ is uniformly bounded for all $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. It is readily seen that it satisfies Property (c) in Definition \ref{boundingFunctionsDef}, since $|\lambda|^{1/\alpha}/(|\lambda|^{1/\alpha}+a-z)$ is uniformly bounded. Next, we consider $|R_{\widetilde{g}}^\lambda (z) - f_{c_a,0}^\lambda (z)|$ in $\Omega_a \cap \mathcal{D}({\widetilde{g}})$. On the one hand, by the triangle inequality and various applications of Lemmas \ref{basicIneqLemma} and \ref{IneqLemma}, we get \begin{align*} | R_{\widetilde{g}}^\lambda (z) - f_{a,0}^\lambda (z)| & \leq \left|R_{\widetilde{g}}^\lambda(z)\right| + \frac{b^2-a^2}{2a}\left|\frac{a+z}{b^2-z^2}\right| \left|\frac{|\lambda|^{1/\alpha}}{|\lambda|^{1/\alpha}+a-z}\right| \\ & \lesssim |\lambda| |{\widetilde{g}}(z)|^{-1} + |\lambda|^{1/\alpha} |z-a|^{-1} \lesssim |\lambda^{-1/\alpha} (z-a)|^{-\alpha} + |\lambda^{-1/\alpha} (z-a)|^{-1}, \end{align*} for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. On the other hand, it follows that \begin{align*} | R_{\widetilde{g}}^\lambda (z) - f_{a,0}^\lambda (z)| & \leq |R_{\widetilde{g}}^\lambda (z) -1| + |f_{a,0}^\lambda(z) -1|. \end{align*} Another application of Lemma \ref{IneqLemma} yields that $|R_{\widetilde{g}}^\lambda (z) -1| \lesssim |\lambda|^{-1} |{\widetilde{g}}(z)| \lesssim |\lambda^{-1/\alpha} (z-a)|^\alpha$ for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. Moreover, one gets that \begin{align*} |f_{a,0}^\lambda(z) -1| &\leq \left|f_{a,0}^\lambda (z) - \frac{b^2-a^2}{2a} \frac{a+z}{b^2-z^2}\right| + \left|\frac{b^2-a^2}{2a} \frac{a+z}{b^2-z^2} -1 \right| \\ & \lesssim \left|\frac{a-z}{|\lambda|^{1/\alpha}+a-z}\right| + |z-a| \lesssim |\lambda^{-1/\alpha} (z-a)| + |z-a|, \end{align*} for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. Summarizing, if we set $U_\lambda(z) := |\lambda|^{1/\alpha} |z-a|$, then we obtain that \begin{align*} |R_{\widetilde{g}}^\lambda(z) - f_{a,0}^\lambda(z)| \lesssim \min\left\{ \sum_{j\in \{1,\alpha\}} U_\lambda(z)^{-j}, |z-a| + \sum_{j\in \{1,\alpha\}} U_\lambda(z)^j \right\}, \end{align*} for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. An application of Lemma \ref{integralBoundLemma} together with the bound of the resolvent of a bisectorial operator, yield that $(f_{a,0}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ satisfies Property (d) in Definition \ref{boundingFunctionsDef}, so in fact $(f_{a,0}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ makes $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon-$uniformly bounded at $a$ with respect to the NFC of $A$. {\bf Step 3}: Next, let $d = a$ and $c_a = \infty$. By hypothesis, in a neighborhood $\Omega_a$ containing $a$, and a real number $\alpha >0$, we have that $|{\widetilde{g}}(z)| \sim |z-a|^{-\alpha}$ for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$. Set \begin{align*} f_{a,\infty}^\lambda (z) := \frac{a-z}{|\lambda|^{-1/\alpha}+a-z} \frac{b^2-a^2}{2a}\frac{a+z}{b^2-z^2}, \quad z \in \mathcal{D}({\widetilde{g}}). \end{align*} Similar reasoning as in the above cases together with the observation that \begin{align*} (a I -A)R(|\lambda|^{-1/\alpha},A-aI) = I - |\lambda|^{-1/\alpha} R(|\lambda|^{-1/\alpha}, A-aI), \end{align*} leads to the fact that the family $(f_{a,\infty}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ satisfies Properties (a), (b) and (c) in Definition \ref{boundingFunctionsDef}. By Lemma \ref{basicIneqLemma}, it easily follows that $|f_{a,\infty}^\lambda(z)| \lesssim |\lambda|^{1/\alpha} |z-a|$. Therefore, the triangle inequality and an application of Lemma \ref{IneqLemma} yield \begin{align*} |R_{\widetilde{g}}^\lambda(z) - f_{a,\infty}^\lambda (z)| & \leq |\lambda^{1/\alpha} (z-a)|^\alpha + |\lambda^{1/\alpha}(z-a)|, \end{align*} for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$. This implies that \begin{align*} |R_{\widetilde{g}}^\lambda(z) - f_{a,\infty}^\lambda (z)| &\leq \left|R_{\widetilde{g}}^\lambda (z) - \frac{a-z}{|\lambda|^{-1/\alpha}+a-z} \right| + \left|\frac{a-z}{|\lambda|^{-1/\alpha}+a-z}\right| \left|\frac{b^2-a^2}{2a}\frac{a+z}{b^2-z^2} - 1\right| \\ &\lesssim \left|R_{\widetilde{g}}^\lambda (z) - \frac{a-z}{|\lambda|^{-1/\alpha}+a-z} \right| + |z-a|, \end{align*} where we have used again the Taylor expansion of order $1$ and the fact that $|(a-z)/(|\lambda|^{-1/\alpha}+a-z)|$ is uniformly bounded. In addition, it follows that \begin{align*} \left|R_{\widetilde{g}}^\lambda (z) - \frac{a-z}{|\lambda|^{-1/\alpha}+a-z} \right| =& \left|\frac{\lambda |\lambda|^{-1/\alpha} + {\widetilde{g}}(z) (a-z)}{(\lambda - {\widetilde{g}}(z))(|\lambda|^{-1/\alpha}+a-z)}\right| \\ \leq & \left|\frac{\lambda |\lambda|^{-1/\alpha}}{(\lambda - {\widetilde{g}}(z))(|\lambda|^{-1/\alpha}+a-z)}\right| + \left|\frac{ {\widetilde{g}}(z) (a-z)}{(\lambda - {\widetilde{g}}(z))(|\lambda|^{-1/\alpha}+a-z)}\right| \\ \lesssim & |\lambda^{1/\alpha}(z-a)|^{-1} + |\lambda^{1/\alpha} (z-a)|^{-\alpha}, \end{align*} for all $z \in \Omega_a \cap \mathcal{D}({\widetilde{g}})$ and $\lambda \notin \overline{S_{\gamma+\varepsilon}}$, where we have used various applications of Lemmas \ref{basicIneqLemma} and \ref{IneqLemma} in the last step. Finally, reasoning as in the case before with Lemma \ref{integralBoundLemma}, one obtains that $(f_{a,\infty}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ satisfies also Property (d) in Definition \ref{boundingFunctionsDef}. {\bf Step 4}: Similar reasoning as in Step 1 shows that, if either $-a, \infty \in M_A$ with $c_{-a}, c_\infty \in \overline{S_{\gamma}} \backslash \{0,\infty\}$, the families of functions given by \begin{align*} f_{-a,c_{-a}}^\lambda(z) &:= \frac{\lambda}{\lambda-c_{-a}} \frac{b^2-a^2}{2a} \frac{a-z}{b^2-z^2}, \quad z \in \mathcal{D}({\widetilde{g}}) \\ f_{\infty,c_\infty}^\lambda(z) &:= \frac{\lambda}{\lambda-c_\infty} \frac{a^2-z^2}{b^2-z^2}, \quad \quad\quad \qquad z \in \mathcal{D}({\widetilde{g}}), \end{align*} make $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon-$uniformly bounded at $-a$ and $\infty$, respectively, with respect to the NFC of $A$. {\bf Step 5}: Let either $-a,\infty \in M_A$ with polynomial limits $c_a, c_\infty = 0$ of exactly order $\alpha>0$, that is, $|{\widetilde{g}}(z)| \sim |z+a|^\alpha$ near $z=-a$ and $|{\widetilde{g}}(z)| \sim |z|^{-\alpha}$ near $z=\infty$, respectively. Proceeding as in Step 2, one has that the families of functions given by \begin{align*} f_{-a,0}^\lambda (z) &:= \frac{|\lambda|^{1/\alpha}}{|\lambda|^{1/\alpha}+a+z} \frac{b^2-a^2}{2a} \frac{a-z}{b^2-z^2}, \quad z \in \mathcal{D}({\widetilde{g}}), \\ f_{\infty,0}^\lambda(z) &:= \frac{b-z}{|\lambda|^{-1/\alpha}+b-z} \frac{a^2-z^2}{b^2-z^2}, \quad \qquad \quad z \in \mathcal{D}({\widetilde{g}}), \end{align*} satisfy the desired properties. {\bf Step 6}: Finally, assume that either $-a,\infty \in M_A$ with polynomial limits $c_a, c_\infty = \infty$ of exactly order $\alpha>0$, i.e. $|{\widetilde{g}}(z)| \sim |z+a|^{-\alpha}$ near $z=-a$ and $|{\widetilde{g}}(z)| \sim |z|^\alpha$ near $z=\infty$, respectively. Analogous computations as in Step 3 yields to the fact that the families of functions given by \begin{align*} f_{-a,\infty}^\lambda (z) &:= \frac{a+z}{|\lambda|^{-1/\alpha}+a+z} \frac{b^2-a^2}{2a}\frac{a-z}{b^2-z^2}, \quad z \in \mathcal{D}({\widetilde{g}}), \\ f_{\infty,\infty}^\lambda(z) &:= \frac{|\lambda|^{1/\alpha}}{|\lambda|^{1/\alpha}+b-z} \frac{a^2-z^2}{b^2-z^2}, \quad \qquad\qquad z \in \mathcal{D}({\widetilde{g}}), \end{align*} make $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon$-uniformly bounded at $-a$ and $\infty$ respectively with respect to the NFC of $A$. The proof is complete. \end{proof} \begin{remark} If $M_A$ is a proper subset of $\{-a,a,\infty\}$ one can slightly simplify the families of functions given in the proof of Proposition \ref{existenceProposition}. More precisely, for $d\in M_A$, one can eliminate the terms in $f_d^\lambda$ that make the functions uniformly bounded and integrable in the rest of the points in $M_A$. For instance, if $M_A = \{a,\infty\}$ then the behavior of the functions near $-a$ is irrelevant. Thus, if $c_a \notin \{0,\infty\}$, then the family of functions given by \begin{align*} \frac{\lambda}{\lambda-c_a} \frac{b-a}{b-z}, \quad z \in \mathcal{D}({\widetilde{g}}), \end{align*} also satisfies the desired properties. \end{remark} \begin{remark}\label{integrationRemark} Let $(f_d^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ be a family of functions that makes $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon-$uniformly bound at each $d\in M_A$ with respect to the NFC of $A$. From the bounds appearing in the proof of Proposition \ref{existenceProposition}, one obtains that in fact $(R_{\widetilde{g}}^\lambda - \sum_{d\in M_A} f_d^\lambda) \in \mathcal{E}_0$ for all $\lambda \notin \overline{S_{\gamma}}$. \end{remark} We are now ready to state the main result of this section. \begin{theorem}\label{sectorialTheorem} Let $(\omega,a) \in (0,\pi/2] \times [0,\infty)$ and $\beta \in [0,\pi)$. Let $A \in \text{\normalfont{BSect}}(\omega,a)$ in a Banach space $X$ and $g \in \mathcal{M}_A$. Assume the following: \begin{enumerate}[(a)] \item For any $\gamma > \beta$, one can find $\varphi \in (0, \omega)$ such that $g(BS_{\varphi,a}) \subset \overline{S_{\gamma}} \cup\{\infty\}$. \item $g$ is quasi-regular at $M_A$. \item $g$ has exactly polynomial limits at $M_A \cap g^{-1}(\{0,\infty\})$. \end{enumerate} Then, $g(A)$ is a sectorial operator of angle $\beta$. \end{theorem} \begin{proof} Our result will follow once we have proven that $g(A)$ is a sectorial operator of angle $\gamma$ for all $\gamma > \beta$. Indeed, if that's true, we will have that \begin{align*} \beta \geq \inf_{\gamma \in [0,\pi)} \{\gamma \, : \, g(A) \text{ is sectorial of angle } \gamma\}, \end{align*} which implies that $g(A)$ is a sectorial operator of angle $\beta$, see the beginning of \cite[Section 2.1]{haase2006functional}. Indeed, let $\gamma > \beta$ and set ${\widetilde{g}} := g|_{BS_{\varphi,a}}$, where $\varphi\in (0,\omega)$ is chosen such that $\mathcal{R}({\widetilde{g}}) \subset \overline{S_\gamma}\cup \{\infty\}$. Notice that ${\widetilde{g}}(A) = g(A)$. Now, the spectral inclusion $\widetilde{\sigma}({\widetilde{g}}(A)) \subset \overline{S_\gamma} \cup \{\infty\}$ holds by Proposition \ref{spectralInclusionProposition}. It remains to prove the bound for the resolvent. More precisely, we have to show that for all $\varepsilon > 0$, \begin{align*} \sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \| \lambda R(\lambda, {\widetilde{g}}(A))\|_{\mathcal L(X)} < \infty. \end{align*} By Lemma \ref{functionalCalculusProperties}, it follows that $\lambda R(\lambda, {\widetilde{g}}(A)) = R_{\widetilde{g}}^\lambda (A)$ for all $\lambda \notin \overline{S_\gamma}$. Also, by Proposition \ref{existenceProposition}, we have that for each $d\in M_A$, there exist some families of functions $(f_d^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ which make $(R_{\widetilde{g}}^\lambda)_{\lambda \notin \overline{S_{\gamma}}}$ $\varepsilon$-uniformly bounded at $d$ with respect to the NFC of $A$. We have that \begin{align}\label{hrg} \|\lambda R(\lambda, {\widetilde{g}}(A))\|_{\mathcal L(X)} & \leq \left\|\left(R_{\widetilde{g}}^\lambda - \sum_{d\in M_A} f_d^\lambda\right)(A)\right\|_{\mathcal L(X)} + \sum_{d\in M_A} \left\| f_d^\lambda (A)\right\|_{\mathcal L(X)}. \end{align} By Property (c) in Definition \ref{boundingFunctionsDef}, one has that $\sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \|f_d^\lambda (A)\|_{\mathcal L(X)} < \infty$ for each $d \in M_A$. It remains to uniformly bound the first term. Let $\Gamma$ be an integration path for the primary functional calculus of $A$, and $(\Omega_d)_{d\in M_A}$ some appropriate open sets for which $d\in \Omega_d$ and the uniform integral bounds of Definition \ref{boundingFunctionsDef} hold for each $(f_d^\lambda)_{\lambda \notin \overline{S_\gamma}}$. Since $(R_{\widetilde{g}}^\lambda - \sum_{d\in M_A} f_d^\lambda) \in \mathcal{E}_0$ (see Remark \ref{integrationRemark}), one has that \begin{align}\label{hrg-2} \left\|\left(R_{\widetilde{g}}^\lambda - \sum_{d\in M_A} f_d^\lambda\right)(A)\right\|_{\mathcal L(X)} \leq \int_\Gamma \left|R_{\widetilde{g}}^\lambda (z) - \sum_{d\in M_A} f_d^\lambda (z) \right| \|R(z,A)\|_{\mathcal L(X)}\, |dz|. \end{align} Next, we split the integral on $\Gamma$ to the sum of integrals on $\Gamma \cap \Omega_d$ for each $d \in M_A$, and $\Gamma \backslash \left(\cup_{d\in M_A} \Omega_d\right)$. Notice that by Property (b) in Definition \ref{boundingFunctionsDef} and Lemma \ref{IneqLemma}, $|f_d^\lambda(z)|$ and $|R_{\widetilde{g}}^\lambda(z)|$ are uniformly bounded. Thus, \begin{align*} &\sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \int_{\Gamma \backslash \left(\cup_{d\in M_A} \Omega_d\right)} \left|R_{\widetilde{g}}^\lambda (z) - \sum_{d'\in M_A} f_{d'}^\lambda (z) \right| \|R(z,A)\|_{\mathcal L(X)}\, |dz| \lesssim \int_{\Gamma \backslash \left(\cup_{d\in M} \Omega_d\right)} \|R(z,A)\|_{\mathcal L(X)}\, |dz| < \infty. \end{align*} Finally, for each $d \in M_A$, one has that \begin{align*} &\sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \int_{\Gamma \cap \Omega_d} \left|R_{\widetilde{g}}^\lambda (z) - \sum_{d'\in M_A} f_{d'}^\lambda (z) \right| \|R(z,A)\|_{\mathcal L(X)}\, |dz| \\ \leq & \sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \sum_{d' \in M_A\backslash\{d\}} \int_{\Gamma \cap \Omega_d} |f_{d'}^\lambda (z)| \|R(z,A)\|_{\mathcal L(X)}\, |dz| + \sup_{\lambda \notin \overline{S_{\gamma+\varepsilon}}} \int_{\Gamma \cap \Omega_d} \left|R_{\widetilde{g}}^\lambda (z) - f_d^\lambda (z) \right| \|R(z,A)\|_{\mathcal L(X)}\, |dz| . \end{align*} But, these two supremums of the integrals are finite by Properties (c) and (d) in Definition \ref{boundingFunctionsDef}, respectively. Combining these estimates with \eqref{hrg}-\eqref{hrg-2} we get the resolvent bound, and as a consequence ${\widetilde{g}}(A) = g(A)$ is a sectorial operator of angle $\gamma$ for all $\gamma > \beta$. The proof is finished. \end{proof} The following corollaries are immediate consequences of Theorem \ref{sectorialTheorem}. The first one has been already stated in \cite[Theorem 4.6]{baeumer2009unbounded} for the particular case where $-A$ generates a bounded group. \begin{corollary}\label{StripCor} Let $a\geq 0$, $A \in \text{\normalfont{BSect}}(\pi/2, a)$, and let $\alpha > 0$ with $\alpha$ not an odd number, so $\alpha \in (2n-1, 2n+1)$ for a unique $n\in \mathbb{{N}}$. Then, for any $\varepsilon >0$, there exists $\rho \geq 0$ such that $\rho I + (-1)^{n} (A+a I)^\alpha$ is a sectorial operator of angle $\pi\left|\frac{\alpha}{2} - n\right|+ \varepsilon$. Moreover, if $a = 0$ then we can take $\rho = 0$. \end{corollary} \begin{corollary}\label{bisectorialCor} Let $0< \omega \leq \frac{\pi}{2}$ and $a \geq 0$. Let $A \in \text{\normalfont{BSect}}(\omega,a)$ in a Banach space $X$ and $g \in \mathcal{M}_A$. Assume that there are $\beta\in [\pi/2,\pi)$ and $b\geq0$ such that the following hold: \begin{enumerate}[(a)] \item For any $\gamma > \beta$, one can find $\varphi \in (0, \omega)$ for which $g(BS_{\varphi,a}) \subset \overline{BS}_{\gamma,b}$. \item $g$ is quasi-regular at $M_A$. \item $g$ has exactly polynomial limits at $M_A \cap g^{-1}(\{-b,b,\infty\})$. \end{enumerate} Then, $g(A)$ is a bisectorial operator of angle $\pi-\beta$ and half-width $b$. \end{corollary} \subsection{The natural functional calculus for sectorial operators}\label{sectorialSubsection} Most proofs which we have presented in this text are generic, and as a consequence, the results shown here will hold for functional calculus analogous to that in Sections \ref{Sec2} and \ref{extensionCalculusSubsection}. In particular, it is straightforward to adapt the preceding results to the case of NFC of sectorial operators that can be found in \cite{haase2005spectral}, where the reader can find the definitions of the appropriate versions of the function spaces $\mathcal{E} (S_\varphi), \mathcal{E}_0 (S_\varphi), \mathcal{M}(S_\varphi)_A$,... For instance, one obtains the following version of Theorem \ref{sectorialTheorem} adapted to this NFC. \begin{theorem} Let $0 \leq \omega < \pi$, $\beta\in [0,\pi)$, $A$ a sectorial operator of angle $\omega$ in a Banach space $X$, and $g \in \mathcal{M}_A$ in the sense of the NFC for sectorial operators. Assume that the following hold: \begin{enumerate}[(a)] \item For any $\gamma > \beta$, one can find $\varphi \in (\omega, \pi)$ such that $g(S_\varphi) \subset \overline{S_{\gamma}} \cup\{\infty\}$. \item $g$ is quasi-regular at $ \{0,\infty\} \cap \widetilde{\sigma}(A)$. \item $g$ has exactly polynomial limits at $\{0,\infty\} \cap \widetilde{\sigma}(A) \cap g^{-1}(\{0,\infty\})$. \end{enumerate} Then, $g(A)$ is sectorial of angle $\beta$. \end{theorem} \section{Some generation results of holomorphic semigroups and their properties}\label{Sec4} As a consequence of the bijection between generators of bounded holomorphic semigroups and sectorial operators, the results obtained in Section \ref{sectorialSection} encourage us to study the properties related to the holomorphic semigroup generated by $-g(A)$ whenever $A$ is a bisectorial operator, and $g$ a meromorphic function satisfying the hypothesis of Theorem \ref{sectorialTheorem} with an angle strictly smaller than $\frac{\pi}{2}$. We state explicitly this connection in the following result. \begin{corollary}\label{holomorphicCor} Let $A, \beta,g$ be as in Theorem \ref{sectorialTheorem}. In addition, assume that $\beta \in [0,\pi/2)$. Then, $-g(A)$ generates a bounded holomorphic semigroup $T_g$ of angle $\frac{\pi}{2} - \beta$. \end{corollary} \begin{proof} This is an immediate consequence of Theorem \ref{sectorialTheorem} and the fact that an operator $B$ is sectorial of angle $\beta < \frac{\pi}{2}$ if and only if $-B$ is the generator of a bounded holomorphic semigroup of angle $\frac{\pi}{2}-\beta$, see for example \cite[Theorem 4.6]{engel2000one} or \cite[Proposition 3.4.4]{haase2006functional}. \end{proof} The lemma below will be useful in the proof of our main results within the case where either $aI-A$ or $aI+A$ is not injective. Its proof is analogous to the related result for sectorial operators (see e.g. \cite[Lemma 4.3]{haase2005general}). \begin{lemma}\label{notInjectivityLemma} Let $A \in \text{\normalfont{BSect}}(\omega,a),\, g \in \mathcal{M}_A$ with quasi-regular limits at $M_A$, and assume that $d \in \sigma_p(A)$. Then, $g$ has a finite limit $c_d$ at $d$. \end{lemma} \begin{proof} First, we have that the limit $c_d$ of $g$ at $d$ exists in $\mathbb{{C}}_\infty$. Indeed, this is clear if $d \notin M_A$. And if $d \in M_A$, by hypothesis $g$ is quasi-regular at $d \in M_A$, and therefore has a limit $c_d \in \mathbb{{C}}_\infty$. Second, let $e \in \mathcal{E}$ be a regularizer for $g$, so $eg \in \mathcal{E}$ and $e(A)$ is injective. One can easily check that $e(A)x = e(d)x$ for all $x \in \mathcal{N}(dI-A)$. This implies that $e(d) \neq 0$. Since $eg \in \mathcal{E}$, we have that $g$ has a finite limit $c:=g(a)$ at $a$, and the assertion follows. \end{proof} Recall that the space of strong continuity $\mathbb{D}_T$ of a (holomorphic) semigroup $T$ generated by $A$ is precisely $\overline{\mathcal{D}(A)}$. The following result characterizes the space $\mathbb D_T$ in our setting. Let us point out that the result holds even if the angle of sectoriality $\beta$ of $g(A)$ is greater or equal than $\frac{\pi}{2}$. \begin{proposition}\label{domainProp} Let $A, g$ be as in Theorem \ref{sectorialTheorem}. If $ g^{-1}(\infty) \cap M_A = \emptyset$, then $\overline{\mathcal{D}(g(A))} = X$. Otherwise, \begin{align*} \overline{\mathcal{D}(g(A))} = \bigcap_{d \in g^{-1}(\infty) \cap M_A} \overline{\mathcal{R}(dI-A)}, \end{align*} where $\mathcal{R}(\infty I-A) := \mathcal{D}(A)$. \end{proposition} \begin{proof} First of all, notice that if $g^{-1}(\infty) \cap M_A = \emptyset$, then $g^{-1}(\infty) = \emptyset$ (see Remark \ref{openMappingRemark}), so by the inclusion of the spectra (Proposition \ref{spectralInclusionProposition}), $g(A) \in \mathcal{L}(X)$ and $\mathcal{D}(g(A)) = X$. Let $d \in M_A$. Note that if $d \notin g^{-1}(\infty)$, then $g$ is regular at $d$ with $g(d) \in \mathbb{{C}}$. For any $b>a$, consider \begin{equation*} f_d(z) := \begin{cases} \displaystyle g(a)\frac{b^2-a^2}{2a}\frac{a+z}{b^2-z^2}, \quad & \mbox{ if }d = a, \\ \displaystyle g(-a)\frac{b^2-a^2}{2a}\frac{a-z}{b^2-z^2}, \quad & \mbox{ if }d = -a, \\ \displaystyle g(\infty)\frac{a^2-z^2}{b^2-z^2}, \quad& \mbox{ if }d = \infty. \end{cases} \end{equation*} Then, $g-f_d$ is regular at $d$ with limit $0$, and the behavior of $g - f_d$ at $M_A\backslash \{d\}$ remains the same as the behavior of $g$ at those points. Moreover, since $f_d(A) \in \mathcal{L}(X)$, it follows that \begin{align*} \mathcal{D}(g(A)) = \mathcal{D}( g_\bullet(A)) \;\mbox{ where }\; g_\bullet(z):=g(z)-\sum_{d \notin g^{-1}(\infty) \cap M_A} f_d(z). \end{align*} Thus, we can assume that $g$ has regular limits equal to $0$ at $M_A \backslash g^{-1}(\infty)$. Now, we proceed by showing both inclusions $\subset, \supset$ of the statement, starting with the latter one. For all $t>0$ small enough (for which $b \notin \sigma(tA)$), set \begin{align}\label{regularisingFunction} h_t(z) := \frac{(a-z)^{n_a} (a+z)^{n_{-a}} b^{n_\infty}}{(t+a-z)^{n_a} (t+a+z)^{n_{-a}} (b+tz)^{n_\infty}}, \quad z \in \mathcal{D}(g), \end{align} with $n_d = 0$ if $d \notin g^{-1}(\infty)\cap M_A$ and the rest $n_d\in \mathbb{{N}}$ large enough so that $h_t g \in \mathcal{E}$. Then $h_t g(A) \in \mathcal{L}(X)$ with $\mathcal{D}((h_t g)(A)) = X$, and note that $h_t^{-1} \in \mathcal{M}_A$ since $\sigma_p(A) \cap g^{-1}(\infty) = \emptyset$ (see Lemma \ref{notInjectivityLemma}). Therefore, $g(A) \supset (h_t g)(A) h_t^{-1}(A)$, which implies that $\mathcal{D}(g(A)) \supset \mathcal{D}(h_t^{-1}(A)) = \mathcal{R}(h_t(A))$ for all $t>0$ small enough. In addition, since both $aI+A$ and $aI-A$ are sectorial operators, we have that \begin{align*} \lim_{t\to 0} h_t(A) x = x, \quad \text{for all } x \in \bigcap_{d \in g^{-1}(\infty) \cap M_A} \overline{\mathcal{R}(dI-A)}, \end{align*} see \cite[Proposition 2.1.1 (c)]{haase2006functional}, which yields that $$\bigcap_{d \in g^{-1}(\infty) \cap M_A} \overline{\mathcal{R}(dI-A)} \subset \overline{\mathcal{R}(h_t(A))} \subset \overline{\mathcal{D}(g(A))}, $$ and the inclusion $\supset$ of the assertion follows. Let us prove the reverse inclusion $\subset$. Assume that $\infty \in g^{-1}(\infty) \cap M_A$. Then, $|g(z)| \sim |z|^\alpha$ as $z \to \infty$ for some $\alpha>0$. It follows that $(1+g(z))^{-1}$ regularizes $(z+a)^{\alpha'}$ for any $\alpha' \in (0,\alpha)$, which implies that $\mathcal{D}(g(A)) \subset \mathcal{D}((A+aI)^{\alpha'})$. Reasoning similarly with $-a,a$, one obtains that for any $\alpha'>0$ small enough, \begin{align*} \mathcal{D}(g(A)) \subset \bigcap_{d \in g^{-1}(\infty) \cap M_A} \mathcal{R}((dI-A)^{\alpha'}), \end{align*} where $\mathcal{R}((\infty I-A)^{\alpha'}) := \mathcal{D}((aI+A)^{\alpha'})$. Then, our proof will finish if we show that $\overline{\mathcal{R}((dI-A)^{\alpha'})} \subset \overline{\mathcal{R}(dI-A)}$. Assume that $d=\infty$. It follows from Theorem \ref{sectorialTheorem} that $(aI+A)^{\alpha'}$ is a sectorial operator for a small enough $\alpha'>0$. Moreover, $aI+A$ is also a sectorial operator, and $(aI+A)^{\alpha'} = f_{\alpha'}(aI+A)$ (where $f(z)=z^{\alpha'}$) by using the NFC of sectorial operators (see \cite[Section 2.3]{haase2006functional}). Then, by the composition rule for sectorial operators (see e.g. \cite[Theorem 2.4.2]{haase2006functional}), one has that $f_{1/\alpha'}((aI+A)^{\alpha'}) = aI+A$. Reasoning analogously as in the proof of the inclusion $\supset$, one gets that \begin{align*} \overline{\mathcal{D}(aI+A)} = \overline{\mathcal{D}((f_{1/\alpha'}) ((aI+A)^{\alpha'}))} \supset \overline{\mathcal{D}((aI+A)^{\alpha'})}, \end{align*} as we wanted to prove. The cases $d \in \{-a,a\}$ are solved in an analogous way, by using the operators $(aI+A)^{-\alpha'}, (aI-A)^{-\alpha'}$, respectively. The proof is finished. \end{proof} \begin{corollary}\label{domainReflexiveCor} If $X$ is reflexive, then $\overline{\mathcal{D}(g(A))} = X$. \end{corollary} \begin{proof} By \cite[Proposition 2.1.1 (h)]{haase2006functional}, one has that $$X = \overline{\mathcal{D}(A)} = \mathcal{N}(aI-A) \oplus \overline{\mathcal{R}(aI-A)} = \mathcal{N}(aI+A) \oplus \overline{\mathcal{R}(aI+A)}$$ if $X$ is reflexive. Since $\sigma_p(A) \cap g^{-1}(\infty) = \emptyset$ (see Lemma \ref{notInjectivityLemma}), the statement follows by an application of Proposition \ref{domainProp}. \end{proof} Recall that $\exp_{-w} (z):= \exp(-wz)$ for all $z,\,w\in \mathbb{{C}}$. Since $T_g(w) = \exp_{-w} (g(A))$, it is natural to conjecture that $T_g(w) = (\exp_{-w} \circ g) (A)$. The theorem below answers this question positively. Its proof is inspired by the composition rule for sectorial operators given in \cite{haase2005general}, but carefully adapted to cover all our cases. Indeed, one could easily generalize the result below to a composition rule from bisectorial to sectorial operators, addressing a larger class of functions. However, this would require to introduce several new definitions and additional cumbersome notations. Thus, in order for the paper to be accessible for a broad class of mathematicians, we will limit to our specific cases. \begin{theorem}\label{compositionRule} Let $\beta, A, g$ be as in Corollary \ref{holomorphicCor}, so that $-g(A)$ generates a holomorphic semigroup $T_g$ of angle $\frac{\pi}{2} - \beta$. Then, for any $w \in S_{\pi/2-\beta}$, we have that $(\exp_{-w} \circ g) \in \mathcal{M}_A$ and \begin{align}\label{exponentialFormula} T_g(w) = (\exp_{-w} \circ g)(A). \end{align} \end{theorem} \begin{proof} First of all, the claim is trivial if $g=0$, so we will assume that $g\neq 0$. Fix $w \in S_{\pi/2-\beta}$. Then, it is straightforward to check that $(\exp_{-w} \circ g)$ is regular at $M_A$, so Lemma \ref{differentNFCLemma} yields that $(\exp_{-w} \circ g) \in \mathcal{M}(A)$. Now set $f_w (z) := \exp_{-w} (z) - (1+z)^{-1}$. Then, $f_w \in \mathcal{E}_0[S_{\beta}]$. As $-1 \notin \sigma(g(A))\subset \overline{S_\beta}$, an application of Lemma \ref{functionalCalculusProperties} (f) yields that $(f_w \circ g) \in \mathcal{M}_A$ and $(I+g)^{-1}(A) = (I+g(A))^{-1}$. Therefore, our statement will follow if we prove that $(f_w \circ g)(A) = f_w(g(A))$. Recall that, for $d \in \mathbb{{C}}$, we denote by $c_d$ the limit of $g(z)$ as $z \to d$ whenever it exists. In particular, it exists if $d \in \sigma_p(A)$, see Lemma \ref{notInjectivityLemma}. Let $b>a$, and for any $\lambda \notin \overline{S_\beta}$, set \begin{align*} G_\lambda (z):= \frac{1}{\lambda - g(z)} - \sum_{d \in \sigma_p(A) \cap \{-a,a\}} \frac{1}{\lambda-c_d} \frac{z+d}{b-z}\frac{b-d}{2d}, \quad z \in \mathcal{D}(g). \end{align*} Since $\lambda \in \rho(A)$, one has that $G_\lambda \in \mathcal{M}_A$. Moreover, $G_\lambda \in H^\infty (\mathcal{D}(g))$ with $G_\lambda (d) = 0$ for all $d \in \sigma_p(A) \cap \{-a,a\}$. Furthermore, it is readily seen that one can find a regularizer $e \in \mathcal{E}$ independent of $\lambda$, for which $eG_\lambda \in \mathcal{E}_0$. Indeed, to check the regularity of $eG_\lambda$ at the points $d' \in M_A$, one can add to $e$ powers of the function $(z-d')/(z-b)^2$ if $d'\notin \sigma_p(A)$. Otherwise, the regularity is obtained by the bounds in Lemma \ref{IneqLemma} (recall that in this case, $c_{d'} \neq \infty$ by Lemma \ref{notInjectivityLemma}). Then, let $\Gamma'$ be an appropriate path for the NFC of the sectorial operator $g(A)$ and the function $f_w$. It follows that \begin{align*} f_w(g(A)) &= e(A)^{-1} e(A) f_w (g(A) = e(A)^{-1} \frac{1}{2\pi i} \int_{\Gamma'} f_w(\lambda) e(A) g (A) \, d\lambda \\ &= e(A)^{-1} \frac{1}{2\pi i} \int_{\Gamma'} f_w(\lambda) (e(z)G_\lambda (z))(A) \, d\lambda \\ & \quad + \sum_{d \in \sigma_p(A) \cap \{-a,a\}} \frac{b-d}{2d} (dI+A)R(b,A)\; \frac{1}{2\pi i} \int_{\Gamma'} \frac{f_w(\lambda)}{\lambda-c_d} \, d\lambda. \end{align*} By Cauchy's integral theorem, one has that the last term is precisely \begin{align*} \sum_{d \in \sigma_p(A) \cap \{-a,a\}} \frac{b-d}{2d} f(c_d) (dI+A)R(b,A) . \end{align*} Now, let us compute the first term. Let $\Gamma$ be an appropriate path of the NFC of the bisectorial operator $A$. Since $eG_\lambda \in \mathcal{E}_0$, one has that \begin{align}\label{iden} e(A)^{-1} \frac{1}{2\pi i} \int_{\Gamma'} f_w(\lambda) (e(z)G_\lambda (z))(A) \, d\lambda &= e(A)^{-1} \frac{1}{(2\pi i)^2} \int_{\Gamma'} f_w(\lambda) \int_\Gamma e(z) G_\lambda (z) R(z,A)\, dz d\lambda\notag \\ &= e(A)^{-1} \frac{1}{(2\pi i)^2} \int_\Gamma e(z) R(z,A) \int_{\Gamma'} f_w(\lambda) G_\lambda (z) \, d\lambda dz. \end{align} Let us go on with the proof before checking the hypothesis for Fubini's theorem that we have applied in the last equality in \eqref{iden}. By Cauchy's theorem, it easily follows that \begin{align*} \frac{1}{2\pi i}\int_{\Gamma'} f_w(\lambda) G_\lambda (z) \, d\lambda = f_w(g(z)) - \sum_{d \in \sigma_p(A) \cap \{-a,a\}} f(c_d) \frac{z+d}{b-z}\frac{b-d}{2d}. \end{align*} From this, we can conclude that in fact \begin{align*} &e(A)^{-1} \frac{1}{(2\pi i)^2} \int_{\Gamma} e(z) R(z,A) \int_\Gamma f_w(\lambda) G_\lambda (z) \, d\lambda dz \\ & \quad = (f_w \circ g)(A) - \sum_{d \in \sigma_p(A) \cap \{-a,a\}} \frac{b-d}{2d} f(c_d) (dI+A)R(b,A), \end{align*} and our assertion follows. Let us check now that indeed Fubini's theorem can be applied. For that, we have to check the integrability of the function \begin{align* F(\lambda, z) := \frac{f_w (\lambda)}{\lambda} \lambda G_\lambda (z) \frac{e(z)}{\min\{|z-a|,|z+a|\}}, \end{align*} on $\Gamma' \times \Gamma$. First, $f_w(\lambda)/\lambda$ is clearly integrable on $\Gamma'$ and, by Lemma \ref{IneqLemma}, $\lambda G_\lambda (z)$ is uniformly bounded on $\Gamma' \times \Gamma$. Now, one can assume that $\frac{e(z)}{\min\{|z-a|,|z+a|\}}$ is integrable on $\Gamma$ if and only if $\{-a,a\} \cap \sigma_p(A) = \emptyset$. Otherwise, one has to check a uniform bound for the integral of $F(\lambda,z)$ on the intersection of $\Gamma$ with a neighborhood of $d \in \sigma_p(A)\cap\{-a,a\}$. So let $d \in \sigma_p(A) \cap \{-a,a\}$. Recall that in this case, $c_d \in \overline{S_\beta}$ with $c_d \neq \infty$. If $c_d \neq 0$, then $\lambda G_\lambda$ is of the same type as the function appearing in Step 1 in the proof of Proposition \ref{existenceProposition}, and proceeding as there, one can easily check the integrability condition. Thus, we can assume that $c_d = 0$. So, one has that \begin{align*} |\lambda G_\lambda (z)| \lesssim \frac{|g(z)|}{|\lambda - g(z)|} + |z-d|, \qquad \mbox{ as }\; z \to d, \end{align*} where the $|z-d|$ term is the result of applying a Taylor expansion of order $1$ in a similar way as in Step 2 in the proof of Proposition \ref{existenceProposition}. It is readily seen that the $|z-d|$ term does not entangle the bound of $F(\lambda,z)$. Moreover, for any $\delta \in (0,1)$, one has that \begin{align*} &\left|\frac{f_w (\lambda)}{\lambda} \frac{g(z)}{\lambda - g(z)} \frac{e(z)}{z-d}\right| = \left|\frac{f_w (\lambda)}{\lambda^{1+\delta}}\right| \left|\frac{\lambda^\delta g(z)^{1-\delta}}{\lambda - g(z)}\right| \left|\frac{(eg^\delta)(z)}{z-d}\right|. \end{align*} It is easy to see that $f_w(\lambda)/\lambda^{1+\delta}$ is still integrable on $\Gamma'$, and that the middle term is uniformly bounded. Moreover, since $c_d = 0$, we have by hypothesis that $|g(z)| \sim |z-d|^\alpha$ as $z\to d$ for some $\alpha > 0$. Thus $g^\delta (z) \lesssim |z-d|^{\alpha \delta}$, so the last term is integrable in $\Gamma$. The proof is finished. \end{proof} \section{Generalized Black-Scholes equations on interpolation spaces}\label{BlackScholesSection} In this section, we apply the theory developed in the previous sections to introduce and study generalized Black--Scholes equations on $(L^1-L^\infty)$-interpolation spaces. Throughout the following, without any mention, $E$ will denote a $(L^1,L^\infty)$-interpolation space on $(0,\infty)$. We recall that $$(G_E(t) f)(x) := f(e^{-t}x), \qquad x> 0, \, t \in \mathbb{{R}},\, f \in E,$$ defines a group of bounded operators $G_E=(G_E(t))_{t\in\mathbb{{R}}}$ on $E$ with $\|G_E(t)\|_{\mathcal L(E)} \leq \max\{1,e^t\}$ for $t \in \mathbb{{R}}$, and which is strongly continuous if and only $E$ has order continuous norm. Then, the lower and upper Boyd indices $\underline{\eta}_E, \overline{\eta}_E$ are defined by \begin{align*} \underline{\eta}_E := - \lim_{t\to\infty} \frac{\log \|G_E(-t)\|_{\mathcal L(E)}}{t}, \quad \overline{\eta}_E := \lim_{t\to\infty} \frac{\log \|G_E(t)\|_{\mathcal L(E)}}{t}, \end{align*} and they satisfy $0 \leq \underline{\eta}_E \leq \overline{\eta}_E \leq 1$. The generator $J_E$ of the group $G_E$ is given by \begin{equation}\label{gene} \begin{cases} \mathcal{D}(J_E) =\Big \{f \in E \, : f \in AC_{\rm loc}(0,\infty) \text{ and } -xf'(x) \in E\Big\},\\ (J_E f)(x) := -xf'(x), \quad x>0, \, f \in \mathcal{D}(J_E), \end{cases} \end{equation} and its spectrum is given by $$\sigma(J_E) = \{\lambda \in \mathbb{{C}} \, : \, \underline{\eta}_E \leq \Re \lambda \leq \overline{\eta}_E\},$$ see \cite{arendt2002spectrum} for more details about the operator $J_E$ and the classical Black--Scholes equation on exact $(L^1-L^\infty)$-interpolation spaces. However, as the authors indicate in \cite{arendt2002spectrum}, every $(L^1-L^\infty)$-interpolation space can be equivalently renormed so that it becomes exact (e.g. \cite[Proposition III.1.13]{bennett1988interpolation}). Thus, we may apply the results in \cite{arendt2002spectrum} to arbitrary $(L^1-L^\infty)$-interpolation spaces, without requiring them to be exact. As a consequence of the above properties, for any $\underline{\varepsilon}, \overline{\varepsilon} >0$, both $\left(\underline{\eta}_E + \underline{\varepsilon}\right)I + J_E$ and $\left(\overline{\eta}_E +\overline{\varepsilon}\right)I - J_E$ are sectorial operators of angle $\frac{\pi}{2}$ (see e.g. \cite[Section 2.1.1]{haase2006functional}). Therefore, $J_E - \frac{\overline{\eta}_E + \underline{\eta}_E + \overline{\varepsilon} - \underline{\varepsilon}}{2}I$ is a bisectorial operator of angle $\pi/2$ and half-width $\frac{\overline{\eta}_E - \underline{\eta}_E + \overline{\varepsilon} + \underline{\varepsilon}}{2}$. However, to avoid cumbersome notations we will write $f(J_E)$ to refer to $f_k(J_E-k)$ for $k = \frac{\overline{\eta}_E + \underline{\eta}_E + \overline{\varepsilon} - \underline{\varepsilon}}{2}$ and $f_k(z)=f(z+k)$. Notice that one may take $\underline{\varepsilon}=\overline{\varepsilon} = 0$ if $\underline{\eta}_E =0$ and $\overline{\eta}_E = 1$, respectively, or if $E = L^p$ with $1\leq p \leq \infty$. In \cite{arendt2002spectrum}, the authors make use of the operator $J_E$ to study the classical Black-Scholes partial differential equation in $(L^1,L^\infty)$-interpolation spaces. Recall that the classical Black-Scholes equation is the degenerate parabolic equation given by \begin{align}\label{BSEquation} u_t = x^2 u_{xx} + x u_x, \quad x,t > 0. \end{align} In fact, we can rewrite \eqref{BSEquation} as $u_t = J_E^2 u$, where $J_E$ is the operator defined in \eqref{gene}. Next, we introduce the fractional operators that generalize the Black--Scholes equation \eqref{BSEquation}. On the one hand, we will consider fractional powers of the operator $J_E$. If $\alpha \in (0,n)$, $n\in\mathbb N$, it follows that $\mathcal{D}(J_E^n) \subset \mathcal{D}(J_E^\alpha)$ (see \cite[Proposition 3.1.1 ]{haase2006functional}). If in addition $0<\alpha < 1$, an application of Fubini's theorem to the Balakrishnan representation of $J_E^{\alpha} f$ together with the resolvent identity yields that, whenever $\underline{\eta}_E >0$, \begin{align*} (J_E^{\alpha} f)(x) = \frac{-1}{\Gamma(1-\alpha)} \int_x^\infty \left(\log \frac{s}{x}\right)^{-\alpha} f'(s) \, ds, \quad f \in \mathcal{D}(J_E), \, x>0. \end{align*} If $\underline{\eta}_E = 0$, then one cannot apply Fubini's theorem to obtain the above expression. However, one can use the fact that $(J_E+\varepsilon I)^{\alpha} f \to J_E^{\alpha} f$ in $E$ as $\varepsilon \downarrow 0$ (see \cite[Proposition 3.1.9]{haase2006functional}), together with \begin{align}\label{balakrishnanRepr} ((J_E+\varepsilon I)^{\alpha} f)(x) = \frac{-1}{\Gamma(1-\alpha)} \int_x^\infty \left(\log \frac{s}{x}\right)^{-\alpha} \left(\frac{x}{s}\right)^\varepsilon f'(s) \, ds, \end{align} for any $f \in \mathcal{D}(J_E)$ and $x,\varepsilon > 0$. Next, let $\alpha > 0$ be a real number and recall that we denote by $D^{-\alpha}$ the Riemann-Liouville fractional integral of order $\alpha$, and by $W^{-\alpha}$ the Weyl fractional integral of order $\alpha$, see \eqref{RLFI} and \eqref{WFI}, respectively. Similarly, $D^{\alpha}$ denotes the Riemann-Liouville fractional derivative of order $\alpha$, and $W^\alpha$ the Weyl fractional derivative of order $\alpha$, defined in \eqref{RLFD} and \eqref{WFD}, respectively. Also, if $m^s$ is the multiplication operator by $x^s$ for any $s \in \mathbb{{R}}$, we have that the generalized Cesàro operator $\mathcal{C}_\alpha$ of order $\alpha$, and its adjoint $\mathcal{C}_\alpha^\ast$, are given, respectively, by \begin{align*} \mathcal{C}_\alpha = \Gamma(\alpha +1) m^{-\alpha} I^{-\alpha}\;\mbox{ and } \quad &\mathcal{D}^\alpha = (\mathcal{D}^{-\alpha})^{-1}, \mathcal{C}_\alpha^\ast = \Gamma(\alpha +1) W^{-\alpha} m^{-\alpha}, \end{align*} see \eqref{FC1} and \eqref{FC1}. Note that these operators are injective due to the fact the operators $D^{-\alpha}, W^{-\alpha}$ and $m^{-\alpha}$ are injective. Moreover, by equality \eqref{FC1} again, one has that $\mathcal{C}_\alpha$ defines a bounded operator $\mathcal{C}_{\alpha,E}$ when restricted to our $(L^1-L^\infty)$-interpolation space $E$ with $\overline{\eta}_E<1$, since \begin{align*} \mathcal{C}_{\alpha,E} = \alpha \int_0^\infty e^{-s}(1-e^{-s})^{\alpha-1} G_E (s)\, ds = \alpha \mathbb B(I-J_E, \alpha), \end{align*} where we have applied Proposition \ref{HilleStrip}, and $\mathbb B$ denotes the usual Beta function. Similarly, $\mathcal{C}_\alpha^\ast$ defines a bounded operator $\mathcal{C}_{\alpha,E}^\ast$ on any $(L^1-L^\infty)$-interpolation space $E$ with $\underline{\eta}_E>0$, satisfying $\mathcal{C}_{\alpha,E}^\ast = \alpha \mathbb B(J_E, \alpha)$. As a consequence, one obtains that $$\mathcal{D}_E^\alpha := (\mathcal{C}_{\alpha,E})^{-1} = \left(\alpha \mathbb B(I-J_E, \alpha)\right)^{-1}\mbox{ and } \mathcal{W}_E^\alpha := (\mathcal{C}_{\alpha,E}^\ast)^{-1} = \left(\alpha \mathbb B(J_E, \alpha)\right)^{-1},$$ are closed operators on $E$ whenever $\overline{\eta}_E < 1$ and $\underline{\eta}_E>0$, respectively. The above identities appear in \cite{lizama2014boundedness} for a family of Sobolev spaces on $(0,\infty)$. \subsection{Generation results of holomorphic semigroups of fractional powers operators} The identity $J_E = \mathcal{W}_E^1 = I - \mathcal{D}_E^1$ holds whenever the operators are well defined on $E$ (see e.g. \cite{arendt2002spectrum}). In particular, we have that \begin{align}\label{opera-1} (J_E)^{2} = (I - \mathcal{D}_E^1)^2 = (\mathcal{W}_E^1)^2 = \mathcal{W}_E^1 (I - \mathcal{D}_E^1). \end{align} This motivates us to study different fractional versions of the Black--Scholes equation \eqref{BSEquation}. In this section, we make use of the theory we developed in the preceding sections to obtain that the operators \begin{align}\label{opera} (J_E)^{2\alpha},\;\;(I - \mathcal{D}_E^\alpha)^2,\;\; (\mathcal{W}_E^\alpha)^2,\;\; \mathcal{W}_E^\alpha (I - \mathcal{D}_E^\alpha), \end{align} are indeed generators of exponentially bounded holomorphic semigroups on $E$ for suitable values of $\alpha$. We start with the operator $(J_E)^{2\alpha} $. \begin{proposition}\label{fractionalPowerProposition} Let $E$ be a $(L^1-L^\infty)$-interpolation space, $n \in \mathbb{{N}}$ and $\alpha\in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$. Then, the operator $(-1)^{n+1} (J_E) ^{2\alpha}$ generates an exponentially bounded holomorphic semigroup $T_{(-1)^{n+1} (J_E)^{2\alpha}}$ of angle $\pi\left(\frac{1}{2} - \left|\alpha - n\right|\right)$, which is given by \begin{align*}\label{fractionalPowerBSFormula} \left(T_{(-1)^{n+1} (J_E)^{2\alpha}} (w)f\right)(x) = \frac{1}{2\pi} \int_0^\infty \frac{f(s)}{s} \int_{-\infty}^\infty \left(\frac{s}{x}\right)^{iu} \exp( (-1)^{n+1} w u^{2\alpha}) \, du ds, \quad x > 0, \end{align*} for any $w \in S_{\pi\left(\frac{1}{2} - |\alpha - n|\right)}$ and $f \in E$. In addition, $\overline{\mathcal{D} ((J_E)^{2\alpha})} = \overline{\mathcal{D} (J_E)}$. \end{proposition} \begin{proof} That the operator $(-1)^{n+1} (J_E)^{2\alpha}$ generates an exponentially bounded holomorphic semigroup with the given angle follows from Corollary \ref{StripCor}. The expression given for $T_{(-1)^{n+1} (J_E)^{2\alpha}}$ is an immediate consequence of Theorem \ref{compositionRule} and Proposition \ref{HilleStrip}. The assertion about $\overline{\mathcal{D} ((J_E)^{2\alpha})}$ follows from Proposition \ref{domainProp}. \end{proof} Next, we have the following result for the operator $(I-\mathcal{D}_E^\alpha)^2$. \begin{proposition}\label{CaProposition} Let $E$ be a $(L^1-L^\infty)$-interpolation space with $\overline{\eta}_E < 1$, $n \in \mathbb{{N}}$ and $\alpha\in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$. Then, the operator $(-1)^{n+1} (I-\mathcal{D}_E^\alpha)^2$ generates an exponentially bounded holomorphic semigroup $T_{(-1)^{n+1} (I-\mathcal{D}_E^\alpha)^2}$ of angle $\pi\left(\frac{1}{2} - |\alpha - n|\right)$, which is given by \begin{align*} \left(T_{(-1)^{n+1}(I-\mathcal{D}_E^\alpha)^2}(w)f\right)(x) &= \frac{1}{2\pi} \int_0^\infty \frac{f(s)}{s} \int_{-\infty}^\infty \left(\frac{s}{x}\right)^{iu} \exp\left((-1)^{n+1} w \left(1-\frac{1}{\alpha \mathbb B(1-iu,\alpha)}\right)^2\right) \, du ds, \end{align*} for $ x > 0, \, w \in S_{\pi\left(\frac{1}{2} - |\alpha - n|\right)}$ and $f \in E$. In addition, $\overline{\mathcal{D} ((I-\mathcal{D}_E^\alpha)^2)} = \overline{\mathcal{D} (J_E)}$. \end{proposition} \begin{proof} First, recall that $\mathcal{D}_E^\alpha = (\alpha \mathbb B(I-J_E,\alpha))^{-1}$, so $(I- \mathcal{D}_E^\alpha)^2 = (I - \alpha \mathbb B(I-J_E,\alpha))^{-1}$. It follows that $$\left(1-\frac{1}{\alpha \mathbb B(1-z,\alpha)}\right)^2 = \left(1 - \frac{1}{\Gamma(\alpha+1)} \frac{\Gamma(1 + \alpha-z)}{\Gamma(1-z)}\right)^2,$$ which is holomorphic in $\mathbb{{C}} \backslash \{1,2,3,...\}$. In addition, for $\lambda,z \in \mathbb{{C}}$, one has that \begin{equation}\label{gammaAsymptotic} \frac{\Gamma(z+\lambda)}{\Gamma(z)} = z^\lambda \left(1+O(|z|^{-1})\right), \quad \mbox{ as } |z| \to \infty, \end{equation} whenever $z\neq 0, -1, -2,...$ and $z \neq -\lambda, -\lambda-1, -\lambda-2...$, (see e.g. \cite{tricomi1951asymptotic} for more details). As a consequence, one gets that \begin{align*} \left(1-\frac{1}{\alpha \mathbb B(1-z,\alpha)}\right)^2 = \frac{(-z)^{2\alpha}}{\alpha} \left(1+O(|z|^{-1})\right), \quad \mbox{ as } |z| \to \infty. \end{align*} Thus, for any $\beta \in \left(0,\pi\left(\frac{1}{2} - |\alpha - n|\right)\right)$, one can find a $\rho>0$ large enough such that the function $\rho + (-1)^{n+1} \left(1-\frac{1}{\alpha \mathbb B(1-z,\alpha)}\right)^2$ satisfies the hypothesis of Corollary \ref{holomorphicCor}, i.e. $(-1)^{n+1} (I-\mathcal{D}_E^\alpha)^2$ generates an exponentially bounded holomorphic semigroup of angle $\pi\left(\frac{1}{2} - |\alpha - n|\right)$. The rest of the statement follows by a similar reasoning as in the proof of Proposition \ref{fractionalPowerProposition}. \end{proof} We have the following generation result for the operator $(\mathcal{W}_E^\alpha)^2$. \begin{proposition}\label{CaastProposition} Let $E$ be a $(L^1-L^\infty)$-interpolation space with $\underline{\eta}_E > 0$, $n \in \mathbb{{N}}$ and $\alpha \in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$. Then, the operator $(-1)^{n+1}(\mathcal{W}_E^\alpha)^2$ generates an exponentially bounded holomorphic semigroup $T_{(-1)^{n+1} (\mathcal{W}_E^\alpha)^2}$ of angle $\pi\left(\frac{1}{2} - |\alpha - n|\right)$, which is given by \begin{align*} \left(T_{(-1)^{n+1} (\mathcal{W}_E^\alpha)^2}(w)f\right)(x) &= \frac{1}{2\pi} \int_0^\infty \frac{f(s)}{s} \int_{-\infty}^\infty \left(\frac{s}{x}\right)^{iu+\delta} \exp\left((-1)^{n+1} w \left(\alpha \mathbb{B}(iu+\delta,\alpha)\right)^{-2}\right) \, du ds, \end{align*} for $x>0$, $w \in S_{\pi\left(\frac{1}{2} - |\alpha - n|\right)}$, and $f \in E$, where $\delta$ is any number $\delta>0$. In addition, $\overline{\mathcal{D} ((\mathcal{W}_E^\alpha)^2)} = \overline{\mathcal{D} (J_E)}$. \end{proposition} \begin{proof} The proof is analogous to the proof of Proposition \ref{CaProposition}, using that $\mathcal{W}_E^\alpha = (\alpha \mathbb B(J_E,\alpha))^{-1}$. The only difference comes out that one cannot apply Cauchy's Theorem and translate the inner integral path in $u$ to make $\delta = 0$ since the Euler-Beta function $\mathbb B(0,\alpha)$ has an essential singularity for any non natural number $\alpha$. \end{proof} Finally, we have the following generation result for the operator $\mathcal{W}_E^\alpha (I-\mathcal{D}_E^\alpha)$. \begin{proposition}\label{CamixProposition} Let $E$ be a $(L^1-L^\infty)$-interpolation space with $\underline{\eta}_E > 0$ and $\overline{\eta}_E < 1$, and let $\alpha>0$. Then, $\mathcal{W}_E^\alpha (I-\mathcal{D}_E^\alpha)$ generates an exponentially bounded holomorphic semigroup $T_{\mathcal{W}_E^\alpha (I-\mathcal{D}_E^\alpha)}$ of angle $\frac{\pi}{2}$, which is given by \begin{align*} &\left(T_{\mathcal{W}_E^\alpha (I-\mathcal{D}_E^\alpha)}(w)f\right)(x) \\ = &\frac{1}{2\pi} \int_0^\infty \frac{f(s)}{s} \int_{-\infty}^\infty \left(\frac{s}{x}\right)^{iu+\delta} \exp\left(\frac{w}{ \alpha \mathbb B(\delta+iu,\alpha)}\left(1-\frac{1}{\alpha \mathbb B(1-\delta - iu,\alpha)}\right)\right) \, du ds, \end{align*} for $ x > 0, \, w \in S_{\frac{\pi}{2}}$, and $f \in E$, where $\delta \in (0,1)$ is any number. In addition, $\overline{\mathcal{D} (\mathcal{W}_E^\alpha (I-\mathcal{D}_E^\alpha))} = \overline{\mathcal{D} (J_E)}$. \end{proposition} \begin{proof} The proof is analogous to the proof of Propositions \ref{CaProposition} and \ref{CaastProposition}. Here, the statement is valid for any $\alpha >0$ since, by \eqref{gammaAsymptotic}, we have that \begin{align*} \frac{1}{ \alpha \mathbb B(z,\alpha)}\left(1-\frac{1}{\alpha \mathbb B(1-z,\alpha)}\right) = \frac{z^\alpha (-z)^\alpha}{2\alpha} (1 + O(|z|^{-1})), \quad \mbox{ as } |z| \to \infty. \end{align*} The proof is finished. \end{proof} \subsection{Generalized Black-Scholes partial differential equations} Let $B_E$ be a closed linear operator on a Banach space $E$, and consider the following abstract Cauchy problem: \begin{align}\label{CauchyP} \tag{$ACP_0$} \begin{cases*} \displaystyle u \in C^1((0,\infty);E), \quad u(t) \in \mathcal{D}(B_E), \quad t>0, \\ \displaystyle u' (t) = B_E u (t), \qquad\,\,\, t>0, \\\displaystyle \lim_{t\downarrow 0}u(t) = f \in E. \end{cases*} \end{align} We say that the Cauchy problem ($ACP_0$) is well-posed, if for for any $f \in E$, there exists a unique solution $u$. We are ready to state the following result concerning the well-posedness of the fractional Black-Scholes equation. Before that, let us state explicitly how these equations look like. Let $n \in \mathbb{{N}}$, $\alpha > 0$, and recall that $D^\alpha$ and $W^\alpha$ denote, respectively, the Riemann-Liouville and Weyl fractional derivatives of order $\alpha$ acting on the spatial domain. \begin{enumerate} \item[(1)] In the case $B_E = (-1)^{n+1} (J_E)^{2\alpha}$ we have the following situation: \begin{itemize} \item If $\underline{\eta}_E > 0$, one can use the Balakrishnan representation, to obtain \begin{equation*} (-1)^{n+1} u_t (x) = \frac{-1}{\Gamma(1-\alpha)} \int_x^\infty \left(\log \frac{s}{x}\right)^{-2\alpha+n} U_n'(s) \, ds, \quad t, x > 0. \end{equation*} \item If $\underline{\eta}_E = 0$, one has to proceed as in \eqref{balakrishnanRepr} to obtain \begin{equation*} (-1)^{n+1} u_t (x) =\lim_{\varepsilon \downarrow 0}\frac{-1}{\Gamma(1-\alpha)} \int_x^\infty \left(\log \frac{s}{x}\right)^{-2\alpha+n} \left(\frac{x}{s}\right)^\varepsilon U_n'(s) \, ds, \quad t, x > 0. \end{equation*} \end{itemize} In both cases, $n \in \mathbb{{N}}$ is the whole part of $2\alpha$ and $U_n := (J_E)^n U$. \item[(2)] If $B_E = (-1)^{n+1} (I - \mathcal{D}_E^\alpha)^2$, one obtains the equation \begin{equation*} (-1)^{n+1} u_t = \frac{1}{\Gamma(\alpha+1)^2} D^\alpha (x^\alpha D^\alpha (x^\alpha u)) - \frac{2}{\Gamma(\alpha+1)} D^\alpha (x^\alpha u) + u,\quad t,x>0. \end{equation*} \item[(3)] If $B_E = (-1)^{n+1} (\mathcal{W}_E^\alpha)^2$, one gets the equation \begin{equation*} (-1)^{n+1} u_t = \frac{1}{\Gamma(\alpha+1)^2} x^\alpha W^\alpha (x^\alpha W^\alpha u),\quad t,x>0. \end{equation*} \item[(4)] The case $B_E = \mathcal{W}_E^\alpha (I - \mathcal{D}_E^\alpha)$ leads to the equation \begin{equation*} u_t = \frac{1}{\Gamma(\alpha+1)}x^\alpha W^\alpha u - \frac{1}{\Gamma(\alpha+1)^2} D^\alpha (x^{2\alpha} W^\alpha u),\quad t,x>0. \end{equation*} \end{enumerate} We have the following result. \begin{theorem}\label{ACP0Theorem} Let $E$ be a $(L^1-L^\infty)$-interpolation space with order continuous norm, $n \in \mathbb{{N}}$, and $\alpha>0$. Then, the following assertions hold. \begin{enumerate}[(a)] \item If $\alpha \in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$, then ($ACP_0$) is well-posed with $B_E = (-1)^{n+1} (J_E)^{2\alpha}$. \item If $\overline{\eta}_E < 1$ and $\alpha \in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$, then ($ACP_0$) is well-posed with $B_E = (-1)^{n+1} (I-\mathcal{D}_E^\alpha)^2$. \item If $\underline{\eta}_E > 0$ and $\alpha\in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$, then ($ACP_0$) is well-posed with $B_E = (-1)^{n+1} (\mathcal{W}_E^\alpha)^2$. \item If $\overline{\eta}_E<1$ and $\underline{\eta}_E > 0$, then ($ACP_0$) is well-posed with $B_E = \mathcal{W}_E^\alpha (I-\mathcal{D}_E^\alpha)$. \end{enumerate} In any case, the solution $u$ of ($ACP_0$) is given by $u(t) = T_{B_E}(t) f$ for $t > 0$. In addition, identifying $u(t,x) = u(t)(x)$, we obtain that $u \in C^\infty((0,\infty) \times (0,\infty))$. \end{theorem} \begin{proof} In all cases, $B_E$ is the generator of a holomorphic semigroup with $\overline{\mathcal{D}(B_E)} = \overline{\mathcal{D}(J_E)}$ by Propositions \ref{fractionalPowerProposition}, \ref{CaProposition}, \ref{CaastProposition}, and \ref{CamixProposition}. Moreover, $T_{B_E}$ is strongly continuous since one has that $\mathcal{D}(J_E)$ is dense in $E$ if and only if $E$ has order continuous norm (see e.g. \cite[Remark 4.2]{arendt2002spectrum}). Then, the assertions follow immediately by the relation between the well-posedness of a Cauchy problem, and the fact that $B_E$ generates a strongly continuous semigroup (see for example \cite[Proposition 3.1.2 and Theorem 3.1.12]{arendt2011vector}). Regarding the regularity result, one has that $u(t)$ is $E$-holomorphic in $t$ in $(0,\infty)$ since $T_{B_E}$ is a holomorphic semigroup. Even more, it satisfies $u(t) = T_E (t) f$, $u^{(k)} (t) = (B_E)^k u(t)$, and that $u^{(k)} (t) \in \mathcal{D}((B_E)^n)$ for all $k,n \in \mathbb{{N}}$ and $t>0$ (see \cite[Chapter 3]{arendt2011vector}). Now, reasoning as in the proof of Proposition \ref{domainProp} with any of the operators $B_E$ yields that $\mathcal{D}(B_E) \subset \mathcal D((J_E)^\varepsilon)$ for sufficiently small $\varepsilon >0$. In addition, since $\mathcal{D}(J_E) \subset AC_{\rm loc}(0,\infty)$, we have that $\mathcal{D}((J_E)^{j+1}) \subset C^j(0,\infty)$. As $u^{(k)} (t) \in \mathcal{D}((B_E)^n) \subset \mathcal{D}((J_E)^{n\varepsilon})$ for all $k,n \in \mathbb{{N}}$, one obtains that $u^{(k)}(t) \in C^\infty(0,\infty)$ for all $k\in \mathbb{{N}}$ and $t>0$. The proof is finished. \end{proof} \begin{remark} As stated in the above proof, $T_{B_E}$ is strongly continuous at $0$ if and only if $E$ has order continuous norm. Hence, Theorem \ref{ACP0Theorem} does not hold for a general $(L^1-L^\infty)$-interpolation space. To address all interpolation spaces, we follow the ideas given in \cite{arendt2002spectrum} and consider the K\"othe dual $E^\star$ of $E$, given by \begin{align*} E^\star := \left\{g:(0,\infty)\to\mathbb{{C}}\mbox{ measurable and } \; \int_0^\infty |f(x)g(x)|\;dx < \infty \quad \text{for all } f \in E \right\}. \end{align*} Every $g \in E^\star$ defines a bounded (order continuous) linear functional $\varphi_g$ on $E$, given by $$\langle f, \varphi_g\rangle_{E,E^\star}: = \int_0^\infty f(x)g(x)\;dx\;\mbox{ for all }\; f \in E.$$ In this way we can identify $E^\star$ with a subspace of the dual $E'$ (and under the present assumptions on $E$, this subspace is norming for $E$). It is known that, when equipped with the norm $\|g\|_{E^\star} = \|\varphi_g\|_{E'}$, then $E^\star$ is a $(L^1,L^\infty)$-interpolation space on $(0,\infty)$. \end{remark} Next, we consider the following abstract Cauchy problem: \begin{align}\label{CauchyP1} \tag{$ACP_1$} \begin{cases*} \displaystyle u \in C^1((0,\infty);E), \quad u(t) \in \mathcal{D}(B_E), \quad t>0, \\ \displaystyle u' (t) = B_E u (t), \qquad\,\,\, t>0, \\ \displaystyle \lim_{t\downarrow 0}\langle u(t), \varphi\rangle_{E,E^\star} = \langle f, \varphi \rangle_{E,E^\star}, \quad f \in E \text{ and for all } \varphi \in E^\star. \end{cases*} \end{align} Again, we say that ($ACP_1$) is well-posed if, for any $f \in E$, there exists a unique $u$ which is a solution of ($ACP_1$). We have the following result. \begin{theorem}\label{ACP1Theorem} Let $E$ be a $(L^1-L^\infty)$-interpolation space, $n \in \mathbb{{N}}$, and $\alpha >0$. Then, the following assertions hold. \begin{enumerate}[(a)] \item If $\alpha \in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$, then ($ACP_1$) is well-posed with $B_E = (-1)^{n+1} (J_E)^{2\alpha}$. \item If $\overline{\eta}_E<1$ and if $\alpha \in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$, then ($ACP_1$) is well-posed with $B_E = (-1)^{n+1} (I-\mathcal{D}_E^\alpha)^2$. \item If $\underline{\eta}_E>0$ and if $\alpha \in \left(n-\frac{1}{2}, n+\frac{1}{2}\right)$, then ($ACP_1$) is well-posed with $B_E = (-1)^{n+1}(\mathcal{W}_E^\alpha)^2$. \item If $\overline{\eta}_E<1$ and $\underline{\eta}_E > 0$, then ($ACP_1$) is well-posed with $B_E = \mathcal{W}_E^\alpha (I-\mathcal{D}_E^\alpha)$. \end{enumerate} In any case, the solution $u$ of ($ACP_1$) is given by $u(t) = T_{B_E}(t) f$ for $t > 0$. In addition, identifying $u(t,x) = u(t)(x)$, we obtain that $u \in C^\infty((0,\infty) \times (0,\infty))$. \end{theorem} To prove the theorem, we need the following lemma. \begin{lemma}\label{dualContinuity} Let $a\geq 0$ and let $A \in \text{\normalfont{BSect}}(\pi/2,a)$ on $E$ be such that $A$ generates an exponentially bounded group $(G(t))_{t\in \mathbb{{R}}}$ for which $\|G(t)\| \lesssim e^{a|t|}$ for $t \in \mathbb{{R}}$. Let $g \in \mathcal{M}_A$ satisfy all the hypothesis in Corollary \ref{holomorphicCor}. Assume furthermore that the following hold: \begin{enumerate}[(a)] \item $g$ is quasi-regular in $\{-a,a,\infty\}$ with $g(a), g(-a) \neq \infty$. \item The group $(G(t))_{t\in \mathbb{{R}}}$ is $\sigma(E,E^\star)$-continuous, that is, $\lim_{t\to0}\langle G(t) f, \varphi\rangle_{E,E^\star} = \langle f, \varphi \rangle_{E,E^\star}$ for all $f \in E$ and $\varphi \in E^\star$. \end{enumerate} Then, the semigroup $(T_g(t))_{t \geq 0}$ generated by the operator $-g(A)$ is also $\sigma(E,E^\star)$-continuous, i.e., \begin{equation*} \lim_{t\downarrow 0}\langle T_g(t) f, \varphi\rangle_{E,E^\star} = \langle f, \varphi \rangle_{E,E^\star} \quad \text{for all } f \in E \text{ and } \varphi \in E^\star. \end{equation*} \end{lemma} \begin{proof} We ask for the regularity conditions at $\{-a,a,\infty\}$ instead of just $M_A$ in order to apply the results given in the appendix of this paper. Now, Proposition \ref{HilleStrip} yields that $T_{g}(t) = \int_{-\infty}^\infty G(s)\, \mu_{h_t} (ds)$, where $h_t(z) := \exp(-tg(z))$, and $\mu_{h_t} \in M_a(\mathbb{{R}})$ is given in Lemma \ref{FourierofF}. By Lemma \ref{FourierofF} again, one obtains that $$\int_{-\infty}^\infty \,\mu_t (ds) = \int_{-\infty}^\infty e^{i0s}\,\mu_t (ds) = h_t(0) = \exp(-tg(0)).$$ Then, for any $f \in E$ and $\varphi \in E^\star$, we have that \begin{align}\label{integra} \langle T_g(t)f, \varphi \rangle_{E,E^\star} - \langle f, \varphi \rangle_{E,E^\star} = \int_{-\infty}^\infty \langle G(s)f - f, \varphi\rangle_{E,E^\star} \mu_{h_t}(s) \, ds + (e^{-tg(0)}-1)\langle f, \varphi \rangle_{E,E^\star}. \end{align} We have to prove that the integral term in \eqref{integra} tends to $0$ as $t \downarrow 0$. Since by assumption $(G(t))_{t\in \mathbb{{R}}}$ is $\sigma(E,E^\star)$-continuous, we have that $\lim_{t\downarrow 0} \langle G (t) f, \varphi \rangle_{E,E^\star} = \langle f, \varphi \rangle_{E,E^\star}$. Thus, for any $\varepsilon > 0$, there exists $\delta > 0$ such that $|\langle G(s)f - e^{irs}f, \varphi \rangle_{E,E^\star} | < \varepsilon$ for all $|s| < \delta$. Hence, for some $C>0$ independent of $t$ and $\varepsilon$, we have that \begin{align*} &\limsup_{t \downarrow 0} \left|\int_{-\infty}^\infty \langle G(s)f - f, \varphi\rangle_{E,E^\star} \mu_{h_t}(s) \, ds\right| \leq C\varepsilon + \limsup_{t \downarrow 0} \left|\int_{|s|>\delta} \langle G(s)f - f, \varphi\rangle_{E,E^\star} \mu_{h_t}(s) \, ds\right|. \end{align*} Let us work with the above integral when $s>\delta$, leaving the case $s<-\delta$, which is completely analogous. By Lemma \ref{FourierofF}, one gets that \begin{align*} &\int_{s>\delta} \langle G(s)f - f, \varphi\rangle_{E,E^\star}\, \mu_{h_t}(s) \, ds = \int_{s>\delta} \langle G(s)f - f, \varphi\rangle_{E,E^\star}\, \frac{1}{2\pi i} \int_{\Gamma_+} e^{-zs} e^{- tg(z)} \, dzds \\ =& \int_{s>\delta} \langle G(s)f - f, \varphi\rangle_{E,E^\star} \frac{1}{2\pi i} \int_{\Gamma_+} e^{-zs} \left(e^{- tg(z)}- e^{-tg(a)}\frac{b+a}{b+z}\right) \, dzds, \end{align*} where we have used Cauchy's theorem in the last equality and the fact that for $b>a$, we have that $$e^{-tg(a)} \int_{\Gamma_+} e^{-zs}\frac{b+a}{b+z} \, dz = 0, \qquad \text{for all } s,t> 0.$$ Now, applying the Lebesgue Dominated Convergence Theorem we obtain that \begin{align*} &\limsup_{t \downarrow 0} \left|\int_{s>\delta} \langle G(s)f - f, \varphi\rangle_{E,E^\star}\, \mu_{h_t}(s) \, ds\right| = \left| \int_{s>\delta} \langle G(s)f - f, \varphi\rangle_{E,E^\star} \frac{1}{2\pi i} \int_{\Gamma_+} e^{-zs} \frac{z-a}{b+z} \, dzds \right| = 0, \end{align*} where we have used again Cauchy's theorem in the last equality. To check the hypothesis of the Dominated Convergence Theorem, one has to bound the following expression: \begin{align*} F_t(s,z):= e^{-s(\Re z-a)} \left|e^{- tg(z)}- e^{-tg(a)}\frac{b+a}{b+z}\right|, \quad s>\delta, \, z \in \Gamma_+, \end{align*} by an integrable function for all $t \in (0,\varepsilon')$, where $\varepsilon'$ is any number $\varepsilon' > 0$. Since $\Re g(z) \geq 0$ implies that $\sup_{t>0, z \in \Gamma_+}|e^{-tg(z)}| < \infty$, an easy bound of the term between $|(\cdot)|$ leads to \begin{align*} F_t(s,z) \lesssim e^{-s(\Re z -a)} \min \left\{1,\frac{|z-a|+ |g(z)-g(a)|}{|b+z|}\right\}, \end{align*} which is easily seen to be integrable by integrating first on $s$ and then in $z$ (recall that the function $g$ is regular at $a$). The proof is finished. \end{proof} \begin{proof}[\bf Proof of Theorem \ref{ACP1Theorem}] Once we have proven that $T_{B_E}(t) f$ is $\sigma(E, E^\star)$-continuous on $t$ as $t \downarrow 0$ for all $f \in E$, the assertions follow by a similar reasoning as in the proofs of Theorem \ref{ACP0Theorem} and \cite[Theorem 5.8]{arendt2002spectrum}. Then, for the operators we are considering, we only have to check the exponentially bound condition of Lemma \ref{dualContinuity}. But, except for the case $\underline{\eta}_E = 0$ and $B_E = (J_E)^{2\alpha}$, we can always assume that they are satisfied since the functions $g_{B_E}$, for which $B_E = g_{B_E}(J_E)$, are holomorphic in strictly wider bisectors than the ones with singular points in $\underline{\eta}_E, \overline{\eta}_E$. If this is the case, given any $\varepsilon >0$, we have that $\|G_E(t)\|_{\mathcal L(E)} \lesssim \max\{e^{(\underline{\eta}_E - \varepsilon) t}, e^{(\overline{\eta}_E+\varepsilon) t}\}$ for all $t \in \mathbb{{R}}$. And regarding the case $\underline{\eta}_E = 0$, one still has that $\|G_E(t)\|_{\mathcal L(E)}\lesssim 1$ for $t\leq 0$ (see e.g. \cite{arendt2002spectrum}). Then, we can apply Lemma \ref{dualContinuity} to obtain that $T_{B_E}(t)f$ is $\sigma(E,E^\star)$-continuous. The proof is finished. \end{proof} It is easy to check that when $\alpha = 1$, all the different generalized Black--Scholes equations presented above yield the classical Black--Scholes equation given by \eqref{BSEquationIntro}. In this case, the above results retrieve the ones obtained in \cite[Section 5]{arendt2002spectrum}. In particular, one gets the formula for the semigroup $T_{B_E}$, given by \begin{align*} \left(T_{B_E}(w)f\right)(x) &= \frac{1}{2\pi} \int_0^\infty \frac{f(s)}{s} \int_{-\infty}^\infty \left(\frac{s}{x}\right)^{iu} \exp\left(-wu^2\right) \, du ds \\ &= \frac{1}{\sqrt{4\pi w}} \int_0^\infty \exp \left(- \frac{(\log x - \log s)^2}{4w}\right) \frac{f(s)}{s}\,ds, \qquad x >0, \, \Re w > 0, \end{align*} where in the last equality we have made use of the integral identity \cite[Formula 3.233(2)]{gradshteyn2014table}. \begin{remark} The above results do not cover (in general) the case $\alpha = 1/2,3/2,5/2,...$. This is closely related to the odd powers of a generator of a group (see Corollary \ref{StripCor} and \cite[Theorem 4.6]{baeumer2009unbounded}). Indeed, one can prove that when $\alpha = 1/2,3/2,5/2,...$, the considered operators for $B_E$, except the last one $\mathcal{W}_E^\alpha (I - \mathcal{D}_E^\alpha)$, are bisectorial operators of angle $\frac{\pi}{2}$. Unfortunately, this is a necessary but not sufficient condition to determine that they generate semigroups. \end{remark} {
c6a3068b39e3808254439e2afcbe6f137ef124cc
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} In all the engineering areas of development, multi-physics analysis appears highly difficult to be carried out because of the interactions between more than one physics involved. During the achievement and the analysis of coupled systems, the way in which the shape of the object influences its performances is required to be carefully taken into account. In the biomedical engineering field for example, the design and the evaluation of the behaviour of prosthetic valves, stent-grafts and ventricular assist devices are related to both the structural and fluid mechanics physics \cite{Marom,Roy,Avrahami}. Generally speaking, numerical meshes need to be created for the specific kind of analysis and, in a multi-physics context, two or more meshes have to be realised. In this environment, each geometric change is applied to all the numerical models involved in the analysis: such update has to be performed in a rapid way and as easy as possible. This task, usually carried out through remeshing methods, \iffalse may be also \fi may also be obtained faster with the use of mesh morphing techniques. This approach allows the changing of the shape of a meshed surface so that the topology is preserved while nodal positions are updated \cite{Biancolini,Staten}: modifications are applied on a baseline grid by moving the surface nodes and propagating displacements inside the surrounding volume mesh nodes. Concerning biomedical applications, morphing methods have been applied in both bone and cardiovascular fields. Recently, in \cite{Biancolini_tibia}, an interactive sculpting and RBF mesh morphing approach has been proposed to address geometry modifications using a force-feedback device, while in \cite{Atasoy} RBF have been applied to improve cranioplasty applications. In the cardiovascular field, morphing approaches were employed in \cite{This} for the registration procedures of the cardiac muscle and to model an aorta aneurysm \iffalse carrying \fi by exploiting a one-way FSI \cite{Capellini,Capellini_2,Capellini_3}. In literature RBF have been extensively employed to tackle FSI problems \cite{Groth-2019}, using the modal method for both static \cite{Bia-2016,Bia-2020} and transient simulations \cite{Zuijlen-2007,Domenico-2018,Costa-2020}, as well as the two-way approach \cite{Cella-2012,keye-2011} with RBF-based mapping methods \cite{Biancolini-2018}. In this work the state of the art regarding biomedical one-way FSI applications, as shown in \cite{Capellini_3}, is further improved for a transient simulation by taking into account the non-linear deformations of the \iffalse wet \fi wetted surfaces during motion. An ad-hoc workflow was developed to transfer and to update, using an RBF-based morphing technique, the CFD mesh, incrementally adjusting the geometry according to the non-linear evolution predicted by the FEM solver. To demonstrate the effectiveness of the proposed approach, it was applied to a tailor-made Polymeric-Prosthetic Heart Valve (P-PHV); these devices \cite{Ghosh} proved to significantly reduce blood coagulation problems, maintaining excellent properties in term of strength, efficient function and long-term durability \cite{Bezuidenhout,Ghanbari}. This work is arranged as follows: at first, an introduction on FSI coupling is given, comparing remeshing and morphing workflows. The proposed procedure is implemented in the following paragraph, in which the incremental approach is shown in the P-PHV case. Results are finally discussed and compared \iffalse to \fi with those obtained by remeshing. \section{FSI coupling: known-imposed motion of the walls} One of the most sensitive processes in a Fluid-Structure Interaction analysis concerns the management of the fluid-solid interfaces; at the boundary surfaces between these two domains, solution data is shared between the fluid solver and the structural one. In the most rigorous FSI approach, a bidirectional coupling between structural and fluid dynamic solutions is involved in an iterative process. Such so called 2-way coupling introduces both the complexity related to the proper mapping of loads between the common boundaries of the two numerical domains (which are discretized by non-conformal meshes), and the requirement of an efficient procedure able to adapt the fluid dynamic domain to the structural solution in terms of boundaries displacement. When the target displacement is known, or the deformation is \iffalse poorly \fi weakly affected by the aerodynamic loads, the procedure can progress in a single direction consisting \iffalse in \fi of matching the CFD domain boundaries according to the target geometry. This one-way coupling does not guarantee energy conservation at the fluid-solid interface but holds the benefit of lower computational time in comparison \iffalse to \fi with the bidirectional one, in which a continuous data exchange between Computational Structural Mechanics (CSM) and CFD solvers is required. The uncertainties introduced by the mapping procedure are avoided, as well as the development of procedures governing the computations and the communications between different numerical environments. Several strategies are possible to link the computational domain to target shapes. A useful technique consists in describing the geometry adopting CAD based mathematical representations of surfaces, as Non-Uniform Rational B-Splines (NURBS). The aim is to provide a parametric formulation of the model that, adopting opportune mapping procedures, is able to reconstruct complex shapes derived from images as medical CTA data \cite{Morganti:2015}. This approach, introduced in 2005 \cite{Hughes:2005}, is called \textit{Isogeometric Analysis} (IgA). In \cite{Hsu:2015}, such parametric design platform is coupled with the concept of immersed boundary \cite{peskin:2002} referring to the so called \textit{Immersogeometric} FSI analysis. Immersed boundary approach, in combination \iffalse of \fi with a rigid dynamic solution of a bi-leaflets mechanical heart valve, is considered in \cite{DeTullio:2009}. An example of a dynamic Immersogeometric analysis applied to the FSI analysis of a bio-prosthetic heart valves is reported in \cite{Xu:2018}. The implementation of overset meshes (also called \textit{Chimera} grids) to \iffalse face \fi perform aeroelastic analyses offers several advantages. It allows to decompose the mesh generation problem to limited portions of domain and simplifies the adoption of structured meshes which allow, with respect to unstructured/hybrid meshes, a better control of the cells clustering, the generation of high quality domains and the provision of more accurate solutions of boundary layers. An example of the application of overset grid methodologies in fluid-structure interaction (FSI) problems is reported in \cite{Campbell:2014}. As introduced, a common strategy to \iffalse face \fi tackle the geometric adaptation problem consists in implementing this action directly in the numerical domain by mesh morphing techniques. Some of the most important advantages offered by this approach are: it does not require a remeshing procedure, it allows to preserve the robustness of the computation and it can be performed within the progress of the computation. The quality of the morphing action depends on the algorithm adopted to smooth the volume. One of the most efficient mathematical framework to perform this task is recognized to be based on Radial Basis Functions. In this work two Arbitrary Lagrangian Eulerian (ALE) methods \cite{Hirt,Ferziger,Zhang} for moving meshes are employed: the first based on remeshing algorithms, called in this paper \lq\lq standard\rq\rq approach and the novel one using RBF mesh morphing procedures. \subsection {FSI analysis based on remeshing} \begin{figure} \centering \includegraphics[scale=0.25]{Standard_workflow.png} \caption{Fluid-Structure Interaction analysis flowchart using remeshing tools.} \label{standard} \end{figure} In this first kind of analysis, as shown in Fig. \ref{standard}, a specific component is responsible to transfer the deformation of the CSM mesh to the grid of the CFD solver. In fact, one of the most applied strategies to manage body meshes in FSI applications is simply to move the grid for as long as possible and, when the quality of the mesh becomes \iffalse critical \fi poor, to enable the remeshing tools updating the low-quality cells generated by high displacements in the fluid domain \cite{Baum}. \iffalse Larger are \fi The larger the displacements of the grid, \iffalse wider \fi the greater the distortions of the cells; remeshing method agglomerates cells that violate the initially defined Skewness \cite{skew} or size criteria and remeshes them. If the new cells or faces satisfy the Skewness criterion, the mesh is locally updated with the new cells, interpolating the solution from the old cells. Otherwise, the new cells are discarded and another remeshing step is required. Obviously, when small displacements are involved and just few remeshing steps are necessary, this approach may be considered efficient. However, for larger displacements, the number of remeshing steps increases to avoid the presence of negative and invalid elements; as a result, the simulation is slowed down because a new mesh with different numbers and positions of nodes and cells has to be generated more frequently. \subsection{A novel FSI workflow using RBF mesh morphing} \iffalse The high fidelity method here proposed tries to overcome the problems related to remeshing tools. It is based on the deformation of the computational grid using mesh morphing, a method to gradually change a source shape into a target one \cite{Profir}. It aims at moving meshes with large displacements of the geometry without adopting the regeneration of the cells, typical of remeshing. \fi To overcome the problems related to remeshing, a procedure based on mesh morphing to adapt the shape according to a target one \cite{Profir} is \iffalse here \fi described. Among the morphing methods available in the literature, RBF are well known for their interpolation quality also on very large meshes \cite {Biancolini,Yu,Kansa}. RBF allow to interpolate everywhere in the space a scalar functions known at discrete points, called Source points (Sp). By interpolating three scalar values it is possible, solving a linear system of order equal to the number of Sp employed \cite{Biancolini}, to describe a displacement of the Sp in the three directions in space. The interpolation function is defined as follows: \begin{equation} \label{eq:RBF_eq_1} s(x)=\sum_{i=1}^{N}\gamma_i \varphi \left (\left \| x-x_{s_{i}} \right \|\right) + h(x) \end{equation} where \( \mathit{x} \) is a generic position in \iffalse the \fi space, $x_{s_{i}}$ the Sp position, $s(\cdot)$ the scalar function which represents a transformation $\mathbb{R}^n$ $\rightarrow$ $\mathbb{R}$, $\varphi$ $(\cdot)$ the radial function of order $m$, $\gamma_i$ the weight and $h(x)$ a polynomial term with degree $m-1$ \iffalse added to improve the fit assuring uniqueness of the problem and polynomial precision. \fi that can be omitted, but in this case is added in order to improve the fit, assuring uniqueness of the problem and an exact interpolation of fields of the same form of $h(x)$. \iffalse RBF can be used as an effective method for enabling mesh morphing on very large meshes that are typically used in advanced industrial applications \cite {Biancolini,Yu}. They consist of a very powerful tool to interpolate everywhere in the space a scalar function which defines an exact displacement of cloud of points called Source points (Sp) towards a new cloud of points named Target points (Tp). A linear system needs to be solved for sought coefficients calculation \cite{Biancolini}. The scalar function at an arbitrary location inside or outside the domain (interpolation/extrapolation) results to be expressed by the summation of the radial contribution of each Sp and a polynomial term, added to improve the condition number of the problem and assure polynomial precision. The interpolation function is defined as follows: \begin{equation} \label{eq:RBF_eq_1} s(x)=\sum_{i=1}^{N}\gamma_i \varphi \left (\left \| x-x_{s_{i}} \right \|\right) + h(x) \end{equation} where x is a generic position in the space, $x_{s_{i}}$ the Sp position, $s(\cdot)$ the scalar function which represents a transformation $\mathbb{R}^n$ $\rightarrow$ $\mathbb{R}$, $\varphi$ $(\cdot)$ the radial function, $\gamma_i$ the weight and $h(x)$ a polynomial. \fi The unknowns of the system, namely the polynomial coefficients and the weights $\gamma_i$ of the radial functions, are retrieved by imposing the passage of the function on the given values and an orthogonality condition on the polinomials. If the RBF is conditionally positive definite, it can be demonstrated that a unique interpolant exists and in 3D, if the order is equal or less than 2, a linear polynomial in the form $h(x)=\beta_1+\beta_2x+\beta_3y+\beta_4z$ can be used. The linear problem can be also written in matrix form: \begin{equation} \label{rbf_matrix_form} \begin{bmatrix} \textbf{M} & \textbf{P}\\ \textbf{P}^T & \textbf{0} \end{bmatrix} \left\lbrace \begin{matrix} \boldsymbol{\gamma}\\ \boldsymbol{\beta} \end{matrix} \right\rbrace = \left\lbrace \begin{matrix} \textbf{g}\\ \textbf{0} \end{matrix} \right\rbrace \end{equation} in which $\textbf{M}$ is the interpolation matrix containing all the distances between RBF centres $\textbf{M}_{ij} = \varphi \left (\left \| x_i-x_j \right \|\right)$, $\textbf{P}$ the matrix containing the polynomial terms that has for each row $j$ the form $\textbf{P}_j = [ \begin{matrix} 1 & x_{1j} & x_{2j} & ... & x_{nj} \end{matrix} ] $ and $\textbf{g}$ the known values at Sp. The new nodal positions, if interpolating the displacements, can be retrieved for each node as: \begin{equation} \label{eq:RBF_eq_4} \boldsymbol{x_{{node}_{new}}}=\boldsymbol{x_{node}} + \begin{bmatrix} s_x(\boldsymbol{x_{node}})\\ s_y(\boldsymbol{x_{node}})\\ s_z(\boldsymbol{x_{node}}) \end{bmatrix} \end{equation} where $\boldsymbol{x_{{node}_{new}}}$ and $\boldsymbol{x_{node}}$ are the vectors containing respectively the updated and original positions of the given node. \iffalse If a deformation vector field has to be fitted in 3D (space morphing), considering $h(x)$ as a linear polynomial made up of known $\beta$ coefficients: \begin{equation} \label{eq:RBF_eq_2} h(x)=\beta_1+\beta_2x+\beta_3y+\beta_4z \end{equation} each component of the displacement prescribed at the Source points can be interpolated as follows: \begin{equation} \label{eq:RBF_eq_3} \left\{\begin{matrix} s_x(x)=\sum_{i=1}^{N}\gamma_i^x\varphi\left (\left \| x-x_{s_i} \right \|\right)+ \beta_1^x + \beta_2^xx+\beta_3^xy+\beta_4^xz\\ s_y(x)=\sum_{i=1}^{N}\gamma_i^y\varphi\left (\left \| x-x_{s_i} \right \|\right)+ \beta_1^y + \beta_2^yx+\beta_3^yy+\beta_4^yz\\ s_z(x)=\sum_{i=1}^{N}\gamma_i^z\varphi\left (\left \| x-x_{s_i} \right \|\right)+ \beta_1^z + \beta_2^zx+\beta_3^zy+\beta_4^zz \end{matrix}\right. \end{equation} The field of system (\ref{eq:RBF_eq_3}) is applied to process all the nodal positions to be updated according to the following condition: \begin{equation} \label{eq:RBF_eq_4} x_{node_{new}}=x_{node} \begin{bmatrix} s_x(x_{nodes})\\ s_y(x_{nodes})\\ s_z(x_{nodes}) \end{bmatrix} \end{equation} each component of the displacement prescribed at the Source points can be interpolated by means of a linear system, that can be applied to process all the nodal positions to be updated according to the following condition: \begin{equation} \label{eq:RBF_eq_4} \textbf{x_{node_{new}}}=\textbf{x_{node}} \begin{bmatrix} s_x(\textbf{x_{nodes}})\\ s_y(\textbf{x_{nodes}})\\ s_z(\textbf{x_{nodes})} \end{bmatrix} \end{equation} \fi \iffalse Being the problem solved \fi As the problem is solved pointwise, the approach is meshless and able to manage every kind element (tetrahedral, hexahedral, polyhedral and others), both for surface and volume mesh smoothing ensuring the preservation of their topology. \iffalse Previous equations show the meshless nature of the approach because the deformed position only depends on the original position to be moved; this means that RBF are able to manage every kind of mesh element type (tetrahedral, hexahedral and polyhedral) and the RBF fit can be efficiently used for surface and volume mesh smoothing, ensuring the preservation of their topology, namely the same number of nodes and cells with the same typology. \fi \begin{figure} \centering \includegraphics[scale=0.28]{New_workflow2.png} \caption{Novel FSI workflow based on morphing techniques.} \label{New} \end{figure} In general, a morphing operation can introduce a reduction of the mesh quality but a good morpher has to minimize this effect and to maximize the possible shape modifications. If mesh quality is well preserved, morphing has a clear benefit over remeshing because it avoids introducing noise \cite{Biancolini}. This procedure provides for the sampling of the displacements of the structural model. In this way, the surface nodes of the FE model are used as Sp to apply RBF mesh morphing in the space. The detailed workflow shown in Fig. \ref{New}, in addition to the realization of the geometric model, provides for three main steps: \begin{enumerate} \item[-] CSM settings \item[-] RBF Morph application \item[-] CFD set-up \end{enumerate} \subsubsection{CSM settings.} Given that in this kind of FSI analysis the deformations of the fluid grid are imposed by the motion of the walls of the CSM domain, a structural simulation has to be conducted to obtain the deformed positions in the space during time. During the structural simulation, Source points ($S_p$) and Target points ($T_p$), that are the surface nodal positions of the grid in this case, are recursively extracted and stored in files. These files are structured as a list of nodes and the related displacements to obtain the nodes in the following sampled configuration. \subsubsection{RBF Morph application.} To apply the shape deformation without remeshing, the morpher RBF Morph is in this study employed \cite{Biancolini_2}. To delimit the morphing action, an encapsulation technique has to be implemented, defining in this way sub-domains or parts of the fluid domain within which the morpher action is applied \cite{RBF_user}. According to \cite{rbf_guide}, $S_p$ effectively used are a random subgroup which includes a percentage close to 2\% of the total extracted surface nodes of the structural model. A Radial Basis Function is selected and, when the settings of the procedure are completed, morphing solutions are calculated, each per morphing transitions, from the starting configuration to the final position of the model. Every transition, a new deformed mesh is generated and the solution files are stored. \subsubsection{CFD set-up.} Once all the morphed meshes are obtained, the CFD analysis is carried out every time step on a new deformed mesh, by using a specific script containing the RBF functions to update the nodal positions. \iffalse in Scheme Programming Language. This script is recalled \fi The script is run before the starting of the CFD simulation and it allows the automatization of the MultiSol tool of RBF Morph software in order to guarantee the synchronous implementation of the deformed shape in fluid environment. The nodal displacement inside two subsequent morphed positions is simply handled inside the Scheme script by means of a parameter called amplification A(t) which varies over time from 0 to $A_0$ (usually equal to +1 or -1). \iffalse Because of the samplings \fi Due to the sampling data available at different times, an accurate and effective solution can be obviously achieved, handling all the morphing deformations separately and linearly modulating the amplification within each of the sampled grids: calling $i$ the index that concerns all the mesh conformations $P_0$...$P_{n}$, the amplification $A_i(t)$ inside each time step can be evaluated as: \begin{equation} \medskip \label{eq:lin_amplification} \centering A_{i}(t) = \begin{cases} 0, & \mbox{if } t\leq t_{i}\\ \frac{t-t_{i}}{t_{i+1}-t_{i}}, & \mbox{if } t_i<t<t_{i+1}\\ 1, & \mbox{if } t\geq t_{i+1}\end{cases} \medskip \end{equation} In this way, the fluid grid is able to follow the displacements of the CSM mesh and solution can be quickly calculated every time step on a new deformed grid. In other situations, not only linear amplifications but also quadratic and sinusuoidal ones can be used to manage motion through morphing, to replicate more correctly the studied dynamics. \section{Implementation of the workflows to study the opening phase of a polymeric aortic valve} In this paper, both the presented FSI solution approaches are applied to study the opening phase of a P-PHV. This kind of analysis is conducted on a prosthetic valve to study its haemodynamic behaviour during the opening phase in which the leaflets or cusps \cite{Anderson,Iaizzo} are pushed open to allow the ejection of the blood flow and to investigate the effects of the solid domain (P-PHV) \iffalse towards \fi on the fluid domain (blood flow). The design of a prosthetic aortic valve is realised using the software SpaceClaim, following the geometry proposed in \cite{Jiang}, and then imported inside ANSYS Workbench (v193). Fig. \ref{CAD_T} depicts the CAD model of the polymeric valve here investigated and the fluid domain of the blood in which also the Valsalva sinuses are represented \cite{sinuses}. This fluid domain is obtained by a boolean intersection between the solid domain of the valve and a vessel made up of an inlet and outlet tube. \begin{figure}[ht] \centering \includegraphics[scale=0.625]{CAD_T.png} \caption{CAD model of the Polymeric-Prosthetic Heart Valve. Indications of aortic side (a) and ventricular side (b). Blood domain with the hollow volume of the valve (c).} \label{CAD_T} \end{figure} The computational grid of this structural model is made up of 300,000 tetrahedral elements and it is obtained inside ANSYS Meshing. The material chosen to model the valve is isotropic linear elastic with a Young's modulus of 3 MPa, and a Poisson's ratio of 0.4. The mesh of the fluid domain is obtained inside Ansa (v20.0.1) and made up of \iffalse 1564792 \fi 1.56 million tetra-hexaedral elements with a maximum starting Skewness (Sk) of 0.694. A velocity inlet and a systolic aortic pressure outlet varying over time boundary conditions have been provided. The flow model selected is Viscous-Laminar and the fluid is considered as incompressible and Newtonian with a viscosity of 4 cP. \subsection{Study of the valve using the remeshing workflow} \begin{figure}[!ht] \centering \includegraphics[scale=1.11]{Standard_workflow_valve_2.png} \caption{Flowchart of the FSI analysis implemented inside ANSYS Workbench to study the behaviour of a P-PHV using Remeshing Method.} \label{standard_valve} \end{figure} The workflow of the first approach based on remeshing and implemented inside ANSYS Workbench is proposed in Fig. \ref{standard_valve}. In this case, the displacements of a transient CSM in ANSYS Mechanical (v193) are transferred to the fluid domain inside ANSYS Fluent (v193) by means of System Coupling. The body of the prosthetic device is fixed \iffalse in \fi at its bottom surface. \iffalse, i.e. the circular ring in the ground.\fi Concerning the loads, a physiological time-varying pressure is uniformly applied to the ventricular portion of the valve to simulate the opening pressure. Fluent was used as the CFD solver, \iffalse activating the Dynamic Mesh \fi the Dynamic Mesh option was activated to deform and regenerate the computational grid \cite{Ansys_guide}: the \iffalse Spring-Laplace \fi Spring-based Smoothing Method and the Remeshing Method, two tools to solve the analysis of deformed domains due to boundary movement over time \cite{Si}, are applied. Inside the System Coupling component, all the surfaces of the valve in contact with the blood are set as fluid-solid interfaces and a time step of \iffalse 1e-5 \fi \num{e-5} s is selected. For the run, 48 cores of \textit{Intel(R) Xeon(4) Gold 6152 @2.10 GHz} and a 256 Gb RAM are used. \subsection{Study of the valve using the morphing approach} \begin{figure} \centering \includegraphics[scale=0.31]{New_workflow_valve2.PNG} \caption{Flowchart with the application of morphing.} \label{New_valve} \end{figure} The novel workflow, based on a RBF mesh morphing, also in this case developed into the ANSYS Workbench environment is shown in Fig. \ref{New_valve} which depicts the overall incremental procedure; in particular, the System Coupling component, fundamental in the previously shown approach, \iffalse here \fi is not employed here. Results obtained with the use of RBF Morph software are compared \iffalse to \fi with those achieved using Fluent remeshing tools. They are reported in terms of pressure map, velocity streamlines, 2D velocity contours on a section plane A-A (Fig. \ref{section-p}) and computational time. \begin{figure}[ht] \centering \includegraphics[scale=1.83]{section_plane.png} \caption{Fluid domain with the section plane A-A (a); section plane A-A (b)} \label{section-p} \end{figure} \subsubsection{Structural simulations.} The same CSM analysis implemented in the remeshing approach with the same time-varying physiological pressure is conducted. A specific Application Customization Toolkit (ACT) Extension, i.e. a method to achieve custom applications inside ANSYS Mechanical, is developed to extract the deformed configurations of the leaflets and collect Sp and Tp according to a sampling time chosen by the user: in this first case, ten different surface nodal positions ($P_0$...$P_9$) are collected sampling every 2 ms (0-18 ms). \subsubsection{RBF Morph set-up.} The RBF Morph Fluent (v193) Add-On is adopted: the RBF are used to step by step project the $S_p$ to the $T_p$ and interpolate the displacements of the volume nodes inside the blood domain over time. RBF Morph tools may impose a blood domain adaptation in the CFD analysis following the deformed shapes of the valvular domain, extracted from the previous CSM simulation. In the case of the valve, to control the morphing action in the space, no encapsulation volumes \cite{RBF_user} are generated but a fixed Surf Set (with null displacement during the movement of the leaflets) on the wall of the Sinotubular Junction (STJ) \cite{Maselli} is preferred (Fig. \ref{SP-TP}). In this way, since the distortion of the mesh is extremely high, such deformations can be distributed also in the other zones of the fluid domain and not only in proximity to the valve. \begin{figure}[ht] \centering \includegraphics[scale=0.45]{SP-TP_2.png} \caption{First morphing step of the opening: Sp on the surface of the valve and fixed Surf Set on the wall of the Valsalva sinuses (a), Tp on the surface of the prosthetic device to obtain a first movement keeping stationary the points on the STJ surface (b).} \label{SP-TP} \end{figure} \begin{figure}[!t] \centering \includegraphics[scale=0.5]{Strategy.PNG} \caption{Backwards/Forwards strategy: step 1 represents a backwards morphing procedure from $P_2$ (partially open position) to $P_0$ (initial position) while step 2 allows to reach position $P_9$ (completely open) starting from position $P_0$. This strategy \iffalse allows to prevent \fi prevents excessive mesh quality degradation.} \label{morphate} \end{figure} To prevent mesh quality reduction, in this work the bi-harmonic kernel $\varphi(r)=r$ is used: it is the RBF that guarantees to keep the mesh quality degradation at minimum \cite{Bi-h}. The nine solutions are calculated using the Solve Panel of the software, each per morphing action. Two different strategies are evaluated: \begin{itemize} \item \textit{Forwards}: from $P_0$ (initial position) directly to $P_9$ (totally open position). \item \textit{Backwards/Forwards} (Fig. \ref{morphate}): extracting a new already deformed valve in position $P_2$ of which a new mesh is achieved, from $P_2$ going back to $P_0$ (backwards - step 1) and then from $P_0$ moving on to $P_9$ (forwards - step 2). \end{itemize} The first strategy produced an excessive mesh distortion with negative cells volume in particular at the centre of the leaflets. No mesh problems are detected with the adopted second approach as it started from a robust mesh in intermediate configuration that was modified partly to return to the initial position and partly to reach the full opening phase. \subsubsection{Fluent setting.} The same time step of the standard approach (\num{e-5} s) is selected. The flow is initialized with the valve in position $P_0$ and the Scheme file with the amplification of each of the nine different transitions is \iffalse recalled \fi inside Fluent. The amplification used for the displacements between $P_1$ and $P_9$ is linear as shown in (\ref{eq:lin_amplification}). Instead, the use of a quadratic amplification $A_0(t)$ between $P_0$ and $P_1$ is preferred in order to more realistically replicate the rapid opening of the prosthesis: \begin{equation} \medskip \label{eq:quad_amplification} \centering A_{0}(t) = \begin{cases} 0, & \mbox{if } t = 0\\ (\frac{t}{t_{1}})^2, & \mbox{if } 0<t<t_{1}\\ 1, & \mbox{if } t\geq t_{1}\end{cases} \medskip \end{equation} Using \iffalse Thanks \fi to this workflow, the FSI simulation can be conducted only by means of this CFD analysis in which the mesh is updated every time step. \subsection{Full systolic movement using RBF mesh morphing} Given that morphing is found to be several times faster than remeshing tools, a complete opening cycle of the valve for a total of 130 ms is simulated, allowing the valve not only to open but also to provide for all the cardiac ejection and return to a position close to the initial one. For these reasons, a new structural simulation is carried out on the same 130 ms to allow the extraction of further surface nodes during time: ten additional valvular positions are sampled after the systolic peak, corresponding to the descending portion of the inlet velocity curve reported in Fig. \ref{total_morphing}, in which the valve begins closing and it comes back in a position similar to the initial one. In Fig. \ref{table_pos}, the time in which the morphing positions are sampled is reported in detail. Once opened, the P-PHV starts weakly swinging; all these small vibrations can be neglected in term of variation of Geometric Orifice Area (GOA), as shown in \cite{Pfensig,Maleki}. This means that the conformation of the valve between $P_{9}$ and $P_{10}$ remains quite similar, that's why no samples are taken in this interval (18 ms - 58 ms). Moreover, since the movement of the valve is slower in the section between the systolic peak and the beginning of the diastole than the more abrupt opening at the beginning of the systole, as reported in \cite{Zakerzadeh}, positions samplings may take place every 8 milliseconds and not every 2, thus saving computational time for morphing transformations. Time step selected for this simulation is \iffalse 5e-4 \fi \num{5e-4} s. \begin{figure}[!ht] \centering \includegraphics[scale=0.85]{sampling_vel_valve.png} \caption{Valvular positions sampled during the systolic phase referred to the velocity of blood flow for the inlet.} \label{total_morphing} \end{figure} \begin{figure}[!ht] \centering \includegraphics[scale=1.03]{table_positions.PNG} \caption{Set of all the samples collected over time. } \label{table_pos} \end{figure} \section{Results and Discussions} \subsection{Remeshing and morphing results} The first important parameter to check in the implementation of both the approaches is the Skewness: no negative cells are detected and maximum Sk values are 0.858 and 0.961 respectively for the procedure implemented through remeshing and morphing. No convergence issues due to mesh degradation are recorded. In this work, pressure and velocity results of the 3D-model at a specific and significant time step are shown using the CFD-Post software. In addition, a case comparison between the velocity contours on the A-A section plane at 4 different time instants is carried out to evaluate the differences between the two techniques presented. \begin{figure}[!ht] \centering \includegraphics[scale=0.98]{Pressure.png} \caption{Volume rendering of the pressure at t=7 ms, when the valve is for the first time open: remeshing approach (a), morphing approach (b).} \label{pressure} \end{figure} \textit{Pressure map -} A 3D-pressure rendering at the time in which the valve is for the first time open (7 ms) is represented in Fig. \ref{pressure}; as \iffalse it \fi can be observed, no significant differences in terms of pressure values are recorded between the two approaches: the mean pressure are 69.64 mmHg and 70.31 mmHg respectively for the simulation based on remeshing and the analysis using mesh morphing (difference of less than 1\%). \textit{Velocity streamlines -} Streamlines of both the solution methods are reported in Fig. \ref{Streamlines}. It is possible to observe how in this 3D-representation the local maximum values are placed in the same zones. Maximum local fluid velocities are reached right at t=7 ms because the fast movement of the leaflets pushes away the blood: maximum value for the FSI implemented with the novel approach is 3.011 m/s, about 5.6\% less than the value detected in the analysis based on remeshing, that is 3.189 m/s. \begin{figure}[ht] \centering \includegraphics[scale=0.14]{Streamlines.png} \caption{Streamlines at t=7 ms: FSI using remeshing (a), FSI using morphing (b).} \label{Streamlines} \end{figure} \textit{Velocity contours -} To investigate in more depth the differences between remeshing and morphing, velocity contours on the plane passing through the centre of the valve, shown in Fig. \ref{section-p}, are evaluated. Four different evenly spaced time steps are here reported (Fig. \ref{contour-p}): 3 ms, 7 ms, 11 ms, 15 ms. To better identify these differences, in the same picture the case comparison by exploiting the subtraction in absolute value between the velocity of remeshing and morphing is also evaluated. The numerical results of interest are reported in Table \ref{tab:table_res}. Here, maximum and average velocity values on the section plane A-A for both the approaches are evaluated. The local maxima in both cases are significantly above the physiological values normally found. This is due to the motion imposed on the valve which pushes strongly fluid close to the leaflets during opening. Moreover, the high difference that emerges from the image with the case comparison is mainly attributable to the difference between local maxima moved slightly in the 2-D space. The maximum difference detected between the maximum values occurs after 11 milliseconds when the morphing value is 6.4$\%$ lower than that of remeshing. In the case of the average value, the highest gap is at t=15 ms: in this case, the FSI carried out by means of morphing returns a value 0.063 times lower than the simulation with remeshing. However, despite a very high stretching of the elements, there are no marked irregularities in the case of mesh morphing. \begin{figure}[h!] \centering \includegraphics[scale=1.2]{contour_velocity.PNG} \caption{Velocity contours during the opening of the valve: results of 4 different time instants for remeshing, morphing and case comparison obtained as absolute value of the subtraction.} \label{contour-p} \end{figure} \begin{table}[h!] \begin{center} \caption{Values obtained for the analysis of velocity on the section plane A-A.} \begin{tabular}{|c|c|c|c|} \hline TIME & Max. velocity remeshing & Max. velocity morphing & Difference between Max.\\ \hline t=3 ms & 0.388 & 0.381 & -0.007 (-1.8$\%$) \\ t=7 ms & 3.004 & 2.937 & -0.067 (-2.2$\%$)\\ t=11 ms & 3.432 & 3.211 & -0.221 (-6.4$\%$)\\ t=15 ms & 2.216 & 2.088 & -0.128 (-5.8$\%$)\\ \hline \end{tabular} \vspace{0.5cm} \begin{tabular}{|c|c|c|c|} \hline TIME & Ave. velocity remeshing & Ave. velocity morphing & Difference between Ave.\\ \hline t=3 ms & 0.081 & 0.079 & -0.002 (-2.4$\%$)\\ t=7 ms & 0.289 & 0.294 & +0.005 (+1.7$\%$)\\ t=11 ms & 0.456 & 0.434 & -0.022 (-4.8$\%$) \\ t=15 ms & 0.788 & 0.738 & -0.050 (-6.3$\%$)\\ \hline \end{tabular} \label{tab:table_res} \end{center} \end{table} \textit{Computational time -} The time required to run the simulation \iffalse calculate the solution \fi is the most interesting difference between these two solution methods: with the same number of elements and \iffalse to \fi parity of time step (\num{e-5} s), the standard workflow requires 6283 minutes to solve the problem while the CFD analysis with the morphing application only 396 minutes, approximately 16 times faster. Furthermore, if time step is increased, Fluent solver using remeshing starts having troubles and the obvious consequence is the non convergence of the model. This phenomenon does not happen with morphing \iffalse by \fi for which the time step can be \iffalse highly \fi increased significantly without problems and solution time can be reduced up to 60 times compared \iffalse to \fi with that of remeshing. \subsection{Global systolic phase simulated through mesh morphing} The simulation with the motion of the walls imposed on the entire systolic phase is correctly completed by means of mesh morphing. The velocity contours computed on plane A-A (Fig. \ref{section-p}) and the 3D representations of the P-PHV are shown in Fig. \ref{tot_morphing}. As it can be seen, after 20 ms, the propagation of the blood flow is still strongly affected by the abrupt opening of the valve itself and the local maxima of velocity are located exclusively in proximity of the leaflet. Near the systolic peak instead, the highest velocity region is more evenly distributed in the central orifice area of the valve as the leaflets have now completed their opening and no longer push fluid against the sinuses of Valsalva. At t=80 ms, passed the flow peak, the valve is already starting to close reducing its orifice area while after 110 ms the prosthesis is very close to achieving the final configuration: in this case, as it can be seen, the 2D velocity contour distribution is very similar to the one shown after 3 ms in Fig. \ref{contour-p}. By means of the new time step and through mesh morphing, 311 minutes are required to run the simulation. \begin{figure}[ht] \centering \includegraphics[scale=1.0]{total_flow.PNG} \caption{Four velocity contours during all the systole and the corresponding valvular positions with the flow lines.} \label{tot_morphing} \end{figure} \section{Conclusions} In this work, a fast high fidelity workflow for a multi-physics Fluid-Structure Interaction analysis exploiting ANSYS Workbench and RBF Morph is presented. In particular, this powerful system has proved to be useful and accurate in all those applications \iffalse in \fi for which the movement of the fluid domain is strongly controlled by the deformation of the solid one as in the case of valves or bodies, in contact with a fluid, whose motion is known or imposed. The possibility to replicate the non-linear analysis in which the motion of a solid model is transferred to a fluid domain carefully handling the interfaces is demonstrated. In a specific application case, the attempt to transfer aortic valve opening kinematics to the CFD analysis through a mesh morphing technique \iffalse results to be \fi is successful and the effectiveness of the FSI simulation implemented through mesh morphing to reproduce the fluid dynamic field of the aortic valve is here shown and validated. Morphing has turned out to be very consistent in comparison \iffalse to \fi with remeshing. Further research is needed to asses in more detail the differences between these two distinct approaches. It is clear that in order to reproduce the dynamics of the blood flow even more faithfully, a 2-way FSI should be set up. However, further studies are in progress to propose this 1-way approach to realise a 2-way Fluid-Structure Interaction where the exchange of information between the two different physics occurs at the end of each cardiac cycle and not time step by time step. In this way, the cost of the 1-way solution would be preserved and repeated over several cycles with the appropriate update of the boundary conditions. The key point is that this novel workflow on a 1-FSI analysis about the study of the opening of a polymeric aortic valve has shown a reduction of the simulation time up to 16 times in comparison \iffalse to \fi with that required by remeshing methods using the same time step. Furthermore, this important saving in computational time and the possibility of increasing the time step have made it possible to study the whole systole, managing the full movement of the valve during this phase. Until now, numerical FSI simulations in medical field have been used in a restricted manner precisely because of the long time required to solve them, as in the case of heart valve computational analyses. Dealing with clinical trials, this approach could ensure a considerable time saving with a decrease of the final mesh quality which results acceptable for the numerical solver here adopted. This new workflow has definitely broken down this limit, granting in this case the possibility to test several models of P-PHV in a lot of flow conditions. In addition, a parametric design of P-PHV combined with this method could finally make a strong contribution to the patient-specific aortic valve replacement. \section{Acknowledgment} The research has received funding from the European Union’s Horizon 2020 research and innovation programme under the Marie Skłodowska-Curie grant agreement No 859836, MeDiTATe: ``The Medical Digital Twin for Aneurysm Prevention and Treatment", and has been partially supported by RBF Morph\textsuperscript\textregistered.
bd7a91eebd7c8b2dc5d900bfc1196a0b1785d61e
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} In recent years, the introduction of deep learning has dramatically improved the recognition accuracy of automatic speech recognition systems (ASR). However, most research on ASR often focuses only on a single language speech. Therefore, for ASR systems that support multiple languages, it has been proposed to use a language-specific ASR system after a language identifier has been performed \cite{Kim/2020}. However, since this approach requires sophisticated language identifiers and language identification becomes difficult when short utterances or certain phrases or words are frequently code-switched to be replaced by another language, multilingual ASR methods that do not use language identifiers have also been studied. For example, a multilingual ASR system that performs language identification at the beginning of an utterance is being studied as a multilingual speech recognition system that does not use a language identifier \cite{Seki/2018}. There is also an increasing amount of research dealing with code-switching, in which an utterance contains words in more than one language \cite{Zeng/2019}. However, training these neural network-based ASR models requires large amounts of multilingual speech data, which may make it impossible to build highly accurate speech recognition systems when the amount of training data is small. Therefore, we have studied deep learning-based ASR that can handle multiple languages simultaneously with a single speech recognition model \cite{Hara/2017, Hayakawa/2021}. For example, in our previous study \cite{Hara/2017}, we proposed a Hidden Markov Model (HMM)-Deep Neural Network (DNN) model \cite{Kaldi} using the International Phonetic Alphabet (IPA) model as a common language phoneme. However, the hybrid ASR model had many language identification errors and was often misrecognized as phonemes of other languages. In recent years, ASR has been shifting from a hybrid HMM-DNN approach to an end-to-end (E2E) approach, and the E2E framework is more favorable for multilingual simultaneous ASR models. Hayakawa et al. \cite{Hayakawa/2021} proposed a method that attempts to extract language and speaker-universal acoustic features suitable for language and speaker-independent speech recognition in the E2E framework. This E2E model is a multitasking model that simultaneously performs language identification and speaker recognition in addition to speech recognition. By applying a gradient reversal layer (GRL) \cite{GRL} to the language identification and speaker recognition tasks, they have shown that the proposed method achieves language and speaker-independent acoustic feature extraction, improving simultaneous multilingual ASR accuracy. Here, examples of spectrograms of spoken utterances in the six languages treated in the previous study \cite{Hayakawa/2021} are shown in Fig. \ref{fig:spectrogram}. These examples of spectrograms also show that different frequency bands are used depending on the phoneme system of each language. In the case of Japanese, the energy is concentrated in a relatively low-frequency band, while in French, the energy is distributed over a wide band. Assuming that the acoustic characteristics of the speech of each language are represented in the spectrogram, we can suppose that it is necessary to take into account such characteristics of the spectrogram in order to construct a multilingual ASR system with higher accuracy. In other words, if a framework that considers the characteristics of frequency bands can be introduced into a multilingual simultaneous ASR system, we believe that multilingual ASR using the characteristic information of each language can be realized. \begin{figure*}[tb] \centering \includegraphics[width=2.0\columnwidth]{spectrogram-crop.pdf} \caption{Speech Spectrograms for six languages} \label{fig:spectrogram} \end{figure*} \begin{figure*}[tb] \centering \includegraphics[width=1.8\columnwidth]{model-crop.pdf} \caption{Multilingual E2E ASR models} \label{fig:model} \end{figure*} Therefore, this paper proposes a multilingual ASR model that uses a frequency-directional attention mechanism as a framework for successfully capturing frequency features in spectrograms. We show that the E2E model with the frequency-directional attention mechanism improves the accuracy of multilingual ASR. Although no study has been proposed to consider the frequency-directional attention mechanism in multilingual speech recognition, frequency-focused ASR models have been proposed for monolingual ASR. For example, Li et al. \cite{Li/2015}, proposed to input the features of the frequency bins at each time point into the Long Short-Term Memory (LSTM) layer in the frequency direction before inputting the speech features into the LSTM layer in the time direction. Segbroeck et al. \cite{Segbroeck/2020} modified this method to analyze speech under different speech analysis conditions and input the acoustic features extracted in each condition into the multi-stream frequency-axis LSTM layer. Although E2E ASR focusing on feature extraction in the frequency direction has been proposed, there are few examples of research on ASR models that apply an attention mechanism in the frequency direction. However, simultaneous temporal and frequency-directional attention mechanisms have been proposed in voice activity detection (VAD)\cite{Lee/2020} and speech enhancement processing \cite{Tang/2020}. We propose the use of the Transformer \cite{transformer}, which has been introduced in E2E speech recognition in recent years with great success, as an attention mechanism in the frequency direction. A Transformer model has been introduced in ASR tools such as ESPnet \cite{espnet}, but most ASR models use them as an attention mechanism in the temporal direction, and no ASR system uses them as an attention mechanism in the frequency direction. In this study, each frame of the 40-dimensional logarithmic Mel filter bank (Mel-fbank) output is input to the Transformer-encoder, which performs a language-specific acoustic feature transformation and thus is expected to improve ASR accuracy. Our E2E ASR model with the frequency-directional Transformer is trained and evaluated on six different languages in the multilingual ASR experiment. The experimental result showed that using the frequency-directional Transformer improved the average phoneme error rate of the six languages by 5.3 points (relatively 20\%) compared to the case without the frequency-directional Transformer. The result demonstrated the effectiveness of using the frequency-directional attention model in multiple ASR. In consideration of the above, the contributions of this paper are as follows: \begin{itemize} \item The first adaptation of a Transformer-based attention to the frequency direction in an E2E ASR model, and showing its effectiveness in improving the accuracy of multilingual ASR. \end{itemize} \begin{figure}[tb] \centering \includegraphics[width=0.95\columnwidth]{transformer-crop.pdf} \caption{Architecture of the feature converter based on the frequency-directional attention model} \label{fig:transformer} \end{figure} \section{Frequency-Directional Attention Model} \label{sec:model} In this study, we propose a multilingual ASR E2E model based on speech feature transformation focusing on frequency bands in order to build a single speech recognition system for multiple languages. Specifically, the E2E ASR model is based on a neural network that takes log Mel-fbank features as input, where the Connectionist Temporal Classification (CTC) \cite{ctc} is used as the loss function. A feature converter with an attention mechanism that characterizes each frequency bin of the log Mel-fbank features is connected to the ASR model. Figure \ref{fig:model} shows the architecture of the baseline model and proposed model. In the baseline model, the input features are transformed by four CNN layers. This is a very common method. After that, the CTC loss is computed through a Bidirectional LSTM (BiLSTM) layer and a fully-connected (FC) layer. Figure \ref{fig:model}(b) shows the proposed model. Although the baseline model uses only CNN layers for feature conversion, the proposed model applies a Transformer-encoder-based frequency-directional attention mechanism to the output of the second CNN layers. The Transformer-encoder introduced in this study has the following two characteristics. \begin{itemize} \item Acoustic features at a certain time ($x_1, x_2, ..., x_n$, where $n$ is number of frequency bins) are transformed into an embedding vector ($z_1, z_2, ..., z_n$) by a multi-head self-attention mechanism. \item The self-attention mechanism refers to all frequency bins in the feature vector. \end{itemize} Using these characteristics, the Transformer-encoder directs attention to each frequency band of input acoustic features and perform an acoustic feature transformation. The 40-dimensional log Mel-fbank outputs are used as acoustic features. Acoustic features based on the log Mel-fbank outputs have specific frequency band information in each dimension because of the way the features are extracted. Feature transformation is performed by directing attention to each frequency band with the Transformer-encoder. We assume that this will improve the language discrimination capability and improve the performance of the multilingual ASR model. The proposed method needs to maintain temporal information of acoustic features in addition to frequency information, because the goal of this research is to improve the performance of the multilingual ASR task. However, using the Transformer-encoder in an E2E ASR model, an attention mechanism is usually directed only in the temporal direction. Therefore, the input features are transformed, as shown in Fig. \ref{fig:transformer}. The mini-batch data is represented by the tensor shown in the lower left in Fig. 3. It is first input to the convolutional layer and then compressed in half in the time direction by the pooling layer behind the convolutional layer. Decomposing this with respect to the batch dimension, we can get the transformed feature represented by a 3-dimensional tensor of ($T/2, F, units$). In this study, $F$ and $units$ are 40 and 16, respectively. By passing this through a Transformer-encoder layer, we can finally convert the feature with attention to the frequency direction. This process is repeated for the number of batch sizes and finally returned to the original tensor format, as shown in the upper left of Fig 3. This makes it possible to adapt the attention mechanism to the frequency band of all the data and still maintain temporal information. \begin{table}[t] \centering \caption{The Dataset statistics and number of phoneme types in each language} \label{tbl:experiment_data} \vspace*{-2mm} \scalebox{1.0}{ \begin{tabular}{c|c|c|c} \hline\hline language & training & test & number of phonemes \\ \hline Czech & 17 [h] & 2.7 [h] & 41 \\ English & 17 [h] & 2.6 [h] & 39 \\ French & 17 [h] & 2.0 [h] & 38 \\ German & 17 [h] & 1.5 [h] & 41 \\ Japanese &17 [h] & 5.1 [h] & 39 \\ Spanish & 17 [h] & 1.7 [h] & 40 \\ \hline All & 102 [h] & 15.6 [h] & 238 \\ \hline\hline \end{tabular} } \end{table} \section{Experiments} \subsection{Experimental Setup} Table ~\ref{tbl:experiment_data} shows the statistics of datasets used in this paper. We prepared six different languages speech corpora as follows: \begin{itemize} \item Spanish, Czech, German and French from the GlobalPhone \cite{globalphone} \item English from the TED-LIUM corpus \cite{tedlium} \item Japanese from Corpus of Spontaneous Japanese \cite{csj} \end{itemize} In practice, the duration of training data differs for each speech corpus. In this study, the duration of training data for each language was standardized to 17 hours for German, which has the smallest amount of data. By unifying the duration of training data, we can confirm the effectiveness of the proposed method by removing the influence of the deterioration of ASR performance caused by the variation in the amount of training data. The CTC-based E2E model has 240 output dimensions, including \verb|<blank>|, \verb|<unk>|, and 238 phonemes, as shown in Table \ref{tbl:experiment_data}. In other words, a phoneme recognition model is trained in this study. The reason for using the phoneme-based ASR model is to reduce the difference in the number of output symbol types for each language and evaluate whether the model can accurately capture differences in phonemes while identifying languages. For example, in Japanese, which includes Kanji characters, the number of output nodes is large (several thousand or more) due to a large number of character types, but by using phonemes, the conditions are almost the same for all languages. Therefore, the phoneme error rate (PER) is used as the evaluation measure. The output of the model is decoded into a sequence of phonemes using beam search and rescored using a phoneme-based 3-gram language model for all languages. The beam width was set to 20, and the probability weight of the language model was set to 1.0. \begin{table} \centering \caption{Hyper-parameters for the model training} \label{tbl:parameter} \vspace*{-2mm} \begin{tabular}{c|c} \hline\hline Feature & Log Mel-fbank (40 dim.) \\ Num. of epochs & 20 \\ Mini-batchsize & 8 utterances \\ Optimization & Adam (beta1:0.9, beta2:0.999) \\ Dropout ratio & 0.1 \\ Loss func. & CTC \\ \hline\hline \end{tabular} \vspace*{3mm} \end{table} \begin{table}[tb] \centering \caption{PERs [\%] in each model} \label{tbl:result} \vspace*{-2mm} \scalebox{1.0}{ \begin{tabular}{c|c|c} \hline\hline language & baseline & proposed \\ \hline Czech & 20.9 & {\bf 17.2} \\ English & 40.1 & {\bf 31.5} \\ French & 22.5 & {\bf 15.7} \\ German & 29.7 & {\bf 22.9} \\ Japanese & 25.9 & {\bf 22.5} \\ Spanish & 21.1 & {\bf 15.6} \\ \hline All languages & 26.6 & {\bf 21.3} \\ \hline\hline \end{tabular} } \end{table} \begin{figure*}[tb] \centering \includegraphics[width=1.95\columnwidth]{Attention_plot-crop.pdf} \caption{Visualization of frequency-directional attention weights for six languages} \label{fig:attention} \end{figure*} \subsection{Training models} To confirm whether the frequency-directional attention mechanism is an effective method in multilingual ASR models, we conduct a comparison experiment with a model that does not use the frequency-directional attention mechanism. The models to be compared are as described in Section \ref{sec:model}, the Transformer Encoder has four layers and four multi-heads, the size of the d model is 16, and the dimension of the feed-forward network is 64. The parameter size of each model is smaller, about 4M for the proposed model compared to about 13M for the baseline model. The hyper-parameters used for training are shown in Table \ref{tbl:parameter}. The learning rate was set to 0.0001 for the baseline model, and the proposed method used warm-up scheduling according to the following equation. Since the warm-up step was set to 5000, the learning rate follows equation (\ref{learning_rate_1}) when the warm-up step is less than 5000 steps and changes according to equation (\ref{learning_rate_2}) when the warm-up step is greater than 5000 steps. \begin{equation} \label{learning_rate_1} lrate = 256^{-0.5} \times step\_num \times 5000^{-1.5} \end{equation} \vspace*{-4mm} \begin{equation} \label{learning_rate_2} lrate = 256^{-0.5} \times step\_num^{-0.5} \end{equation} \subsection{Results} Table ~\ref{tbl:result} shows the PERs of the evaluation set. The proposed method outperforms the baseline model without the frequency-directional attention mechanism by 5.3 points (relatively 20\%) in PER for all languages. The language-specific PERs also show improvement compared to the baseline. This shows that adding the Transformer attention mechanism in the frequency direction improves the performance in multilingual ASR. Figure \ref{fig:attention} is a heat map visualizing the weights of the attention mechanisms in a certain section of speech data for each language (two sections for each language). The vertical axis shows the input features (40-dimensional log Mel-fbank output), and the horizontal axis shows the Transformer-encoder output (40 dimensions). For example, we can see that Japanese, which uses many vowels, pays more attention to the low-frequency band, while the Latin languages, which use many consonants, pay more attention to the high-frequency band. Thus, the Transformer-encoder for the frequency direction is used to perform feature conversion that captures the characteristics of the language. This is considered to contribute to the improvement of multilingual ASR performance. \section{Conclusions} This paper proposed a novel method to introduce a frequency-directional attention mechanism into the CTC loss-based E2E model for multilingual ASR. Transformer-encoder is used as the attention mechanism, which converts log Mel-fbank features, and it achieved an ASR model that takes advantage of the characteristics of each language. The results of multilingual ASR experiments showed that the proposed model significantly outperformed the ASR accuracy of the baseline model. In addition, by visualizing the weights of the attention mechanism, we confirmed that the feature transformation was performed based on the characteristics of each language. These results indicate that the frequency-directional attention mechanism is useful in multilingual ASR. In the future, we are going to evaluate an improved ASR model that simultaneously applies an attention mechanism for both the temporal direction and the frequency direction to the attention mechanism. In addition, it is possible that this method can also make good use of the characteristics of each speaker's speech, instead of using multilingual speech recognition. For example, we would like to evaluate this method for the elderly speech that is difficult to recognize. \section{Acknowledgements} This work was supported by JSPS KAKENHI Grant Number 21H00901. Besides, a part of this work was also supported by the Hoso Bunka Foundation. \newpage \bibliographystyle{IEEEtran}
37ef675080c930bf9eb9b48804ce68d35fe98ac1
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} While numerous astronomical observations strongly support the existence of dark matter~\cite{Planck2018}, its identity remains one of the biggest mysteries of modern physics. Axions were initially motivated to solve the Strong CP problem~\cite{PhysRevD.16.1791, PhysRevLett.38.1440,PhysRevLett.40.223,PhysRevLett.40.279}, but also turned out to be excellent candidates for dark matter~\cite{PRESKILL1983127,ABBOTT1983133,DINE1983137}. Axions in the mass range 40--400$\,\mu$eV are particularly favored in the scenarios where the Peccei-Quinn symmetry breaks after cosmic inflation~\cite{Borsayini,Dine:2017swf,Klaer:2017ond,Buschmann:2019icd,Buschmann:2021sdq,Ballesteros:2016euj}. Unfortunately, most existing axion dark matter searches are not optimized in this mass range. They utilize axion-photon coupling resonantly enhanced inside a cavity~\cite{PhysRevD.32.2988, PhysRevD.36.974, PhysRevLett.120.151301, PhysRevLett.118.061302}. While the strategy has been extraordinarily successful in the mass below $\mathcal{O} (10)~\mu$eV, it becomes rapidly inefficient as the mass increases. The cavity's volume shrinks inversely proportional to the axion mass. The shrinking volume reduces the signal power and increases the search time. Dielectric haloscopes are promising alternatives. They detect axion-induced traveling waves from dielectric interfaces~\cite{PhysRevLett.118.091801, orpheus}. The traveling waves resonate only in the propagating direction and not in the transverse dimensions. Their signal power can increase proportionally to the area of the dielectrics, independent of the axion mass. Wave detection using a horn antenna or tapered waveguide can couple to the exact transverse mode of interest, not the unwanted higher-order modes. Unfortunately, the larger dielectric also requires a larger magnet. In addition, the traveling wave detection system also requires a long optical path perpendicular to the magnetic field. As a result, the dielectric haloscopes need a large custom dipole magnet. Another recent proposal suggests using a \emph{thin-shell cavity}: two parallel conducting plates separated by one half wavelength~\cite{Kuo_2020,Kuo_2021}. The plates support only the fundamental transverse modes. The cavity's volume can increase independent of the frequency in two other dimensions. The design varies the separation width to scan a wide axion mass range. The detector coherently sums the signals from multiple ports to filter out the unwanted high-order modes. The system can also fit in a simple solenoid magnet. We point out two challenges of the design. First, the tuning mechanism allows multiple degrees of freedom and is mechanically complicated. Slight misalignment or tilt of the mechanism splits or shifts the peaks. Synchronized operation of multiple such cavities will be even more challenging. Second, the plates still host multiple vertical higher-order modes, TE/TM $1ml$ and $0ml$, and identifying them with dipole antennas becomes rapidly challenging. These unwanted modes overlap with the desired modes and limit vertical scale-up. In addition, coherent signal summing is not proven in a resonant setup. In this paper, we propose a novel axion detector concept that takes advantage of both the \emph{thin-shell cavity} and the dielectric haloscope. Our proposed Transversely Resonant Axion eXperiment (T-RAX) utilizes an elongated rectangular waveguide as a large-volume resonator with few higher-order modes. Our approach adds dielectric slabs to induce longitudinal resonance and to tune the system. To collect the axion-induced signal, T-RAX uses a tapered waveguide, which is relatively simple and easy to implement. T-RAX can potentially sense some QCD-axion models in the centimeter-wave range, but it is also relatively small and can fit inside a solenoid magnet. In the next section, we discuss the principle of T-RAX. In Sec.\,\ref{sec:simulation}, we present the result from finite element method simulations. In Sec.\,\ref{sec:packaging}, we discuss how to reduce the detector profile to fit it inside a solenoid magnet. In Sec.\,\ref{sec:sensitivity}, we discuss the projected sensitivity of T-RAX. Finally, we summarize and conclude in Sec.\,\ref{sec:conclusion}. \section{Theory}\label{sec:theory} In this section, we develop a simple model of T-RAX, a dielectric haloscope operating near a waveguide's cutoff frequency. First, we show how the axion induces a strong transverse resonance between two parallel plates. Then we discuss how this resonating standing wave generates a traveling wave from a shorted end. Finally, we will see how an additional longitudinal reflection can further boost the traveling wave power. \subsection{Transverse resonance of parallel plates} Fig.~\ref{fig:TransverseResonance} displays two infinite conducting plates at $x=0$ and $a$ in free space with a wave impedance $Z_0$. A strong external DC magnetic field $B_e$ runs parallel to the plates ($y$-axis). The axion field $a$ couples with $B_e$ and induces an electric field in the vacuum parallel to the plates. The electric field oscillates with frequency $\nu_a = \frac{m_a}{h}$, where $m_a$ is the axion mass and $h$ is the Planck constant. The electric field has an amplitude \begin{equation} E_0 = \frac{\alpha}{2\pi\varepsilon_0} C_{a\gamma} B_e \theta \simeq 1.3 \times 10^{-12} \text{\,[V/m]} \frac{B_e}{10\text{\,T}} |C_{a\gamma}|. \end{equation} Here, $\alpha$ is the fine structure constant, $\varepsilon_0$ is the vacuum electric permittivity, $C_{a\gamma}$ is the model-dependent dimensionless axion-photon coupling, and $\theta$ is the axion field. We also assume that the axion is responsible for all dark matter density. $E_0$ excites two transversely travelling waves moving forward and backward, along the $x$-axis. They have complex amplitudes $F$ and $B$ at $x=0$ and a transverse wave number $k_x$. We calculate $F$ and $B$ by applying the following boundary conditions at the plates: \begin{equation} \begin{split} F + B + E_0 &= 0 \text{ at } x=0\text{, and} \\ F e^{-ik_xa} + B e^{ik_xa} + E_0 &= 0 \text{ at } x=a. \end{split} \end{equation} The equations above yields \begin{equation} \begin{split} F &= - \frac{1}{1 + e^{-ik_xa}} E_0\text{ and}\\ B &= - \frac{e^{-ik_xa}}{1+e^{-ik_xa}} E_0. \end{split} \end{equation} \begin{figure} \begin{center} \input{transverse_resonance} \caption{\label{fig:TransverseResonance} Diagram for the transverse resonance.} \end{center} \end{figure} The sum of $F$ and $B$ forms a standing wave. The electric field $E^{tr}_y$ at the center of the waveguide ($x=\frac{a}{2}$) is \begin{equation} \begin{split} E^{tr}_y &= F e^{-ik_x a/2} + B e^{ik_x a/2} \\ &= - \frac{E_0}{1 + e^{-ik_x a}} (e^{-ik_x a/2} + e^{-ik_x a/2})\\ &= - \frac{2 E_0 }{e^{ik_x a/2} + e^{-ik_x a/2}} \\ &= - \frac{E_0}{\cos{\frac{k_x a}{2}}}. \end{split}\label{eq:e_tr_transverse} \end{equation} $|E^{tr}_y|$ diverges to infinity as $k_x a \to \pi$\footnote{$E_0$ also excites $k_x a = 3\pi, 5\pi, ...$ if the spacing between the plates is wider, \emph{i.e.} $E_0$ excites TE30 and TE50 modes. Unfortunately, extracting power from these modes is practically very challenging.}, at the TE10 mode cutoff frequency. The divergence is expected because the parallel plates form a loss-less cavity with an infinite quality factor. Unlike a cavity, however, $-\frac{1}{\cos{\frac{k_x a}{2}}} \gg 1$ even when $k_x a $ is slightly larger than $\pi$, or slightly above the cutoff frequency, and $|E^{tr}_y| \gg |E_0|$. Such a \emph{side-band resonance} is a unique characteristic of the axion-induced emission. $|E^{tr}_y|$ and the detectable signal power increases as $k_x a \to \pi$. Unfortunately, operation near the cutoff frequency also requires more precise machining and increases conduction loss. The optimal spacing between the plates should consider these factors. \subsection{Short-circuited waveguide}\label{sec:short-curcuited} $E^{tr}_y$ induces a traveling wave from a conducting surface. We consider the geometry in Fig.~\ref{fig:diagram}, yet without the reflection $\Gamma$. A metallic mirror shorts the parallel plates at the left end ($z=0$). The parallel plates form a transmission line with a TE10-mode loss-less propagation constant $\beta$. The right and left traveling waves have complex amplitude $E_R$ and $E_L$ at the center of the mirror ($x=\frac{a}{2}$, $z=0$). The boundary condition here is\footnote{We ignore $E_0$ on the mirror because we are interested in the case where $|E^{tr}_y| \gg |E_0$|. Similarly, we ignore the axion-induced traveling wave at the interface to the load \begin{equation} E_R + E_L + E^{tr}_y = 0. \label{eq:mirror_bc} \end{equation} Because $E_L=0$, $E_R = - E^{tr}_y = \frac{E_0}{\cos{\frac{k_x a}{2}}}$. The transverse resonance formed inside the parallel plates can source an axion-induced traveling wave stronger than $E_0$. \begin{figure} \begin{center} \input{dh_diagram} \caption{\label{fig:diagram} A simple T-RAX.} \end{center} \end{figure} \subsection{1D transmission line dielectric haloscope}\label{sec:1D_DH} We introduce a load with an impedance $Z_L$ at $z=d$, where $d$ is larger than the free-space wavelength, and the transverse resonance is hardly disturbed at the load. Fig.~\ref{fig:diagram} shows the geometry. The reflection at the load is \begin{equation} \Gamma = \frac{Z_L-Z}{Z_L+Z}, \end{equation} where $Z = \frac{k Z_0}{\beta}$ is the TE10 mode wave impedance inside the transmission line. Eq.~\ref{eq:mirror_bc} is still valid, but $E_L$ is no longer zero. The new boundary condition at $z=d$ is \begin{equation} E_L e^{i\beta d} = \Gamma E_R e^{-i \beta d} + \Gamma E^{tr}_y. \end{equation} Solving the boundary conditions yields \begin{equation} E_R =- \frac{1 + \Gamma e^{-i\beta d}}{1 + \Gamma e^{-2i\beta d}} E^{tr}_y. \label{eq:longitudinal_boost} \end{equation} $E_R$ diverges to infinity when $\Gamma e^{-2i \beta d} \to -1$, \emph{i.e.} $E_R$ is maximum where $2\beta d + \angle \Gamma = \pi$. For example, if $\Gamma$ is a real minus number ($\angle \Gamma = \pi$), the system resonates at $\beta d = \pi$. We use this relation for tuning later. The resonance is similar to a TE101 mode, but $k_x$ is slightly larger than the cutoff wavenumber. A larger $|\Gamma|$ will yield a stronger longitudinal resonance and increase $E_R$. The operation near the cutoff frequency increases $|\Gamma|$: an empty waveguide's TE mode wave impedance diverges near the cutoff frequency, while that of a material-loaded waveguide is still close to its free space value. A fraction of $E_R$ passes the reflective boundary and delivers a measurable power to the load. The transmitted wave is \begin{equation} E_T = (1 + \Gamma) E_R e^{-i \beta d} = \frac{2Z_L}{Z_L + Z}E_R e^{-i \beta d}. \end{equation} The time-averaged power on the load is \begin{equation} \label{eq:leakagePower} \begin{split} P_\text{sig} &= \frac{1}{2} \text{Re} \int_{A} E_T \times \frac{E_T^*}{Z_L} \\ &= \frac{2 R_L}{|Z_L+Z|^2} \int_A |E_R|^2, \end{split} \end{equation} where $R_L$ is the resistive component of $Z_L$: $R_L = \text{Re}(Z_L)$. $\int_{A}$ is the integration of the TE10 mode over the $xy$ cross-section of the waveguide. For a waveguide of width $a$ and height $b$, the integration yields $\frac{ab}{2}$. $\int_{A}$ and $P_\text{sig}$ scale inversely proportional to frequency $\nu$ ($\propto \nu^{-1}$) because the width of the waveguide has to shrink so that we operate near the cutoff frequency. The same is true for the example in Sec.~\ref{sec:short-curcuited}. For comparison, pure dielectric haloscopes use no transverse resonance, and its signal power is independent of the frequency ($\propto \nu^0$). We compare $P_\text{sig}$ to the axion-induced traveling wave power of a simple infinite mirror of the same cross-sectional area $ab$: $P_0 = \frac{E_0^2}{2 Z_0} ab$. We call this ratio a power boost. \begin{equation} \frac{P_\text{sig}}{P_0} = \frac{2 Z_0 R_L}{|Z_L+Z|^2}\frac{|E_R|^2}{{E_0}^2}. \label{eq:power_boost} \end{equation} Fig.~\ref{fig:power_boost} shows the calculated power boost from an example dielectric haloscope that consists of an 8-mm wide rectangular waveguide and a 1-mm thick sapphire slab. The 47.96-mm spacing between the mirror and the dielectric maximizes the power boost at $19\,$GHz. The peak power boost here is 175,000. \begin{figure} \centering \includegraphics[width=.6\textwidth]{power_boost.pdf} \caption{\label{fig:power_boost} Calculated power boost from a simple T-RAX described in Sec.~\ref{sec:1D_DH}. The system consists of a short-circuited rectangular waveguide and a 1-mm thick sapphire slab. Table~\ref{tab:geometry} lists the exact dimensions.} \end{figure} So far, we have modeled a simple dielectric haloscope. While the model presented in this section is insightful and accurate for simple systems, it is not applicable for more complicated and powerful systems. They have internal reflections that modify wave propagation. Impedance mismatch boundaries, the sources of additional reflections, also source additional axion-induced traveling waves. The simple analytical model does not account for these contributions. In the next section, we study a more complex geometry using numerical simulations. \section{Simulation}\label{sec:simulation} In this section, we explain the detail of the T-RAX simulation. We describe the simulation geometry and the underlying reasoning behind it. We show reflectivity and axion signal power from simulation and discuss how to tune the system to scan a wider mass range. \subsection{Geometry} Fig.~\ref{fig:schematicGeometry} shows the simulation geometry. A long, thin rectangular waveguide forms the detector body. Its two vertical walls are at a distance slightly larger than the free-space half-wavelength, $k_xa > \pi$, of our 19\,GHz design frequency. A conductive mirror shorts the waveguide on the left side. Two 1-mm thick equally-spaced dielectric slabs divide the waveguide volume along the $z$ axis. Dielectrics can longitudinally reflect the traveling waves and further enhance the signal power. We choose C-cut sapphires for their high relative permittivity, low loss, mechanical strength, and availability. Our simulations show that anisotropy of the sapphire's permittivity hardly affects the result. A hexahedrally-tapered waveguide connects the detector section to a standard waveguide (WR42 in our case). \begin{figure} \centering \input{trax_schematic} \caption{\label{fig:schematicGeometry} Schematic T-RAX geometry simulated in this paper, including the dielectrics (brown color). This image is not to scale. Table~\ref{tab:geometry} lists the exact simulation dimensions.} \end{figure} \subsection{Dielectric positioning}\label{sec:dielectric_position} The $z$ position of the dielectrics determines the resonance frequency. The system resonates when the reflectivity is real, i.e., when the phase difference $\phi$ between the input and the reflected wave is zero, or $\cos{\phi}=1$. In general, the signal power is maximal when a T-RAX forms a parallel resonator\footnote{The simple model in Sec.~\ref{sec:theory} does not consider the dielectric thickness.}. For a fixed dielectric permittivity and thickness, we can find the resonance using the dispersion calculation in Appendix~\ref{ch:dispersion}. The two dielectric-separated sections form two coupled resonators that have two resonance modes: anti-symmetric and symmetric. Only the latter couples effectively with the axion-induced electric field. Fig.~\ref{fig:dispersion_s11} shows a clear correlation between dispersion and reflectivity for the two-dielectric system. \begin{figure} \centering \includegraphics[width=0.6\textwidth]{dispersion_s11.pdf} \caption{\label{fig:dispersion_s11} Dispersion and reflection magnitude of the two dielectric structure. The $y-$axis on the left shows the $\cos{\phi}$, where $\phi$ is the phase difference $\phi$ between the input and the reflected waves off two dielectric T-RAX structure. The resonances, or the reflectivity dips, occur at $\cos{\phi}=1$. The horizontal pink band represents the passband. Check Appendix~\ref{ch:dispersion} for the calculation details.} \end{figure} The dispersion also guides how to calculate the spacing to boost the desired frequency. Given the waveguide geometry, dielectric thickness, and dielectric's relative permittivity, one can find spacings that satisfy the standing wave condition, \emph{i.e.} $\cos{\phi}=1$. For example, 49.108\,mm vacuum spacings between the dielectrics can enhance the signal power at 19\,GHz. We can further optimize the system, for example, by having different gap distances, using microwave filter theory as in the case of Ref.~\cite{Melc_n_2018}. However, for practical purposes, we vary the spacing for tuning rather than optimization. \subsection{Taper design} The taper transforms the TE10 mode of the resonator to that of the standard waveguide. We want to minimize reflection and mode conversion in the taper. In our example, the height (the E-plane or the $y$ axis) decreases from 100 to 4.318\,mm of WR42. The width (the H-plane or the $x$ axis) increases from 8 to 10.668\,mm of WR42. The taper barely converts the TE10 mode signal to TE/TM $0m$ high order modes because the overlap among them is small. However, a realistic taper might generate unwanted higher-order modes, and they need to be carefully monitored in future R\&D. Reflections and mode conversions at impedance mismatches distort the booster behavior and should be avoided. The H-plane taper changes the TE10-mode wave impedance. In our example, the resonator's wave impedance is four times higher than inside the standard WR42 waveguide. The E-plane taper also adds a reactance whose magnitude depends on the propagation constant, taper angle, and waveguide height~\cite{1129671}. Not surprisingly, a longer taper with a lower launch angle generally reflects less. We empirically find that the taper height twice its base length insignificantly distorts the power boost peaks. We plan to optimize the taper using nonlinear profiles~\cite{ParabolicTaper} or a dielectric lens in the future \begin{table}[tbp] \centering \begin{tabular}{|c|c|} \hline design frequency & 19\,GHz \\ TE10 mode cutoff frequency & 18.737\,GHz \\ \hline dielectric& sapphire\\ \hline relative permittivity & 9.4\\ thickness & 1\,mm\\ loss $\tan{\delta}$ & $10^{-5}$ \\ \hline & $6 \times 10^{7}$\,S/m\\ waveguide wall conductivity & $2 \times 10^{8}$\,S/m\\ & $1 \times 10^{9}$\,S/m\\ \hline geometry & \\ \hline rectangular waveguide width ($a$, $x$ axis) & 8\,mm \\ rectangular waveguide height ($b$, $y$ axis) & 100\,mm \\ distance between dielectrics & 49.108\,mm\\ taper length & 300\,mm \\ WR42 waveguide width & 10.668\,mm \\ WR42 waveguide height & 4.318\,mm \\ \hline \end{tabular} \caption{\label{tab:geometry} Key quantities of simulations} \end{table} \subsection{Simulation techniques} We simulate the reflectivity and axion-induced power of the proposed geometry using COMSOL Multiphysics\textsuperscript{\textregistered} and its RF module. The 3D simulation geometry is cut symmetrically along the $x$ and $y$ axes to save simulation resources. The reference plane for the reflectivity and the signal power is the WR42 waveguide's TE10-mode port. The simulations include resistive loss of copper and dielectric loss inside the sapphire. The latter is subdominant because the field is weak around the dielectrics. To simulate the system's response under axion-induced electric field, we distribute the axion-induced current $J_a = \frac{\alpha}{2 \pi}C_{a\gamma} B_e \dot{\theta}$ vertically, parallel to the $y$-axis. The current decays slowly along the $z$ axis to suppress the $\nabla \theta$ contribution. We integrate the time-averaged Poynting vector normal to the waveguide port. The power boost is the ratio of this integral to the axion-induced power $P_0$ of the waveguide's cross-sectional area. \subsection{Simulation results} Fig.~\ref{fig:noTaperSim} shows the simulation results. The reflectivity (dashed lines) and the power boost (solid lines) peak at 18.97, 18.98, and 19\,GHz. Fig.~\ref{fig:noTaperField} shows the vertical field map at the peaks: these frequencies indeed correspond to the mode-conversion inside the taper, asymmetric, and symmetric resonances of the detector. The axion-induced power is maximum for the latter case when both resonators oscillate in phase. \begin{figure} \centering \includegraphics[width=.8\textwidth]{trax_s11_boost.pdf} \caption{\label{fig:noTaperSim} Reflectivity magnitude (dashed) and axion-induced power (solid) from T-RAX simulation. Different colors represent the varying surfaces, simulated with conductivities of $1 \times 10^{9}$, $2 \times 10^{8}$, and $6 \times 10^{7}$\,[S/m] for high-temperature superconductor (HTS), 4K copper, and room temperature copper.} \end{figure} \begin{figure} \centering \includegraphics[width=.6\textwidth]{trax_tapermode.png} \includegraphics[width=.6\textwidth]{trax_antiresonance.png} \includegraphics[width=.6\textwidth]{trax_resonance.png} \caption{\label{fig:noTaperField} Vertical electric field inside the T-RAX at taper-conversion (top, 18.97\,GHz), asymmetric-resonance (middle, 18.98\,GHz), and symmetric resonance (bottom, 19.00\,GHz) modes. The blue and red color indicate opposite directions.} \end{figure} The peak signal power largely depends on the resistive loss of copper. Temperature, surface roughness, and machining precision all affect the reflectivity and the power boost. We simulate three different surface conductivities to represent the different surface losses: $6 \times 10^{7}$\,[S/m] for room temperature, $2 \times 10^{8}$\,[S/m] for 4\,K, and $1 \times 10^{9}$\,[S/m] for a high-temperature superconductor (HTS) coated system. Higher conductivity slightly shifts the peak and makes it narrower. The peak power boost for $2 \times 10^{8}$\,[S/m] is about 86,000 at 19\,GHz. The boost peak is about 1\,MHz wide. The peak boost power drops at a higher frequency as the sheet resistance $R_s$ increases. We simulate the T-RAX system in a wider frequency range by scaling the default geometry. The peak power boost decreases by about $\nu^{-0.64}$, close to the expectation of $\nu^{-\frac{2}{3}}$ from the anomalous skin effect. \subsection{Tuning} As already discussed in Sec.~\ref{sec:dielectric_position}, the resonant frequency critically depends on the dielectric position. Moving the dielectric along the waveguide length ($z$ axis) is the most practical way to tune T-RAX because we can not easily change the dielectric's permittivity and thickness. The theoretical low-frequency limit is the cutoff frequency. However, the dielectric spacing (roughly a half guided-wavelength) rapidly diverges to infinity near the cutoff frequency, and such a system would not fit inside a real magnet\footnote{Our simulation shows that the elongated waveguide section can also be warped to reduce the overall profile and fit inside a small solenoid magnet. Such geometry, unfortunately, is even harder to realize, and we do not propose it as the default design.}. In other words, the available magnet space limits the low-frequency bound. If we reduce the dielectric spacing, the resonant frequency will increase, and the transverse resonance and the $P_\text{sig}$ will gradually decrease. The decreasing $P_\text{sig}$ sets the high-frequency limit. A simple model relates the peak boost frequency and the tuning range. From Eq.~\ref{eq:e_tr_transverse}, \begin{equation} \frac{{E^{tr}_y}^2}{E_0^2} = \frac{1}{\cos^2{\frac{k_x a}{2}}} = \frac{2}{1+\cos{k_x a}} \simeq \frac{4}{(k_x a - \pi)^2}. \end{equation} The last approximation is valid near the cutoff; $k_x a \simeq \pi$. The peak power boost occurs at $k_p$ due to the geometry and the conductor loss. We want to find $k_d$ slightly higher than $k_p$, where the signal power or ${E^{tr}_y}^2$ drops by a fraction $p$: \begin{equation} p \frac{4}{(k_p a - \pi)^2} = \frac{4}{(k_d a - \pi)^2}, \end{equation} or \begin{equation} k_d a = \sqrt{\frac{1}{p}} (k_p a - \pi) + \pi. \end{equation} The tuning range $\Delta k$ is the difference between $k_d$ and $k_p$: \begin{equation} \Delta k = k_p - k_d = (\sqrt{\frac{1}{p}} - 1) \frac{k_p a - \pi}{a}. \end{equation} Notice that $\Delta k$ decreases as we operate closer to the cutoff frequency. Operation near the cutoff frequency significantly increases $P_\text{sig}$ at the price of reduced bandwidth. Numerical simulation with loss provides a more realistic tuning scenario. Fig.~\ref{fig:tuning} shows how the boost frequency shifts if we move the dielectrics. The peak power boost is about 90,000, and it drops to half around 19.4\,GHz. The lower limit is 18.86\,GHz, with 70-mm spacing between the dielectrics. Again, this limit will decrease with larger spacing, but the larger detector hardly fits inside a real magnet. We claim a practical tuning range of 500\,MHz, and the relative tuning range $\frac{\delta \nu}{\nu} \approx$ 2.5\,\%. The dielectric has to be placed with a $50\,\mu$m precision. Such control is readily feasible with existing cryogenic stepper motors. \begin{figure} \centering \includegraphics[width=.6\textwidth]{TRAX_tuning.pdf} \caption{\label{fig:tuning} T-RAX can be tuned over 300\,MHz by moving the dielectrics. The spacing between the dielectrics changes from 28 to 70\,mm in 2\,mm steps. The cutoff frequency is 18.737\,GHz. \end{figure} Dielectric displacement is easy to implement and control. We can move the dielectric via metallic rods. The rods can enter the system i) from the top, as shown in Fig.~\ref{fig:tuning_implementation}, through slits on the waveguide's H-planes, or ii) from the back through slits on the taper. The first option is easier to implement and can be used to move the mirror-side dielectric. TE11 mode leaks insignificantly through the slits. The second option is harder to implement, but the field in the taper is far weaker and poses less trouble. Dielectric displacement requires only two actuators on the top and bottom of the dielectric and does not deform or change the main metallic waveguide structure. \begin{figure} \begin{center} \input{tuning_implementation} \caption{\label{fig:tuning_implementation} Cross-sectional view of T-RAX with its dielectric. The tuning rod enters the system from the tuning slit on the H-plane, moves the dielectric (brown), and changes the resonant frequency. The gaps between the dielectric and the E-plane walls minimally disturb the signal power.} \end{center} \end{figure} To scan a broader range, we need to vary the waveguide width. Ref~\cite{Kuo_2020} already suggested using \emph{tuning slits} along with quarter-wave deep corrugations to tune the \emph{thin shell cavity}. T-RAX can use the same slits on its waveguide and taper. As an alternative to the corrugations, flexible conducting materials such as bellows for foil filling the slit can also be used to contain the energy loss via surface current. The irregular surface of the foil does not significantly modify the electromagnetic behavior because TE10 mode resonance relies mainly on the E-plane walls and less on the H-plane walls or the mirror at the end. Surprisingly, we don't need to change the dielectrics according to the varying width. Our simulations show that gaps between the dielectric and the E-plane walls do not significantly degrade the power boost, as long as the dielectric is covering $\sim10$\% of the center of the waveguide. We observe only a slight shift of the peak power boost frequency due to the gap. By increasing the 8\,mm waveguide width by 1\,mm, we can easily achieve a tuning range $>10$\,\%. Only the dielectric thickness limits the tuning range. The waveguide width has to be controlled with a precision of $\sim \lambda/2Q$, or $1\,\mu$m-level at 20\,GHz. Such control is challenging yet achieved in space telescopes~\cite{Warden2012CryogenicNF}. \section{Solenoid magnet application}\label{sec:packaging} A smaller axion dark matter detector offers several advantages. A solenoid magnet is usually stronger than its dipole counterparts and is more readily available from commercial suppliers. Even among the solenoid magnets, smaller bore ones tend to have a stronger field~\cite{https://doi.org/10.48550/arxiv.2203.14923}. Unfortunately, T-RAX in Fig.~\ref{fig:schematicGeometry} is still relatively long ($\sim400\,$mm) and can fit only in large solenoids We propose to \emph {fold} the taper to fit a fixed-width T-RAX inside a small conventional solenoid magnet, as shown in the left picture of Fig.~\ref{fig:packaging}. The right picture of Fig.~\ref{fig:packaging} shows how a T-RAX array can simultaneously operate inside a magnet to combine the signal power or scan different mass ranges. The folding has to reflect or convert the modes minimally. The larger guided wavelength near the cutoff frequency is particularly problematic~\cite{10.5555/27077}. An E-plane taper can expand to a slightly larger width, e.g., 8.5\,mm over the 30\,mm length. A $180^\circ$ bend with a 10-mm bend radius follows the E-plane taper. These components reflect -16.5 and -25\,dB\footnote{Although the $180^\circ$ bend appears to be very reflective, many commercial waveguide H-bends guarantee a return loss above 30 dB with an even shorter bend radius~\cite{wg_bend}.}, which are subdominant to the reflection at the input of a typical amplifier. The overall profile is about 140\,mm, which fits inside a proposed 30-T 160-mm-bore solenoid magnet~\cite{10.1007/978-3-030-43761-9_2, https://doi.org/10.48550/arxiv.2203.14923}. The taper after the bend tolerates more deformation and can be made of a flexible waveguide for easier packaging. The taper inside the strong magnetic field can source axion-induced emission and distort the signal. Fortunately, the transverse resonance inside the E-plane taper is small, and the signal power is minimally affected. \begin{figure} \centering \includegraphics[width=.4\textwidth]{t-rax_folded.png} \includegraphics[width=.5\textwidth]{t-rax_in_magnet.png} \caption{\label{fig:packaging} A T-RAX with a folded taper (left). An array of T-RAX with folded tapers installed inside a solenoid magnet (right). The overall profile is 200\,mm.} \end{figure} \section{Projected sensitivity}\label{sec:sensitivity} At the 19\,GHz design frequency, T-RAX's sensitivity to the axion-photon coupling $C_{a\gamma}$ is \begin{equation} \begin{split} C_{a\gamma} = 15.1 ~&\Big(\frac{300 \text{\,MeV} / \text{cm}^3}{\rho_a}\Big)^\frac{1}{2} \Big(\frac{80,000}{\beta^2}\Big)^\frac{1}{2} \Big(\frac{8\,\text{mm} \times 100\,\text{mm}}{A}\Big)^\frac{1}{2} \Big(\frac{10 \text{\,T}}{B_e}\Big)\\ &\times\Big(\frac{T_\text{sys}}{0.9\,\text{K}}\Big)^\frac{1}{2} \Big(\frac{SNR}{5}\Big)^\frac{1}{2} \Big(\frac{0.85}{\eta}\Big)^\frac{1}{2} \Big(\frac{\Delta\nu_a}{19 ~\text{kHz}}\Big)^\frac{1}{4} \Big(\frac{1~\text{day}}{\tau}\Big)^\frac{1}{4}. \end{split} \label{eq:sensitivity} \end{equation} Here, $\rho_a$ is the local dark matter density, $A$ is the waveguide's cross-sectional area, $T_{sys}$ is the system noise temperature, $SNR$ is the signal to noise ratio, $\eta$ is the efficiency, $\Delta\nu_a$ is the axion line width, and $\tau$ is the integration time. Fig.~\ref{fig:sensitivity} shows the possible search range with T-RAX. We scale Eq.~\ref{eq:sensitivity} in the 10--100\,GHz range. We assume that a heterodyne receiver at the single quantum limit dominates $T_\text{sys}$. The sensitivity decreases with higher frequency because the detector width ($\propto \nu^{-1}$) and the power boost ($\propto \nu^{-\frac{2}{3}}$) decrease while $T_\text{sys}$ ($\propto \nu$) increases at high mass. The default geometry can reach $|C_{a\gamma}| = 6.5$. The sensitivity can improve with a taller detector and either the application of a superconductor~\cite{ahn2020superconducting,9699394} or the proposed strong magnet. The lower line indicates the sensitivity of a 500\,mm-tall system inside a 30-T magnetic field. It has a minimum $|C_{a\gamma}| = 1.4$. The projected scan rate is about 1\,MHz per day, counting only the net measurement time. We need an array of T-RAX to cover the wide mass range. To cover the whole 10--100\,GHz range, we need about a hundred fixed-width T-RAX with a 2.5\,\% relative bandwidth. The net measurement time is five hundred days without considering integration, cool down, or warm-up times. To speed up the scan, we can operate an array of T-RAX simultaneously in a magnet, especially at the high frequency where the detector size is smaller. For comparison, 17 variable-width T-RAX (15\,\% relative bandwidth) can scan the same range, but their details depend more heavily on the available technology and implementation. Finally, the application of advanced detection methods is promising for T-RAX~\cite{axion_squeezing,8395076,instruments5030025,PhysRevLett.126.141302}. T-RAX's taper can focus large-signal power into a single port. Thermal noise is negligible in this frequency range at millikelvin temperature and only the detector's intrinsic noise matters. As a result, a large signal-to-noise ratio is achievable. The advanced detection methods will significantly improve the sensitivity and the scanning speed. The details of the application are currently under study. \begin{figure} \centering \includegraphics[width=.8\textwidth]{TRAX_sensitivity.pdf} \caption{\label{fig:sensitivity} Projected sensitivity of T-RAX for axion-photon coupling. The upper section corresponds to the simulated geometry with the peak power boost around 80,000. The lower shade corresponds to the case with 500\,mm height and a 30-T magnetic field. The figure also shows limits from CAST~\cite{CAST:2017uph}, RBF-UF~\cite{DePanfilis, Hagmann}, HAYSTACK~\cite{HAYSTAC:2018rwy,HAYSTAC:2020kwv}, RADES~\cite{CAST:2021add}, and ORGAN~\cite{MCALLISTER201767}. Image created using AxionLimits~\cite{ciaran_o_hare_2020_3932430}.} \end{figure} \section{Summary}\label{sec:conclusion} We introduce a novel high-mass axion detector design. The detector consists of an elongated rectangular waveguide operating near its cutoff frequency. Dielectric layers inside the waveguide further enhance the axion-induced electric field via longitudinal resonances. A tapered waveguide collects a traveling wave signal that passes the dielectric layers. The structure instruments a large area with few parasitic high-order modes. The detector has the potential to scan the QCD-axion in a wide mass range from $40-400\,\mu$eV. The system is small enough to fit inside a solenoid and is relatively simple and easy to build with existing technology. \acknowledgments The authors thank X. Li, A. E. Ivanov, and S. Heyminck for the helpful discussion. The authors also thank D. Strom and A. Caldwell for revising English. \newpage
2c5be24a418419718df4c1bdcd0c8b48e9cabd98
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} End-to-end (E2E) methods, such as connectionist temporal classification (CTC)~\cite{graves2006connectionist}, recurrent neural network transducer (RNN-T)~\cite{graves2012sequence,wang2021cascade,wang2019exploring}, and attention based encoder-decoder (AED)~\cite{chorowski2014end,chan2015listen,luo2021simplified,miao2020transformer}, have drawn immense interest in the last few years in automatic speech recognition (ASR). Recent works~\cite{prabhavalkar2017comparison,sainath2019two,kim2017joint,sainath2020streaming,hu2020deliberation} show the E2E systems not only extremely simplify the speech recognition pipeline, but also surpass the conventional hybrid ASR systems in accuracy. Considering the advantages~\cite{li2021recent} of E2E models, deploying the emerging E2E ASR framework into real-world productions with stable and highly efficient characteristics becomes necessary. However, almost all of the well-known E2E speech recognition toolkits, such as ESPnet~\cite{watanabe2018espnet} and SpeechBrain~\cite{ravanelli2021speechbrain}, are research-oriented rather than production-oriented. In \cite{2021WeNet}, we present a production first and production ready E2E speech recognition toolkit, WeNet\footnote{\url{https://github.com/wenet-e2e/wenet}}, which focuses on addressing the production problems of transformer~\cite{vaswani2017attention} and conformer~\cite{gulati2020conformer} based E2E models. Specifically, WeNet adopts a joint CTC/AED structure as the basic model structure. And then, a unified two-pass (U2) framework is proposed to solve the streaming problem, where a dynamic chunk masking strategy is applied in the training procedure to unify the streaming and non-streaming modes in a unified neural model. A built-in runtime is provided in which developers can run x86 and android E2E system for speech recognition out of the box. WeNet dramatically reduces the workload of deploying an E2E model in real applications, so it is widely adopted by researchers and developers. In this paper, we present \textbf{WeNet 2.0}, which introduces the recent developments and solutions updated in WeNet for production-oriented speech recognition. The key updates of WeNet 2.0 are as follows. \textbf{(1) U2++}: we upgrade the original U2 framework to U2++, which simultaneously utilizes the left-to-right and right-to-left bidirectional contextual information of the labeled sequences to learn richer context information during the training stage, and combines the forward and backward predictions to achieve more accurate results during the decoding stage. The experiments show that U2++ achieves up to 10\% relative reduction over the original U2 framework in error rate. \textbf{(2) Production language model solution}: we support an optional n-gram LM, which is composed with the E2E modeling unit in a weighted finite state transducer (WFST)~\cite{mohri1997finite} based decoding graph, during the streaming CTC decoding stage. The n-gram LM can be trained rapidly on rich production-accumulated text data. Experiments show that the n-gram language model can provide up to 8\% relative performance improvement. \textbf{(3) Contextual biasing}: we design a unified contextual biasing framework which provides the opportunity to leverage the user-specific contextual information with or without LM during the streaming decoding stage. Utilizing user-specific contextual information (e.g., contact lists, particular dialog state, conversation topic, location, etc) plays a great role in both improving the ASR accuracy and providing rapid adaptation ability. Experiments show that our contextual biasing solution can bring clear dramatic improvement for both with-LM and without-LM cases. \textbf{(4) Unified IO (UIO)}: we design a unified IO system to support the large-scale dataset for effective model training. The UIO system provides a unified interface for different storage media (i.e., local disk or cloud) and datasets for different scale (i.e., small or large datasets). For small datasets, UIO keeps the sample-level random access ability. While, for large datasets, UIO aggregates the data samples to shards (refer to Figure \ref{fig:uio} for more details) and provides the shard-level random access ability. Thanks to UIO, WeNet 2.0 can elastically support training with a few hours to millions of hours of data. In summary, our brand-new WeNet 2.0 makes available several important production-oriented features, which achieves substantial ASR improvement over the original WeNet and makes itself a more productive E2E speech recognition toolkit. \vspace{-5pt} \section{WeNet 2.0} In this section, we will describe the production-oriented key updates: U2++ framework, production language model solution, contextual biasing, and unified IO in detail, respectively. \vspace{-2pt} \subsection{U2++} U2++, a unified two-pass joint CTC/AED framework with bidirectional attention decoders, provides an ideal solution to unify streaming and non-streaming modes. As shown in Figure~\ref{fig:ctc_attention_joint}, U2++ consists of four parts. 1) A \textit{Shared Encoder} that models the information of acoustic features. The \textit{Shared Encoder} consists of multiple Transformer~\cite{vaswani2017attention} or Conformer~\cite{gulati2020conformer} layers which only takes limited right contexts into account to keep a balanced latency. 2) A \textit{CTC Decoder} that models the frame-level alignment information between acoustic features and token units. The \textit{CTC Decoder} consists of a linear layer, which transforms the \textit{Shared Encoder} output to the CTC activation. 3) A \textit{Left-to-Right Attention Decoder (L2R)} that models the ordered token sequence from left to right to represent the past contextual information. 4) A \textit{Right-to-Left Attention Decoder (R2L)} that models the reversed token sequence from right to left to represent the future contextual information. The \textit{L2R and R2L Attention Decoders} consist of multiple Transformer decoder layers. During the decoding stage, the \textit{CTC Decoder} runs in the streaming mode in the first pass and the \textit{L2R and R2L Attention Decoders} do rescore in the non-streaming mode to improve the performance in the second pass. \begin{figure}[ht] \centering \includegraphics[width=\linewidth]{images/u2++.jpg} \caption{U2++ framework. The dotted line denotes the second pass rescoring during the decoding stage.} \label{fig:ctc_attention_joint}. \vspace{-2em} \end{figure} Compared with U2~\cite{2021WeNet}, we add an extra right-to-left attention decoder to enhance the context modeling ability of our model, so that the context information comes not only from the past (left-to-right decoder) but also from the future (right-to-left decoder). This improves the representative ability of the shared encoder, the generalization ability of the whole system, and the performance during the rescoring stage. The combined CTC and AED loss is used to train U2++: \begin{equation} \setlength\abovedisplayskip{2pt} \setlength\belowdisplayskip{2pt} \label{eq:combined_loss} \mathbf{L}_{\text {combined}}\left(\mathbf{x}, \mathbf{y}\right)=\lambda \mathbf{L}_{\text{CTC}}\left(\mathbf{x}, \mathbf{y}\right)+(1-\lambda) (\mathbf{L}_{\text{AED }}\left(\mathbf{x}, \mathbf{y}\right)), \end{equation} where $\mathbf{x}$ denotes the acoustic features, and $\mathbf{y}$ denotes the corresponding labels, $\lambda$ is a hyper parameter which balances the importance of the CTC loss $\mathbf{L}_{\text{CTC}}\left(\mathbf{x}, \mathbf{y}\right)$ and AED loss $\mathbf{L}_{\text {AED}}\left(\mathbf{x}, \mathbf{y}\right)$. To incorporate an extra R2L attention decoder into our model, we introduce a hyper parameter $\alpha$ inside $\mathbf{L}_{\text {AED}}\left(\mathbf{x}, \mathbf{y}\right)$ to adjust the contributions of two unidirectional decoders: \begin{equation} \setlength\abovedisplayskip{2pt} \setlength\belowdisplayskip{2pt} \label{eq:AED_loss} \mathbf{L}_{\text {AED}}\left(\mathbf{x}, \mathbf{y}\right)=(1 - \alpha) \mathbf{L}_{\text{L2R}}\left(\mathbf{x}, \mathbf{y}\right) + \alpha (\mathbf{L}_{\text{R2L}}\left(\mathbf{x}, \mathbf{y}\right) ). \end{equation} Similar to U2, the dynamic chunk masking strategy is used to unify the streaming and non-streaming modes. During the training stage, we firstly sample a random chunk size $C$ from a uniform distribution, $C \sim U(1, max \, batch \, length \, T)$. And then, the input is split into several chunks with the chosen chunk size. At last, the current chunk does bidirectional chunk-level attention to itself and previous/following chunks in L2R/R2L attention decoder respectively in training. During the decoding stage, the n-best results achieved from the first-pass CTC decoder are rescored by the L2R and R2L attention decoder with its corresponding acoustic information generated by the \textit{Shared Encoder}. The final results are obtained by fusing the scores of the two attention decoders and the CTC decoder. Empirically, a larger chunk size results in better results with higher latency. Thanks to the dynamic strategy, U2++ learns to predict with arbitrary chunk size so that balancing the accuracy and latency is simplified by tuning the chunk size in decoding. \vspace{-2pt} \subsection{Language Model} \begin{figure*}[ht] \centering \includegraphics[width=\linewidth]{images/lm.pdf} \vspace{-2em} \caption{Language model solution in WeNet 2.0} \label{fig:lm} \vspace{-2.0em} \end{figure*} To promote the use of rich text data in production scenarios, we provide a unified LM integration framework in WeNet 2.0, which is shown in Figure~\ref{fig:lm}. As a unified LM and LM-free system, CTC is employed to generate the first-pass n-best results. When LM is not provided, \textit{CTC prefix beam search} is applied to get n-best candidates. When LM is supplied, WeNet 2.0 compiles the n-gram LM ($G$), lexicon ($L$), and end-to-end modeling CTC topology ($T$) into a WFST-based decoding graph ($TLG$) \begin{equation} \setlength\abovedisplayskip{2pt} \setlength\belowdisplayskip{2pt} TLG = T \circ \min(det(L \circ G)), \end{equation} and then \textit{CTC WFST beam search} is applied to get n-best candidates. Finally, the n-best candidates are rescored by the \textit{Attenion Rescoring} module to find the best candidate. We reuse the algorithm and code in Kaldi\cite{povey2011kaldi} for decoding, which is denoted as \textit{CTC WFST beam search} in the WeNet 2.0 framework. To speedup decoding, blank frame skipping~\cite{chen2016phone} technique is adopted. \vspace{-2pt} \subsection{Contextual Biasing} Utilizing user-specific contextual information (e.g., contact lists, driver's navigation) plays a vital role in speech production, which always improves the accuracy significantly and provides the rapid adaptation ability. Contextual biasing technique is investigated in \cite{aleksic2015bringing, he2019streaming, jain2020contextual} for both traditional and E2E systems. In WeNet 2.0, for leveraging the user-specific contextual information in both LM and LM-free cases during the streaming decoding stage, inspired by \cite{he2019streaming}, we construct a contextual WFST graph on the fly when a set of biasing phrases are known in advance. Firstly, the biasing phrases are split into biasing units according to the E2E modeling units in the LM-free case or the vocabulary words in the with-LM case. And then, the contextual WFST graph is built on the fly as follows: (1) Each biasing unit with a boosted score is placed on a corresponding arc sequentially to generate an acceptable chain. (2) For each intermediate state of the acceptable chain, a special failure arc with a negative accumulated boosted score is added. The failure arcs are used to remove the boosted scores when only partial biasing units are matched rather than the entire phrase. In Figure~\ref{fig:context}, a char (E2E modeling unit) level context graph in the LM-free case and a word-level context graph in the with-LM case are shown, respectively. Finally, during the streaming decoding stage, a boosted score is added immediately when the beam search result matches with a biasing unit through the contextual WFST graph, as shown in \begin{equation} \setlength\abovedisplayskip{2pt} \setlength\belowdisplayskip{2pt} \label{equ:context} \textbf{y}^{*} = \mathop{\arg\max}_{\textbf{y}} logP(\mathbf{y}|\mathbf{x}) + \lambda logP_{C}(\mathbf{y}), \end{equation} where $P_{C}(\mathbf{y})$ is the biasing score, $\lambda$ is a tunable hyper-parameter to control how much the contextual LM influences the overall model score. Especially, when some biasing phrases share the same prefix, we do a greedy match to simplify the implementation. \vspace{-10pt} \begin{CJK*}{UTF8}{gbsn} \begin{figure}[ht] \centering \subfigure[Char level context graph without LM]{ \includegraphics[width=1.0\linewidth]{images/char_context.pdf} } \quad \subfigure[Word level context graph with LM]{ \includegraphics[width=0.7\linewidth]{images/word_context.pdf} } \vspace{-2pt} \caption{Context graph for Chinese phrase "不忘初心". The failure arcs are highlighted in red lines.} \label{fig:context} \end{figure} \end{CJK*} \vspace{-10pt} \subsection{UIO} Typically, the production-scale speech dataset is over tens of thousands of hours labeled speech, which always comprises massive small size files. The massive small files will cause the following problems: \vspace{-3pt} \begin{itemize} \item \textbf{Out of memory (OOM)}: we have to keep the index information for all of the small files, which is very memory-consuming for large datasets. \vspace{-3pt} \item \textbf{Lower training speed}: reading data becomes the bottleneck of the training due to the intolerable time-consuming during random access to massive small files. \end{itemize} \vspace{-3pt} To address the aforementioned problems for large-scale production datasets and keep the high efficiency for small datasets at the same time, we design a unified IO system, which provides a unified interface for different storage (i.e., local disk or cloud) and different scale datasets (i.e., small or large datasets). The whole framework is shown in Figure~\ref{fig:uio}. \begin{figure}[h] \centering \includegraphics[width=\linewidth]{images/uio.pdf} \caption{Unified IO in WeNet 2.0} \label{fig:uio} \vspace{-1.0em} \end{figure} For large datasets, inspired by TFReord (Tensorflow)~\cite{abadi2016tensorflow} and AIStore~\cite{aizman2019high}, we pack each set of samples (e.g., 1000 samples) with their associated metadata information into a corresponding bigger shard, which is done by GNU tar, an open-source, open-format, ubiquitous and widely-supported archival tool. Tar files significantly save memory and overcome the OOM problem effectively. During the training stage, on-the-fly decompression is performed in the memory, and the data in the same compressed shard is read sequentially, which solves the time-consuming random data access problem and speeds up the training process. At the same time, different shards can be read randomly to ensure the global randomness of data. For small datasets, we can also load the training samples directly. Especially, when using shards for big datasets, we support loading the shards from both the local disk and the distributed storage (e.g., S3, OSS, HDFS, etc). Similar to TFRecord, chain operations for processing data on-the-fly is designed, so that the unified IO is extensible and easy to debug\footnote{\url{https://wenet.org.cn/wenet/UIO.html}}. \section{Experiments} In this section we describe our experimental setup, test sets, and analyze the experimental results. Most of the experimental setups are available in the WeNet recipes. The experiments are carried on all of or some of the following corpora: AISHELL-1~\cite{bu2017aishell}, AISHELL-2~\cite{du2018aishell}, LibriSpeech~\cite{panayotov2015librispeech}, GigaSpeech~\cite{chen2021gigaspeech}, and recent released WenetSpeech~\cite{zhang2021wenetspeech}. The five corpora include different languages (English and Mandarin), recording environments (clean and noisy), and sizes (100 - 10000 hours). \vspace{-3pt} \subsection{U2++} \label{sec:u2++exp} \vspace{-1pt} \begin{table*}[htbp] \centering \caption{U2++/U2 comparison on various open-source ASR corpora. * denotes the model is trained with dynamic mask, and it could be decoded with different chunk size (full/16 in the table). † denotes the model is trained with full attention.} \vspace{-7pt} \setlength{\tabcolsep}{3.5mm} \label{tab:u2pp} \begin{tabular}{@{}lllllccccc@{}} \toprule Dataset & Language & Hours & Unit & Metric & Test Sets & U2 & U2++ \\ \midrule AISHELL-1 * & Mandarin & 170 & Char & CER & test(full)/test(16) & 4.97/5.45 & \textbf{4.63/5.05} \\ AISHELL-2 * & Mandarin & 1000 & Char & CER & test ios(full)/test ios(16) & 6.08/6.46 & \textbf{5.39/5.78} \\ LibriSpeech † & English & 960 & BPE & WER & test clean/test other & 2.85/7.24 & \textbf{2.66/6.53} \\ WenetSpeech † & Mandarin & 10000 & Char & MER & Test Net/Test Meeting & 9.70/\textbf{15.59} & \textbf{9.25}/16.18 \\ GigaSpeech † & English & 10000 & BPE & WER & dev/test & 11.30/11.20 & \textbf{10.70/10.60} \\ \bottomrule \end{tabular} \vspace{-2em} \end{table*} To evaluate the effectiveness of our U2++ model, we conduct experiments on all of the 5 ASR corpora listed above. For most experiments, 80-dimensional log Mel-filter banks (FBANK) with a 25ms window and a 10ms shift are used as acoustic features. SpecAugment~\cite{park2019specaugment} is applied on-the-fly for data augmentation. Two convolution subsampling layers with kernel size 3*3 and stride 2 are used in the front of the encoder. We use 12 conformer layers for the encoder. To keep comparable parameters for U2/U2++, we use 6 transformer decoder layers for U2, 3 left-to-right and 3 righ-to-left decoder layers for U2++. Moreover, we obtain our final model by model averaging. In AISHELL-1 and AISHELL-2, the attention layer uses attention dimension 256, feed-forward 2048, and 4-head attention. In LibriSpeech, GigaSpeech and WenetSpeech, the attention layer uses attention dimension 512, feed-forward 2048, and 8-head attention. The kernel size of the convolution module is 8/8/31/31/15 for the five corpora, respectively. Accumulating gradient is used to stabilize training. In Table~\ref{tab:u2pp}, we report the character error rate (CER), word error rate (WER) or mixed error rate (MER) for each corpus. It shows that U2++ outperforms U2 on most of the corpora, and achieves up to 10\% relative improvement over U2. From the results, we approve that U2++ shows superior performance in various types and sizes of ASR corpora consistently. \vspace{-3pt} \subsection{N-gram Language Model} \vspace{-1pt} The language model solution is evaluated on AISHELL-1, AISHELL-2, and LibriSpeech on the models listed in Section~\ref{sec:u2++exp}. For AISHELL-1 and AISHELL-2, a tri-gram trained on its own training corpus is used. For LibriSpeech, the official pre-trained four-gram large language model (fglarge) is used. To speed up the decoding, when the probability of the ``blank'' symbol of a frame is greater than 0.98, the frame will be skipped. \vspace{-1em} \begin{table}[ht] \caption{N-gram LM evaluation} \vspace{-5pt} \label{tab:lm} \begin{tabular}{@{}lccc@{}} \toprule Dataset & Test Sets & without LM & with LM \\ \midrule AISHELL-1 & test & 4.63 & \textbf{4.40} \\ AISHELL-2 & test\_ios & 5.39 & \textbf{5.35} \\ LibriSpeech & test\_clean/test\_other & 2.66/6.53 & \textbf{2.65}/\textbf{5.98} \\ \bottomrule \end{tabular} \end{table} \vspace{-10pt} Table \ref{tab:lm} exhibits the comparison results on the three corpora in with-LM and without-LM scenarios. The with-LM solution shows 5\% gain on AISHELL-1, comparable result on AISHELL-2, comparable result in test\_clean on LibriSpeech, and superior improvement (8.42\%) in test\_other on LibriSpeech. In conclusion, our production LM solution shows consistent gain on the three corpora, which illustrates n-gram language model works well when integrated to an E2E speech recognition system. Benefitting from this solution, the production system can enjoy the rich production-accumulated text data. \vspace{-3pt} \subsection{Contextual Biasing} We evaluate contextual biasing in a contact scenario, and we design two test sets selected from AISHELL-2 test sets. \vspace{-5pt} \begin{itemize} \item \textbf{test\_p}: positive test set with its relevant context. We select 107 utterances with person names, and all the names are attached as contextual biasing phrases in decoding. \vspace{-5pt} \item \textbf{test\_n}: negative test set without any contextual biasing phrases (i.e., names) in the positive testset. We randomly select 107 eligible utterances as the negative test set. \end{itemize} \vspace{-5pt} We carry on the test on the AISHELL-1 U2++ model with and without LM. We show that the strength of contextual biasing can be controlled by switching the boosted score. In our experiments, the boosted score is varied from 0 to 10, where 0 means context biasing is not applied. As shown in Table~\ref{tab:context}, our solution reduces the error rate on the positive test set and a bigger boosted score usually gives better improvement. Furthermore, when a proper boosted score is set, we can improve the performance on the positive testset and avoid the performance degradation on negative test set at the same time. \vspace{-8pt} \begin{table}[ht] \caption{Context Biasing evaluation} \vspace{-6pt} \centering \label{tab:context} \setlength{\tabcolsep}{2.5mm} \begin{tabular}{@{}ccccccc@{}} \toprule \multirow{2}{*}{LM} & \multirow{2}{*}{test set} & \multicolumn{5}{c}{boosted score} \\ \cmidrule(l){3-7} & & 0 & 3 & 5 & 7 & 10 \\ \midrule \multirow{2}{*}{NO} & test\_p & 14.94 & 11.11 & 7.65 & \textbf{6.17} & 6.54 \\ & test\_n & 7.45 & 7.45 & 7.45 & 7.57 & 8.06 \\ \midrule \multirow{2}{*}{YES} & test\_p & 13.95 & 11.23 & 11.11 & 10.12 & \textbf{9.14} \\ & test\_n & 7.20 & 7.20 & 7.20 & 7.20 & 7.33 \\ \bottomrule \end{tabular} \end{table} \vspace{-15pt} \subsection{UIO} We evaluate the performance of UIO on AISHELL-1~\cite{bu2017aishell} testset and WenetSpeech~\cite{zhang2021wenetspeech} testsets (i.e., test\_net/test\_meeting), including the accuracy, scalability and training speed. Specifically, we use 8 GPUs on one machine for AISHELL-1, and 24 GPUs on three machines for WenetSpeech. As shown in Table~\ref{tab:uio}, the UIO shows close accuracy in raw and shard modes on AISHELL-1, while the shard mode gets about 9.27\% speedup in terms of the training speed. For WenetSpeech, since it is too slow to only use raw mode for training, the training speed is not shown. We adopt the result of ESPnet (marked with $\dagger$) as our baseline, which has the same configuration as our model. The result of the model trained on WenetSpeech by shard mode is comparable to ESPnet, which further illustrates the effectiveness of UIO. \vspace{-5pt} \begin{table}[ht] \caption{Unified IO evaluation} \vspace{-5pt} \label{tab:uio} \begin{tabular}{llll} \toprule Dataset & metric & raw & shard \\ \midrule \multirow{2}{*}{AISHELL-1} & speed(per epoch) & 593 sec & \textbf{538 sec} \\ & WER & 4.63 & 4.67 \\ \midrule \multirow{2}{*}{WenetSpeech} & speed(per epoch) & NA & 75 min \\ & WER & 8.90/15.90($\dagger$) & 9.70/15.59 \\ \bottomrule \end{tabular} \end{table} \vspace{-15pt} \section{Conclusion and Future Work} In this paper, we proposed our more productive E2E speech recognition toolkit, WeNet 2.0, which introduces several important production-oriented features and achieves substantial ASR performance improvement. We are working on WeNet 3.0, which mainly focuses on unsupervised self-learning, on-device model exploration and optimization, and other characteristics for production-level ASR. \newpage \scriptsize \bibliographystyle{IEEEbib} \newlength{\bibitemsep}\setlength{\bibitemsep}{.14\baselineskip plus .05\baselineskip minus .05\baselineskip} \newlength{\bibparskip}\setlength{\bibparskip}{-1pt} \let\oldthebibliography\thebibliography \renewcommand\thebibliography[1]{% \oldthebibliography{#1}% \setlength{\parskip}{\bibitemsep}% \setlength{\itemsep}{\bibparskip}% }
b6d1385e7319b47577d64f2afa5ae8b643bf4a33
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The ability to deploy AI models, especially Deep Neural Networks (DNNs) on resource-constrained devices (smart phones/tabs/TVs and edge sensors) has transformed the way these devices are used. While increasingly sophisticated deep models empower intelligent features and apps, revolutionary hardware and/or neural acceleration platforms \cite{snpe,snap,coreml} allow us to enable such features on even smaller devices. However, extensive manual effort by AI experts/professionals is needed for model architecture design and hyperparameter control in order to be effective and efficient for a given hardware and task scenario \cite{bergstra2012random}. This is even more critical in context of embedded AI. \textit{For instance}, large transformer models (GPT-3 etc.) are indispensable for text prediction, but needs sparse parameters, shorter embedding lengths or limited attention heads to work on low-resource devices. \textit{Similarly MobileNet-V2}, a breakthrough in device-efficient vision model via `separable convolutions', may be hard to deploy on lower-end devices unless several architectural parameters are adjusted. Manual design of DNN architectures of every new case is not sustainable in an evolving landscape of device hardware and AI-driven scenarios. Neural Architecture Search (NAS) or AutoM \cite{liu2018progressive,elsken2019neural,xie2018snas} allows for automatic learning (fine-tuning) suitable architectures from data (and/or additional information) and has shown a lot of promise \cite{tan2019mnasnet,cai2018proxylessnas}. But, NAS is largely \textit{not 'smart'} enough to adapt to evolving hardware configurations and increasingly complex task and optimality requirements (jointly termed as context here). There are major challenges. (1) Powerful NAS-designed device-efficient models (ex: EfficientNet\cite{tan2019efficientnet}), may be highly optimized for certain h/w (ex: Google TPUs) but may struggle on other chipsets or acceleration platforms. DNNs learned by NAS for high-end smart devices may either be fully/partially incompatible or inefficient in older/newer or low-tier devices. (2) Improper design of objectives can lead NAS to compress models so aggressively that they suffer in predictive performance or other factors. (3) Again, models designed for one task (such as object detection) may not generalize well to other related tasks (such as caption detection). (4) Most importantly, even robust NAS frameworks that arguably try to address these, have a major bottleneck - prohibitive search time that makes industrial adaptation of NAS extremely challenging. To address these challenges we propose our smart context-adaptive generalized NAS framework, \textbf{\underline{Auto}}ML via \textbf{\underline{Co}}-Regulated \textbf{\underline{Met}}a-behavior (\textsc{AutoCoMet}), that can automatically generate / customize and learn most suitable DNN architecture as per the context. `Context' jointly signifies varied levels of hardware configurations and task/quality requirements. Not only does our framework provide a generalized formalism of the multi-criteria objective but also proposes a novel way to solve the same via Reinforcement Learning with \underline{co-regulated reward shaping} resulting in rapid search. We make the following contributions: \textbf{(1)} We propose a context-adaptive NAS/AutoML framework, \textbf{(2)} To that end we propose a high fidelity hybrid ensemble meta-behavior predictor that can effectively handle mixed feature space producing accurate hardware behaviour prediction, \textbf{(3)} We propose a novel co-regulated reward shaping Reinforcement Learning (RL) NAS controller that that leads generalization in a principled manner as well as extremely rapid search and \textbf{(4)} Finally, we demonstrate empirically in several important scenarios how our framework is effective in generating suitable neural architectures for varied contexts. \section{Background \& Related Work} \subsection{Neural Architecture Search / AutoML} Although the spirit remains same, there are several classes of NAS methodologies depending on multiple dimensions. \paragraph{Search strategy}Approaches may differ in their search strategies - \textbf{(1)} Reinforcement Learning (zero-order optimization) based methods \cite{zoph2016neural, tan2019mnasnet, jaafra2019reinforcement}; \textbf{(2)} First-order optimization or gradient-based search including UNAS, DARTS etc., \cite{unas,liu2018darts} or Bayesian approaches like BayesNAS~\cite{zhou2019bayesnas}; \textbf{(3)} Evolutionary algorithms, known to be powerful in combinatorial multi-objective search in the discrete space (eg. LEMONADE \cite{elsken2018efficient} etc). \textit{We choose to adopt a zero-order Reinforcement Learning formalism since we mostly operate in a discrete design space with potentially piece-wise metrics, and hence differentiability is not trivial.} \paragraph{Design space and search latency}Several approaches try to address the concerns of intractable {search space} and search latency. Ex: ENAS \cite{pmlr-v80-pham18a} leverages parameter sharing among all tunable intermediate neural architectures. LEMONADE \cite{elsken2018efficient} proposes Lamarckian based inheritance to handle the resource expensive nature of the NAS controller. Liu et al., \cite{liu2018progressive} progressively searches complex architectures to keep the design space controlled. Recently, HourNAS \cite{hournas} mitigates search complexity by identification and added attention on vital blocks in a deep model. \textit{Our work proposes a novel way to navigate/explore the combinatorial search space instead and consequently helps control search latency.} \paragraph{On-device models}Inference efficiency of learned architectures is critical for on-device execution of DNNs, as inference entails complex tensor computations and affects user experience. MNASNet \cite{tan2019mnasnet} was one of the first ones to optimize architectures for mobile devices using a factored hierarchical search space and used a simple multi-criteria RL controller. Many other approaches also focus on hardware-adaptive search to find latency-optimal architectures for resource-limited devices \cite{fbnet,cai2018proxylessnas,xie2018snas,unas,chamnet}. Several state-of-the-art vision models for embedded AI were learned with NAS \cite{howard2019searching,tan2019efficientnet}. Our focus, as well, is to design a NAS framework for on-device deep models. However, we aim to make it smart, context-adaptive, generalized and fast. ProxylessNAS \cite{cai2018proxylessnas} is probably the closest in spirit to our work. Like MNASNet, they adopt a weighted product formulation of the multi-objective problem and try to use direct hardware level execution statistic (ex: latency) instead of complexity proxies. They use 2 parallel search strategies - Gradient-based and REINFORCE \cite{williams1992simple}. But, ProxylessNAS (and MNASNet) has some major limitations including - (1) limited latency estimator for mobiles; (2) naive (weighted-combination) strategy for multi-criteria RL and (3) stateless RL formulation which leads to predecessor-successor dependencies not being captured faithfully. \textsc{AutoCoMet} addresses such limitations with high-fidelity meta-behavior predictor, novel generalized multi-criteria optimizer using co-regulated reward-shaping RL. \subsection{Augmented Reinforcement Learning} As hinted earlier, \textsc{AutoCoMet} adopts an RL-based search, since representing DNN architecture design space as a sequence of state transitions restricts the complexity and a zero-order optimization scheme is useful in such a hybrid space. However a critical problem with RL, especially in our problem context, is `credit assignment'/feedback sparsity \cite{sutton1985temporal,fu2008solving,agogino2004unifying}.Architecture design space is potentially infinitely large and most architecture altering actions may not fetch any significant reward/feedback. Also this is a multi-criteria problem \cite{gabor1998multi,van2014multi,liu2014multiobjective} and most existing approaches resort to scalarization/combination of reward vector which does not work in our scenario. Augmented RL, such as Reward-shaping \cite{grzes2017reward,grzes2008plan,ng1999policy}, is one of the ways to address feedback sparsity where extra inputs (knowledge) augments the original sprase reward space while ensuring policy invariance. Our formulation uses reward shaping to address feback sparsity in a complex multi-criteria space. \section{The \textsc{AutoCoMet} framework} \subsection{Problem Setting} Most NAS approaches have limited generalizability across different classes of hardware/task. This problem is more critical in mobile devices where variations in hardware configuration affects user experience of AI-driven features. This is due to certain limitations in existing AutoML approaches -- \textbf{(1)} {Adapting the search space} in an evolving mobile hardware and task landscape is non-trivial; \textbf{(2)} {Naive combination} of the dimensions of a multi-criteria objective (scalarization) and/or {expensive combinatorial search} leading to prohibitive search latency; \textbf{(3)} {Formalism is not general}. Some NAS approaches optimize latency too aggressively making accuracy suffer or vice versa. Manually designing this trade-off is difficult. Also the dimensions in a multi-criteria objective cannot be easily extended. Hence our strategy enables suitable generalization across hardware/task and quality requirements (`Context'). \noindent \fbox{ \parbox{0.97\columnwidth}{ \textbf{GIVEN:} Context information (hardware configuration details + task/quality requirements).\\ \textbf{TO DO:} Develop a smart fast context-adaptive generalized NAS framework to learn the most suitable DNN arch.}} \subsection{Framework Architecture} \textit{``Smart'', in cognitive intelligence, is usually associated with fast learning, adapting to contexts and situations, and the ability to reason along multiple dimensions without losing sight of what is important. } Our proposed framework, \textbf{\underline{Auto}}ML via \textbf{\underline{Co}}-regulated \textbf{\underline{Met}}a-behavior (\textsc{AutoCoMet}) can hence be considered ``smart''. It has 2 major components, \textbf{[I]} High-Fidelity Context meta-behavior prediction model that is trained from DNN execution stats from a wide range of devices. This results in a piece-wise differentiable behavior function that feeds one or more of the reward components; \textbf{[II]} Novel multi-criteria Reinforcement Learning (RL) NAS controller that leverages a reward-shaping based `co-regulated' update strategy which leads to faster convergence. \begin{figure*}[h] \begin{minipage}{0.6\textwidth} \centering \includegraphics[height=4cm]{img/MetaNAS.png} \caption{Schematic of \textsc{AutoCoMet} framework} \label{fig:architecture} \end{minipage} \begin{minipage}{0.4\textwidth} \centering \includegraphics[height=4cm]{img/co-constrainedV2.png} \caption{Co-regulated shaping controller} \label{fig:shape} \end{minipage} \end{figure*} Before diving deeper into our proposed framework we define a few terms, \begin{definition}[Context] \label{def:context} Joint feature space qualifying hardware configuration and task in in factored form is termed as ``Context''. If a hardware configuration $H$ is described by k-tuple $\langle x_H^1, \ldots, x_H^k \rangle$ with features such as processor type, clock frequency, on-chip mem etc. and task/quality requirements $T$ is described by n-tuple $\langle x_T^1, \ldots, x_T^n \rangle$ with features such as text?, multi-entity?, ROI? etc., then Context is a union/concatenation of the 2 tuples $\langle x_C^i \rangle = \langle x_H^1, \ldots, x_H^k \rangle \cup \langle x_T^1, \ldots, x_T^n \rangle$. \end{definition} \begin{definition}[Co-regulated] \label{def:coreg} Adapted from the field of social psychology, Co-regulation \cite{fogel2017two} is defined as `continuous unfolding of individual action that is susceptible to being continuously modified by the continuously changing actions of the partner'. In our formalism it refers to how different dimensions of a multi-criteria objective regulate each other's progressive contribution, with the provision for setting \textbf{relative dominance}. [not same as co-learning] \end{definition} Figure~\ref{fig:architecture} illustrates the overall architecture of the framework. The RL controller now has a reward vector with multiple distinct dimensions (factored). For resource constrained devices major components of factored reward are (1) the predictive performance of candidates and (2) the context meta-behavior scores (latency/memory/power/throughput etc.). Unlike predictive performance, measuring context is not straightforward. Ex., measuring latency requires deployment/execution of candidate models on actual devices. This is expensive in case of repetitive measurements in NAS controllers. But high fidelity measurements of behavior of candidate architectures is important for learning device ready models. BRP-NAS \cite{dudziak2020brp}, tries to address this by learning complex GCNs to predict measurements but the complexity of this secondary deep model compromise search speed. So, \textsc{AutoCoMet} leverages a high-fidelity shallow predictor model for context. Our co-regulated shaping reinforcement can essentially incorporate arbitrary number of meta-behavior components in a smart and generalized way. Meta-Behavior predictor emulates varied pseudo-device/task contexts and output are feeds into the reward vector. Accuracy is the predictive performance component. Most existing multi-criteria RL approaches `scalarize' the factored reward vector via weighted combination, which may lead to sub-optimal solutions or slow convergence due to reward sparsity. Also aggressive optimization of hardware metrics may cause deviation from accurate models. \textsc{AutoCoMet} jointly optimizes all the components by allowing them to ``regulate'' one another via a reward-shaping. \subsection{Context Meta-Behavior Predictor} Meta-behavior model is a key factor in context-awareness. \textit{The term "meta" indicates that its purpose is to facilitate learning of the target model via context-aware estimates and it itself is not our target.} Note context is a hybrid feature space; some features are numerical, some categorical (or ordinal) while one or more are response variables (behavior scores - latency/memory etc.) which are continuous/real making this a multi-target hybrid regression problem. \subsubsection{Feature Design:} $X=\langle x_A^1,…,x_A^m,x_C^1,\ldots,x_C^{n+k}\rangle$ is the feature space where, $x_A^i$ are the features that describe candidate DNN architecture, $x_C^j$ signify context features and $\langle y_1,\ldots, y_w \rangle$ are the response variables. Response variables include estimates of latency, memory, power usage, throughput and so on. Meta-Behavior function, $y_f=F(X): f\in\{1,\ldots,w\}$ is a function operating on a hybrid feature space, which is represented by the piece-wise form more faithfully, \begin{equation} \label{eq:yf} y_f = \begin{cases} \infty & x_C^i = B\\ F(X) & \text{otherwise} \end{cases} \end{equation} where $B$ is the set of known values of context for which a given candidate could not be executed at all. Being a piece-wise function this is not differentiable over the whole space and trivial closed form solution does not exist. Note that the response variables are assumed independent of each other $y_f \perp y_g| X: f \neq g$ in our multi-target prediction problem. For instance memory heavy models are not always high latency. However, in some scenarios one may imagine some level of dependence such as power consumption may increase in a device that tries to reduce latency. But they are still independent conditioned on the context variables. \subsubsection{Predictor Design:} We choose ensemble regression models as our predictor to deal with the hybrid feature space and piece-wise meta-behavior function. Key idea is that, an ensemble model can faithfully model different parts of the function in different sub-spaces via multiple weak models. More specifically, we learn a \textit{bag-of-boosted (B-o-B) regression models} where the outer bag is a Random Regression Forest and each inner weak regression model is built via TreeBoost or Boosted Multi-Layer Perceptron (MLP). Multi-output is handled by constructing one model per target when using boosted trees or having a multi-output MLP otherwise. Our empirical evaluations show the validity of our choice and also highlights the difference in performance of the predictor choices. Note that, while MLP is an easier choice because of its ability to directly handle multi-target response, TreeBoost is more interpretable without additional overhead. Note, context values $B$ (Eqn~\ref{eq:yf}) help with informed data sample selection for the `bagging' part of our model. Such a predictor generalizes well to wide ranges of hardware/task parameters without evaluating on device during search. \subsection{Multi-criteria RL Controller with Co-regulated Shaping} The controller architecture (Figure \ref{fig:shape}), although may seem similar to ProxylessNAS \cite{cai2018proxylessnas}, leverages high-fidelity context meta-behavior predictor as opposed to the naive lookup based latency estimator in ProxylessNAS which is neither generalizable nor nor does it extend to other meta-behavior parameters. Above that we adapt an Q-learning \cite{rummery1994line} based RL update with co-regulated reward-shaping. \subsubsection{Decision Process Formulation}We formulate the MDP $\mathfrak{M} = \langle S,A,R,T,\gamma \rangle$ for our problem, where the state space $S$, is naturally factored and same as the predictor feature set $\langle x_A^1,…,x_A^m,x_C^1,…,x_C^{n+k} \rangle$. Action space $A$ is the NAS search space, i.e. the set of possible neural choices. This is customizable and can either be based on some backbone DNN or standardized space such as NAS-Bench \cite{dong2019bench}. Reward vector, $R=\langle r_P,\{r_S\} \rangle$ where $r_P$ is the primary reward signal and $\{r_S\}$ is the set of secondary reward signal. This formalism allows our multi-criteria reward to be generalized and extensible. As we will explain later the primary reward component will be the dominant signal in relation to the secondary ones. For proof of concept, we assume $r_P=Accuracy$ and $\{r_S\}=y_f$ (meta-behavior values \textit{Eg: latency}). $T$ is the transition function $P(s'|s,a)$ (which is 1 in our case). Since we have an infinite horizon problem (DNN can grow infinitely) we assume discount factor $\gamma < 1$. Reward-shaping formulation regulates the relative contributions of primary and secondary signals seamlessly in an adaptive dynamic fashion, unlike weighted combination approaches \subsubsection{Co-regulated reward shaping updates} {Scalarization} of the reward vector via some weighted additive/multiplicative combination have some major limitations - {(1)} Assumption of common euclidean space for all the components of the multi-criteria reward vector \textit{which is not the case for NAS} {(2)} Scalarization essentially computes a mixture distribution, which incorrectly assume all the reward components have same distributional shape. {(3)} The weights attached to the components in the reward vector are {not adaptive to how the learning evolves causing deviation from desired target}. Even simulated annealing cannot mitigate this since the temperature hyperparameter is based on number of iterations. Co-regulated reward shaping does not combine/scalarize the components in the reward vector. Instead it allows the secondary reward signal(s) to \textbf{shape} the learning from the primary and leverages the primary to influence the contribution of secondary. We extend \textbf{\textit{PIES (Policy Invariant Explicit Shaping)}} \cite{behboudian2020useful} to achieve the same. For brevity we assume here that primary reward is {accuracy} $r_P = Accuracy$ and secondary signal is a meta-behavior quantity such as {latency} $r_S = y_f= \{latency\}$, since these are two of the most important quantities that are optimized to obtain device efficient architectures. \ul{It can be easily extended to any arbitrary number of secondary signals (generalized formulation).} \begin{algorithm}[t!] \begin{small} \caption{\textsc{AutoCoMet}} \label{alg:autometalalgo} \begin{algorithmic}[1] \State Pre-process: Context predictor $\mathcal{M} \gets$ \Call{LearnMeta}{$\mathbb{M}$,$\mathbb{E}$} \Procedure{AutoCoMet}{Dataset $\mathbf{D}$, Predictor $\mathcal{M}$} \State Initialize: Design space $A \gets \{a_1,\ldots, a_n\}$ \State Initialize: Candidate Neural Architecture $\mathcal{N}$ \While{$\Delta \geq$ Threshold $\tau$} \State $a* \gets \underset{a \in A}{\arg\max}~ \pi_{t-1}^*$ \Comment{Choose neural block by policy} \State $\mathcal{N}_t \gets \mathcal{N}_{t-1} \Cup a*$ \Comment{$\Cup$ indicates layer addition} \State $r_P^t \gets Accuracy = \Call{Inference}{\mathcal{N}_t(\theta), d\subseteq \mathbf{X}}$ \State $r_S^t \gets Metabehavior = \mathcal{M}(\Call{ParseNetwork}{\mathcal{N}_t})$ \State $\Delta = r_P^{(t)} - r_P^{(t-1)}$ \State $\delta^\Phi=r_S (s,a)+\gamma \Phi_{(t-1)}(s' , a')-\Phi_{(t-1)}(s,a)$ \State $\Phi_{t} (s,a)\gets \Phi_{(t-1)} (s,a)+\beta \delta_{(t-1)}^{\Phi}$ \State Update Function Approximator for $\Phi$: $f(\Theta_S)$ \State Update $\epsilon$ as per \textbf{Equation~\ref{eq:epsilon}} \State $Q'(s,a) \gets Q_t(s,a) + r_P^t + [\gamma^{a} \max_a Q_t(s',a') - Q_t(s,a)]+\epsilon_t \Phi_t (s,a)$ \State Update Function Approximator for $Q$: $f(\Theta_P)$ \State Policy $\pi_t \gets softmax(Q_t)$ \EndWhile \EndProcedure \algrule \Procedure{LearnMeta}{DNNset $\mathbb{M}$, Contexts $\mathbb{C}$} \State Init: Meta-behavior data $\mathbf{Z} = \emptyset$; $Bag(\mathbf{Z}) \gets \emptyset$ \For{Model $\mathfrak{M} \in \mathbb{M}$} \State $\langle x_A^1,…,x_A^m \rangle_{\mathfrak{M}} \gets$ \Call{ParseNetwork}{$\mathfrak{M}$} \State $y_f \gets$ Execution stats $\forall C \in \mathbb{C}$ \State $\mathbf{Z}\gets \mathbf{Z}\cup\{\langle x_A^1,…,x_A^m,x_C^1,…,x_C^{n+k}, y_f \rangle\}_{C\in \mathbb{C}}$ \EndFor \While{NOT Converged} \State Sample $S \subseteq \mathbf{Z}|B$ \Comment{leveraging $B$ (Eqn~\ref{eq:yf})} \State BoostRegressor $=$ $XGBoost(S) \text{or} BoostMLP(S)$ \State Add to $Bag(\mathbf{Z}) \gets Bag(\mathbf{Z})~\cup BoostRegressor(S)$ \EndWhile \State \Return{$Bag(\mathbf{Z})$} \EndProcedure \end{algorithmic} \end{small} \end{algorithm} State-space here is intractably large, so we naturally use function approximators to model the value functions. Clearly $r_P$ feeds into the the primary function approximator (FA) $\Theta_P$ and $r_S$ is used to estimate the shaping potential $\Phi$ (via secondary function approximator $\Theta_S$), $\Phi_{(t+1)} (s,a)=\Phi_t (s,a)+\beta \delta_t^{\Phi}$, where $\Phi_t$ is the shaping potential, $\delta^\Phi=r_S (s,a)+\gamma \Phi(s' , a')-\Phi(s,a)$ and $\beta$ is learning rate for potential. We use shaping potential $\Phi$ to augment the $Q$ updates which uses the primary reward $r_P$, \begin{align} \label{eq:QUpdate} \nonumber Q'(s,a) = Q(s,a) + r_P + [\gamma & \max_a Q(s',a') - Q(s,a)]\\ & +\epsilon \Phi(s,a) \end{align} $\gamma = 0.9$ and $\epsilon$ is a decaying trade-off parameter. Till now we have only discussed uni-directional shaping. The formulationof $\epsilon$ is what brings in the co-regulation aspect. \begin{equation} \label{eq:epsilon} \epsilon_t= \begin{cases} \epsilon_{(t-1)}\times e^{\Delta} & \epsilon>\text{threshold}\\ 0 & \text{otherwise} \end{cases} \end{equation} where $\Delta$ is the growth in primary reward ($\Delta=Acc_t -Acc_{(t-1)}$). Both FAs are Multi-Layer Perceptrons. In original PIES, $\epsilon$ decays at constant rate unlike ours, where its regulated by the primary reward and hence the notion of \textit{\textbf{`co-regulated'}} (Figure~\ref{fig:shape}), ensuring approximate pareto-optimality. Optimal policy for choice of neural blocks is thus, $\pi_i^*=softmax_{(a\in A)} (Q_i^* (s,a)+\epsilon \Phi* (s,a))$. \ul{As is clear, the co-regulated trade-off now makes the contribution of the reward components dynamic and adaptive as opposed to the case of scalarization.} Finally in case of arbitrary number of meta-behavior quantities like $r_S = \{latency,memory,power,\ldots\} = \{r_S^1,r_S^2,r_S^3,\ldots\}$, we learn multiple potentials $\Phi_1, \Phi_2, \ldots$ and Eqn~\ref{eq:QUpdate} is modified as $Q'(s,a) = Q(s,a) + r_P + [\gamma \max_a Q(s',a') - Q(s,a)] +\epsilon^1 \Phi_1(s,a) +\epsilon^2 \Phi_2(s,a) + \ldots$ Also Eqn~\ref{eq:epsilon} is now indexed, $$\epsilon_t^i= \begin{cases} \epsilon_{(t-1)}^i\times e^{\Delta^i} & \epsilon>\text{threshold}\\ 0 & \text{otherwise} \end{cases}$$ where $\Delta^i=r_P^{(t)}-r_P^{(t-1)}$ is computed similarly. \ul{Finally also note the we can choose the relative dominance}, and assign some meta-behavior quantity as the primary reward such as $r_P=memory; r_S = \{accuracy, latency, \ldots\}$. Thus \textsc{AutoCoMet} is truly \textbf{generalized} both in terms of choice of relative dominance as well as the set of context meta-behavior variables. It is also \textbf{fast}, as shown in the evaluations, since \ul{co-regulated shaping solves the problem of reward sparsity preventing wastage of search time on irrelevant exploration.} \subsubsection{\textsc{AutoCoMet} Algorithm} Algorithm~\ref{alg:autometalalgo} outlines how \textsc{AutoCoMet} leverages predictor and co-regulated shaping. Two different Function Approximators ($\Theta_P$ \& $\Theta_S$) are learned for $Q$ function and shaping potential $\Phi$ respectively are updated distinctly [Lines 13 \& 16]. Shaping potential is learnable from secondary reward signal (meta-behavior) instead of a constant. All updates to the related variables proceeds as outlined earlier. For brevity, we do not explicitly describe helper functions [Lines 8, 9 \& 23]; eg. \textsc{ParseNetwork}() builds the architectural feature set from a candidate network and \textsc{Inference}() executes a candidate network with test data. \textsc{LearnMeta}() is called only once before search begins and meta-behavior predictor is learned. \begin{table*}[t!] \centering \caption{Comparison of predictive performance, inference latency, architecture size \& learning efficiency of neural architectures learned by \textsc{AutoCoMet} against baselines (Top-1 Accuracy in Appendix). We report IOU for segmentation} \scalebox{0.80}{ \begin{tabular}{p{0.10\linewidth}|l|c|c|c|c|c|c|c|c|c|c|c|c} \hline \multirow{2}{0.0pt}{\textbf{Task}} & \multirow{2}{0.0pt}{\textbf{Model}} & \multicolumn{3}{c|}{\textbf{Top-5 Acc / IOU \%}} & \multicolumn{3}{c|}{\textbf{Inf Latency (milliseconds)}} & \multicolumn{3}{c|}{\textbf{Size\%}} & \multicolumn{3}{c}{\textbf{Search Time (GPU hrs)}}\\ \cline{3-14} & & 1 & 2 & 3 & 1 & 2 & 3 & 1 & 2 & 3 & 1 & 2 & 3\\ \hline \hline \multirow{8}{0.10\linewidth}{{Classification (ImageNet)}} & MobileNetV2 \textit{[Manual]} & 91.2 & 91.2 & 91.2 & 113.2 & 256.2 & 300.5 & 100 & 100 & 100 & -- & -- & --\\ & ProxylessNAS (MNAS-Net) & 88.5 & 88.5 & 85.8 & 76.8 & 193.5 & 235.6 & 70 & 70 & 70 & 5.8 & 6 & 7.6\\%29 & 30 & 38\\ & NAS+Predictor & 90.24 & 90.24 & 89.9 & \textbf{50.28} & \textbf{129.25} & \textbf{130.8} & 70 & 70 & 60 & 10.8 & 10.8 & 13\\%54 & 54 & 65\\ & \textit{\textsc{AutoCoMet}} & 90.48 & 90.48 & 90.2 & \textbf{50.28} & \textbf{129.56} & \textbf{130.8} & 70 & 70 & 60 & \textbf{3} & \textbf{3} & \textbf{3.6}\\%\textbf{5} & \textbf{5} & \textbf{12}\\ \cline{2-14} & InceptionV3 \textit{[Manual]} & 94.49 & 94.3 & 94.39 & 346.2 & 445.8 & 505.5 & 100 & 100 & 100 & -- & -- & --\\ & ProxylessNAS (MNAS-Net) & 90.5 & 90.5 & 89.0 & 234.8 & 278.4 & 280.5 & 80 & 80 & 65 & 11.4 & 12 & 15.8\\%57 & 60 & 79\\ & NAS+Predictor & 92.6 & 92.6 & 92.6 & 111.81 & 154.54 & 176.8 & 80 & 75 & 62 & 25 & 22.5 & 26.3\\%100 & 90 & 105\\ & \textsc{AutoCoMet} & 92.6 & 93.2 & 92.9 & 111.67 & 156.2 & 178.5 & 80 & 75 & 62 & \textbf{11} & \textbf{8.8} & \textbf{13.6}\\%34 & 25 & 20\\ \hline \multirow{4}{0.10\linewidth}{Segmentation (COCO)} & MobileNetV2+Decoder & 89.9 & 89.9 & 89.9 & 45.2 & 57.6 & 76.5 & 100 & 100 & 100 & -- & -- & --\\ & ProxylessNAS (MNAS-Net) & 83.5 & 83.5 & 83.8 & 30.8 & 32.9 & 35.1 & 64.5 & 60.5 & 60 & 9.6 & 11.2 & 11.2\\%24 & 28 & 28\\ & NAS+Predictor & 85.8 & 85.78 & 85.4 & 26.8 & 39.5 & 35.8 & 70 & 65.5 & 68.2 & 15.6 & 13.8 & 14\\%39 & 30 & 35\\ & \textsc{AutoCoMet} & 88.4 & 86.8 & 87.1 & $\approx$\textbf{13} & \textbf{15.3} & \textbf{30.8} & 70 & 62.5 & 62.5 & \textbf{3.5} & \textbf{3.5} & \textbf{4}\\%\textbf{7} & \textbf{7} & \textbf{6}\\ \hline \end{tabular}} \label{tab:globalComp} \end{table*} \section{Experimental Evaluation} Empirical validation of automated architecture learning is not straightforward. Hence, our evaluation aims to answer the following – \textbf{[Q1.]} Is \textsc{AutoCoMet} able to generate architectures having better predictive performance or higher efficiency? \textbf{[Q2.]} Is the meta-behavior predictor effective? and \textbf{[Q3.]} How fast is our novel co-regulated controller? \begin{table}[h!] \centering \caption{Comparison of meta-behavior predictors} \scalebox{0.82}{ \begin{tabular}{c|c|c|c} \hline \textbf{Model} & \textbf{R2} & \textbf{RMSE} & \textbf{Time}\\ \hline \hline B-o-B & \textbf{0.9417} & \textbf{1.32} & 31ms\\ XGBoost & {0.91} & {1.354}& 29.9ms\\ MLP & 0.8748 & 1.36 & 28.8ms\\ SVR & 0.8253 & 1.5142 & \textbf{199.5$\mu$s}\\ \hline B-o-B & \multicolumn{2}{c|}{Acc. = $97.2\pm0.6$}& 31ms\\ GCN (BRPNas) & \multicolumn{2}{c|}{Acc. = $96.9\pm0.78$}& 93ms\\ \hline \end{tabular}} \label{tab:metaPerf} \end{table} \subsection{Experimental setting} We are primarily interested in the computer vision domain and thus we evaluate on such tasks. Baselines are, 1) ProxylessNAS (related MNASNet) itself and 2) Vanilla expert designed state-of-the-art networks such as MobileNetV2 \cite{sandler2018mobilenetv2}, InceptionV3. We implement execution stats collection pipeline and co-regulated RL controller in python 3.5 with pyTorch v1.4. All architecture search experiments are run on 2 core Nvidia 1080Ti GPU system (both our approach and baselines). \noindent\textbf{Domains: }We evaluate on 2 distinct tasks (data sets), namely \textit{ImageNet} \cite{imagenet_cvpr09} for object classification and \textit{COCO dataset} \cite{lin2014microsoft} for `segmentation'. In COCO dataset we change contrast and brightness and then find the object mask to create the segmentation labels. The displayed results are averaged over 10 training runs. Meta-predictor is trained with the execution stats dataset that we collect from various mobile devices with varying hardware configurations super-sampled with SMOTE technique \cite{chawla2002smote}. Layerwise inference latency, memory/power usage data was collected for multiple DNN models including VGG, Squeezenet, RCNN, MobilenetV1/V2, GoogleNet, AlexNet etc. using publicly available Samsung Neural SDK \cite{samsungneural}. We capture the following attributes - `Type, Kernel Size, Stride, Padding, Expansion Ratio, Idskip, Channels, Height, Width, Input Volume, Output Volume, Execution time, Cores, Compute Units, Memory, Clock Freq. and Memory B/w \subsection{Experimental Results} We conducted 3 types of experiments. To show that \textsc{AutoCoMet} can design DNN architectures that are both accurate as well as optimally efficient on an ecosystem of mobile devices we compare the vanilla manually designed state-of-the-art architectures to the ones that were generated by \textsc{AutoCoMet}. Also, we compare architectures generated by related methods, ProxylessNAS (which itself is based on MNASNet search space and optimization) as well as NAS+Predictor (which is \textsc{AutoCoMet} w/ meta-behavior predictor but w/o co-constrained shaping). We execute the learned models on 3 types of mobile hardwares - `Type 1' (flagship devices w/ high memory b/w + CPU/GPU/Neural-Processors.), `Type 2' (Mid-tier device w/ reasonable memory b/w + CPU/GPU) and `Type 3' (low-tier devices w/ low memory and CPU). To analyse the fidelity of our meta-behavior predictor we perform ablation studies with different predictors and show that our B-o-B predictor is most effective. Finally, to show that our novel co-constrained RL controller results in faster convergence of the architecture search, we present as learning curves of the cumulative returns in \textsc{AutoCoMet} against ProxylessNAS (which subsumes other related approaches such as MNASNet). \subsubsection{Quality of generated architecture \textbf{[Q1]}} Table~\ref{tab:globalComp} shows the performance/efficiency on classification and segmentation tasks. As described earlier we repeat the same experiments on different device types (Types 1, 2 \& 3). We show results against 2 popular classification models (MobilenetV2 and Inception V3) and an expert designed segmentation model MobilenetV2+Decoder with Deconv layers stacked after MobilenetV2 base (similar to UNet). We report Top-5 Accuracy (classification) and Intersection-Over-Union/IOU (segmentation), average inference latency, ratio of size of the learned architectures and search-time (Top1 reported in Appendix\footnote{For Appendix refer to supplementary file} Across all device types \textsc{AutoCoMet} learns architectures with predictive performance equal or close to state-of-the-art, while the inference latency as well as the size of the learned architecture is almost always significantly lower. Results for Type 3 are even more significant -- \textsc{AutoCoMet} learns smaller and more efficient architectures. On segmentation task we achieve $~13ms$ latency on flagship device which is the most ambitious till date. Note that ProxylessNAS (related MNASNet) although does produce reasonably efficient architectures (closer to ours), suffers in accuracy unlike \textsc{AutoCoMet}. This supports our conjecture that our approach tries to achieve the ideal level of relative dominance in the joint optimization. Additionally we see that `NAS+predictor', though produces effective and efficient architectures, yet has higher search time. After analysing the intermediate outputs we did find that simple combination-based approach of multi-criteria RL suffers due to reward sparsity. \textsc{AutoCoMet} on the other hand handles it really well due to the shaping-based strategy. \subsubsection{Fidelity of meta-behavior predictor \textbf{[Q2]}} \label{sec:metaresult} Accurate prediction of context-sensitive execution meta-behavior is important for the shaping potential. To understand the relative effectiveness we compare our \textit{B-o-B} against both ensemble and traditional regression model, such as XGBoost, Support Vector Regression (SVR) and Multi-Layer Perceptron (MLP). Table~\ref{tab:metaPerf} shows our ensemble model \textit{B-o-B} outperforming the others (as expected given the hybrid feature space). It is even marginally than GCN predictor in BRP-NAS, while being much faster. Note that GCN predictor is very limited since it has boolean response (good/bad). Response plots (Appendix) also show marginal `unexplained variance' resulting in high $R^2$ scores \begin{figure}[t!] \centering \includegraphics[width=0.60\columnwidth]{img/RwdPlotV4.png} \caption{Learning curve on Imagenet classification task} \label{fig:LC1} \end{figure} \subsubsection{Rapid Search / Sample efficiency \textbf{[Q3]}} Figure~\ref{fig:LC1} shows the learning curves with respect to $[0,1]$ normalized cumulative returns (averaged) of the RL controllers of \textsc{AutoCoMet} against ProxylessNAS (MNAS), for Type-1 hardware configuration. We observe that \textsc{AutoCoMet} plateaus out by 4-5 epochs while ProxylessNAS gradually climbs to similar cumulative returns by $\approx 40$ epochs. This ablation study aims to show the difference in the core RL strategies (beyond the the final performance shown in Table~\ref{tab:globalComp}). These learning curves provide insight into the convergence dynamics of the core RL controllers in the different NAS methods. This supports our claim the our co-regulated mechanism implicitly takes care of of reward sparsity, hence converging early. Note that each epoch takes consumes 0.2 GPU hours on an average. The learning curve with respect to the Segmentation task is provided in the Appendix. \section{Conclusion} We propose our NAS/AutoML framework \textsc{AutoCoMet} that leverages high fidelity meta-predictor of device behavior for a wide range of devices/tasks (contexts) and uses a novel co-regulated shaping RL controller to generate optimal DNN architectures for an ecosystem of contexts. We also show how our controller leads to faster convergence which is a very important feature for application developers interested in using the proposed framework to learn suitable DNN architectures for their AI-driven mobile applications even without access to cloud or high-powered computational resources. The context-awareness and co-regulated shaping formulation of the multi-criteria feedback provides a generalized and extremely fast architecture learning framework irrespective of context and quality requirements. It also implicitly adaptive and allows for customizing the relative conservativeness in the multi-objective optimization. One caveat however, is that careful training of the mete-behavior predictor is important for robustness. Capturing more exhaustive device behavior data is am important exercise that we aim to focus on next. Though, as outlined earlier, our formalism allows for learning over arbitrary combination of quality metrics in a principled manner, yet experimentation with other device behavior metrics (memory, power etc.) and adaptation to IoT (Internet of Things) ecosystem of connected devices are open challenges. \bibliographystyle{IEEEtran}
72ef68aa7b932549229421d3523efbb7cf790bde
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{\textbf{INTRODUCTION}}\label{sec:intro} In the global competitive economy nowadays, an extremely important task for manufacturing companies is to not only offer high-quality products but also reduce waste and increase efficiency in the production processes. The development of advanced technologies in Artificial Intelligence and Data Science fields makes this task more possible, but also more challenging when competing with other companies. Therefore, making a smart decision in manufacturing becomes a crucial task in any production company. In this context, early detection of abnormal products as well as assignable causes to fix the production system as soon as possible is an indispensable part, and Statistical Control Process (SPC) is one of the most effective methods to accomplish this task. Through control charts, SPC helps manufacturing companies monitor product qualities and discover the defects in the production lines. In SPC literature, many studies have been done to design a variety of control charts for monitoring different types of process data, see \cite{Montgomery2013}. Among these different data, compositional data (CoDa) are vectors whose components are strictly positive and they often present the proportions, percentages, or frequencies of some whole. Their applications can be found in many domains such as chemical research, econometrics, and the food industry, see \cite{Aitchison1986}. Due to the constraint on the sum of components of the CoDa vector, it can not be treated as normal data. In SPC literature, the studies in the control charts for monitoring CoDa data are still limited. In \cite{Boyles1997}, a chi-squared type control chart for monitoring CoDa data was proposed. Recently, the authors in \cite{Vives2014a} investigated a $T^2$ control chart for monitoring CoDa with $p =3$ and then \cite{Vives2014b} extended the work in \cite{Vives2014a} for individual observations case. Two methods for interpretations of out-of-control signal of individual $T_C^2$ control chart in case $p >3$ was proposed in \cite{Vives2016}. In \cite{Tran-coda2017}, the authors proposed a MEWMA-CoDa chart for monitoring CoDa with arbitrary components. This type of control chart was shown to be effective in detecting small to moderate process shift sizes and outperforming its competitor ($T^2$-CoDa chart). The influence of measurement errors on the performance of $T^2$, MEWMA chart for monitoring CoDa were investigated in \cite{Zaidi2019} and \cite{Zaidi2020}, respectively. In these control charts, the authors suggested using an isometric log-ration (ilr) transformation to transform CoDa to vector in $\mathbb{R}^{p-1}$ space to handle the constraint of CoDa and the average run length (ARL) to evaluate the performance of proposed control charts. In the control charts mentioned above, the fixed sampling interval (FSI) was supposed to use. Recently, the design of control charts tends to use variable sampling intervals (VSI). In these charts, the sampling interval between two consecutive samples is allowed to vary due to the value of the current control statistic. Many studies on the VSI control chart have been published so far, see, for example, \cite{Castagliola2013}, and \cite{Nguyen2018VSI}, among many others. As we know, the VSI MEWMA control chart for monitoring CoDa has not been used. Consequently, in this study, we propose a VSI MEWMA type control chart for monitoring CoDa, namely VSI MEWMA-CoDa, with arbitrary components based on ilr transformation. The modification of the Markov chain approach proposed by \cite{Lee2009} will be used to compute average time to signal (ATS), criteria to access the performance of VSI control charts. The rest of this paper is organized as follows: In Section \ref{sec:modeling}, the modeling of CoDa and the suggested isometric log-ratio transformation are introduced; the VSI MEWMA-CoDa control chart together with the Markov chain approach and optimization procedure to find the optimal parameters are given in Section \ref{sec:VSIMEWMA}; in Section \ref{sec:performance}, the performance of the VSI MEWMA-CoDa chart with different scenarios are provided; conclusions and some recommendations for further researches are given in Section \ref{Sec:Conclusion}. \section{\textbf{Modeling of Compositional Data}} \label{sec:modeling} By definition, a row vector, $\textbf{x} = (x_1, x_2, \ldots , x_p)$, is a p-part composition when its components are strictly positive and they carry only relative information, see \cite{Aitchison1986}, \cite{Pawlowsky2015}. The relative information here refers only to the proportions between components of the composition, regardless of their numerical values. The sum of the components of $\textbf{x}$, $\sum_{i=1}^{p}x_{i}$, is a constant $\kappa$. For instance, $\kappa = 100$ refers to measurements in percentage while $\kappa = 1$ means that the measurements are proportions. Each composition can be considered as an equivalent class made of proportional factors since the ratios between its components do not change when multiplying it by a positive constant. In this case, if $\textbf{x}, \textbf{y}$ are compositions and $\textbf{x} = \lambda \textbf{y}$ for some constants $\lambda$, we say that $\textbf{x}, \textbf{y}$ are compositionally equivalent. To check the equivalency of the two compositions, we can use the closure function $\mathcal{C}(\textbf{x})$, defined as \begin{equation*} \mathcal{C}(\textbf{x}) = \left( \frac{\kappa \cdot x_{1}}{\sum_{i=1}^{p}x_{i}}, \ \frac{\kappa \cdot x_{2}}{\sum_{i=1}^{p}x_{i}}, \ldots, \frac{\kappa \cdot x_{p}}{\sum_{i=1}^{p}x_{i}} \right) \end{equation*} where $\kappa > 0$ is a fixed constant; in this definition, two p-part compositions $\textbf{x}, \textbf{y}$ are compositionally equivalent if $\mathcal{C}(\textbf{x}) = \mathcal{C}(\textbf{y})$. The sample space of CoDa is the simplex, \begin{equation*} \begin{split} \mathcal{S}^p = \Big\{ \textbf{x} =(x_1, x_2, \ldots , x_p) \enskip | \enskip x_{i} > 0, i = 1, \ldots, D; \\ \sum_{i=1}^{p}x_{i} = \kappa \Big\} \end{split} \end{equation*} In $\mathbb{R}^p$ space, we can use Euclidean geometry to add vectors or multiply vectors by scalar to obtain their properties or compute their distance. But, due to special structure of CoDa vectors in $\mathcal{S}^p$, this geometry can not be applied directly. The authors of \cite{Aitchison1986} introduced the Aitchison geometry, with two operations required for a vector space structure on $\mathcal{S}^p$: \textit{Perturbation} and \textit{powering} operators. The perturbation $\oplus$ of $\textbf{x} \in \mathcal{S}^p$ by $\textbf{y} \in \mathcal{S}^p$ (equivalent to the addition in $\mathbb{R}^p$) is defined by $$\textbf{x} \oplus \textbf{y} = \mathcal{C}(x_{1}y_{1}, \ldots, x_{p}y_{p}) \in \mathcal{S}^p$$ and the powering $\odot$ of $\textbf{x} \in \mathcal{S}^p$ by a constant $\alpha \in \mathbb{R}$ (equivalent to the multiplication by a scalar operation in the $\mathbb{R}^p$) is defined by $$\alpha \odot \textbf{x} = \mathcal{C}(x_{1}^{\alpha}, \ldots, x_{p}^{\alpha}) \in \mathcal{S}^p$$ In practice, CoDa are often transformed to vectors in the Euclidean space to remove its constraints. The center log-ratio (clr) transformation of vector $\textbf{x} \in \mathcal{S}^p$, $\operatorname{clr}(\textbf{x})$, is an isometry from $\mathcal{S}^p$ to a subspace $U \subset \mathbb{R}^p$, defined by \begin{align*} \operatorname{clr}(\textbf{x}) &= \left(\ln \frac{x_1}{g_{m}(\textbf{x})}, \ln \frac{x_2}{g_{m}(\textbf{x})}, \ldots, \ln \frac{x_p}{g_{m}(\textbf{x})} \right) \\ & = (\xi_1, \xi_2, \ldots, \xi_p) \end{align*} where \begin{equation*} g_{m}(\textbf{x}) = \left(\prod_{i=1}^p x_i \right)^{\frac{1}{p}} = \exp \left(\frac{1}{p}\sum_{i=1}^p x_i \right) \end{equation*} is the geometric mean of the composition and $\sum_{i=1}^p \xi_i = 0$. The inverse center log-ratio $\operatorname{clr}^{-1}(\bm{\xi})$ recovering $\textbf{x}$ from $\bm{\xi} = (\xi_1, \ldots, \xi_{p})$ is \begin{equation*} \operatorname{clr}^{-1}(\bm{\xi}) = \mathcal{C}(\exp(\bm{\xi})) = \mathcal{C}(\exp(\xi_1),\exp(\xi_2), \ldots, \exp(\xi_{p})). \end{equation*} Egozcue et al. \cite{Egozcue2003} showed that the constraint in the component of $\operatorname{clr}(\textbf{x})$ makes singular the $\operatorname{clr}(\textbf{x})$ variance-covariance matrix for random composition. To overcome this drawback, the authors of \cite{Egozcue2003} proposed a new transformation which is associated with an orthogonal basis in $\mathcal{S}^p$, named isometric log-ratio (irl) transformation. Let ${\textbf{e}_1, \textbf{e}_2, \ldots , \textbf{e}_{p-1}}$ be an orthonormal basis of $\mathcal{S}^p$. Any composition $\textbf{x} \in \mathcal{S}^p$ can be expressed as \begin{equation*} \textbf{x} = \bigoplus_{i = 1}^{p-1}x_{i}^* \odot \textbf{e}_i, \enskip x_{i}^* = \langle \textbf{x},\textbf{e}_i \rangle_a = \langle \operatorname{clr}(\textbf{x}), \operatorname{clr}(\textbf{e}_i) \rangle \end{equation*} where $\langle , \rangle_a$ denotes the Aitchison inner product. Thus, the ilr transformation of $\textbf{x} \in \mathcal{S}^p$ is $\operatorname{ilr}(\textbf{x}) = \textbf{x}^* = (x_{1}^*, x_{2}^*, \ldots, x_{p-1}^*)$. Let $\textbf{B}$ be a $(p-1, p)$ matrix whose $i^{th}$ row is $\operatorname{clr}(\textbf{e}_i), i = 1, \ldots, p-1$. This matrix is known as a contrast matrix associated with the orthonormal basis ${\textbf{e}_1, \textbf{e}_2, \ldots , \textbf{e}_{p-1}}$. The ilr transformation $\textbf{x}^*$ of composition $\textbf{x}$ can be computed by $$\textbf{x}^* = \operatorname{ilr}(\textbf{x}) =(x_1^*, \ldots, x_{p-1}^*) = \operatorname{clr}(\textbf{x}) \cdot \textbf{B}^{\intercal}$$ There are many candidates for an orthonormal basis in $\mathcal{S}^p$. The authors of \cite{Egozcue2005} proposed a sequential binary partition to define an orthonormal basis. In this basis, $\textbf{e}_i$ is defined to be $\mathcal{C}(e_{i,1},\ldots,e_{i,j},\ldots,e_{i,p})$ where \[ e_{i,j}=\left\{ \begin{array}{ll} \exp{\left(\sqrt{\frac{1}{i(i+1)}}\right)} & \text{\quad if \quad} j\leq i \\ \exp{\left(-\sqrt{\frac{i}{i+1}}\right)} & \text{\quad if \quad} j=i+1 \\ 1 & \text{\quad otherwise \quad} \end{array} \right. \] The elements $e_{i,j}$ are called the \emph{balancing elements} of this basis. Thus, if this type of orthonormal basis is chosen to transform $\textbf{x}$, i.e., $\operatorname{ilr}(\textbf{x}) = \operatorname{clr}(\textbf{x}) \cdot \textbf{B}^{\intercal}$, the coordinates $x^*_i$ are called \emph{balances} and can be obtained by \[ x^*_i=\sqrt{\frac{i}{i+1}}\ln\left(\frac{\left(\prod_{j=1}^ix_j\right)^{\frac{1}{i}}}{x_{i+1}}\right). \] From its ilr coordinate $\textbf{x}^*$, $\textbf{x}$ can be recovered by using the inverse of ilr transformation: \[ \operatorname{ilr}^{-1}(\mathbf{x}^*)=\operatorname{clr}^{-1}(\mathbf{x}^*\mathbf{B}) =\mathcal{C}(\exp(\mathbf{x}^*\mathbf{B})). \] \tab{tab:example1} illustrates the application of ilr transformation in practice for the case $p=4$. The first 4 columns present the components of 6 compositions in $\mathcal{S}^4$ and the remaining 3 columns present their corresponding ilr coordinates in $\mathbb{R}^3$. As can be seen, these $\operatorname{ilr}$ coordinates $x_i^*$ are not constrained any longer. For more detail on CoDa and its properties, see \cite{Pawlowsky2015}. \begin{table} \caption{An example of ilr transformation in $\mathcal{S}^4$} \begin{center} \begin{tabular}{ccccccc} \hline $x_1$ & $x_2$ & $x_3$ & $x_4$ & $x^*_1$ & $x^*_2$ & $x^*_3$ \\ \hline 0.10 & 0.30 & 0.50 & 0.10 & -0.78 & -0.87 & 0.78\\ 0.20 & 0.25 & 0.20 & 0.35 & -0.16 & 0.09 & -0.42\\ 0.50 & 0.10 & 0.20 & 0.20 & 1.14 & 0.09 & 0.06\\ 0.60 & 0.05 & 0.05 & 0.30 & 1.76 & 1.01 & -0.83\\ 0.35 & 0.15 & 0.10 & 0.40 & 0.60 & 0.68 & -0.72\\ 0.20 & 0.45 & 0.05 & 0.30 & -0.57 & 1.46 & -0.52\\ \hline \end{tabular} \end{center} \label{tab:example1} \end{table} \section{\textbf{VSI Multivariate EWMA control chart for Compositional Data}} \label{sec:VSIMEWMA} \subsection{\textbf{VSI MEWMA-CoDa control chart}} Let us suppose that, at each sampling period $i=1,2,\ldots$, a sample of size $n$ independent $p$-part composition observations $\{\mathbf{X}_{i,1},\ldots,\mathbf{X}_{i,n}\}$, $\mathbf{X}_{i,j}\in\mathcal{S}^p$, $j=1,\ldots,n$ is collected, and suppose also that each $\mathbf{X}_{i,j}$, $j=1,\ldots,n$, follows a multivariate normal distribution $N_{\mathcal{S}^p}(\bm{\mu},\bm{\Sigma})$ on the simplex $\mathcal{S}^p$, where $\bm{\mu} \in \mathcal{S}^p$ is the center of compositions and $\bm{\Sigma}$ is their variance-covariance matrix. Assume that, when the process is in-control, the composition center is $\bm{\mu}_0$ and when the process is out-of-control, the composition center is $\bm{\mu}_1$. The aim of this paper is to design a variable sampling interval MEWMA control chart (denoted by VSI-MEWMA-CoDa) to monitor the \emph{center} $\bm{\mu}$ of a $p$-part compositional process. Since CoDa data has a constant constraint on its components, the traditional VSI-MEWMA control chart may not perform well on monitoring this type of data. In \cite{Tran-coda2017}, instead of directly monitoring the composition center $\bm{\mu}$, the authors proposed to monitor the mean vector $\bm{\mu}^* = \operatorname{ilr}(\bm{\mu})$ using a FSI MEWMA control chart for the sample mean coordinates vector $\bar{\mathbf{X}}^*_i$. In this study, we will apply the idea in \cite{Tran-coda2017} to investigate a VSI-MEWMA control chart for monitoring a compositional process. Let $\{\mathbf{X}^*_{i,1},\ldots,\mathbf{X}^*_{i,n}\}$ be the corresponding $\operatorname{ilr}$ coordinates of $\{\mathbf{X}_{i,1},\ldots,\mathbf{X}_{i,n}\}$, i.e. $\mathbf{X}^*_{i,j}=\operatorname{ilr}(\mathbf{X}_{i,j})\in\mathbb{R}^{p-1}$. Since $\mathbf{X}_{i,j}$ follows a multivariate normal distribution $N_{\mathcal{S}^p}(\bm{\mu},\bm{\Sigma})$ on $\mathcal{S}^p$, its corresponding $\operatorname{ilr}$ coordinate $\mathbf{X}^*_{i,j}$ follows a multivariate normal distribution $N_{\mathbb{R}^{p-1}}(\bm{\mu}^*,\bm{\Sigma}^*)$ on $\mathbb{R}^{p-1}$, where $\bm{\mu}^*=\operatorname{ilr}(\bm{\mu}) \in \mathbb{R}^{p-1}$ is the mean vector, $\bm{\Sigma}^*$ is the $(p-1,p-1)$ variance-covariance matrix of the ilr transformed data. The values of parameters $\bm{\mu}^*$ and $\bm{\Sigma}^*$ depend on the particular choice of matrix $\mathbf{B}$ chosen in ilr transformation (see \cite{Pawlowsky2015} and section \ref{sec:modeling}). Denote the ilr coordinates of in-control composition center $\bm{\mu}_0$ and out-of-control composition center $\bm{\mu}_1$ are $\bm{\mu}_0^*$ and $\bm{\mu}_1^*$, respectively. The average of $n$ independent $p$-part compositional observations is defined by \[ \bar{\mathbf{X}}_i=\frac{1}{n}\odot(\mathbf{X}_{i,1}\oplus\cdots \oplus\mathbf{X}_{i,n}) \] then its ilr coordinate $\bar{\mathbf{X}}^*_i$ is $\bar{\mathbf{X}}^*_i=\operatorname{ilr}(\bar{\mathbf{X}}_i)=\frac{1}{n}(\operatorname{ilr}(\mathbf{X}_{i,1})+\cdots+\operatorname{ilr}(\mathbf{X}_{i,n}))=\frac{1}{n}(\mathbf{X}^*_{i,1}+\cdots+ \mathbf{X}^*_{i,n}) \in \mathbb{R}^{p-1}$. \\ We first recall the FSI MEWMA-CoDa control chart proposed by the authors in \cite{Tran-coda2017} as follows. Let the MEWMA vector $\mathbf{W}_i$ be \[ \mathbf{W}_i=r(\bar{\mathbf{X}}^*_i-\bm{\mu}_0^*)+(1-r)\mathbf{W}_{i-1}, \,i=1,2,\ldots \] where $\mathbf{Y}_0=\mathbf{0}$, $r\in(0,1]$ is a fixed smoothing parameter. In FSI MEWMA-CoDa control chart, Tran et al. \cite{Tran-coda2017} suggested to monitor the statistic \begin{equation} \label{equ:Qi} Q_i=\mathbf{W}_i^{\intercal}\bm{\Sigma}^{-1}_{W_i}\mathbf{W}_i,\,i=1,2,\ldots \end{equation} where $\bm{\Sigma}_{W_i}$ is the variance-covariance matrix of $\mathbf{W}_i$. In this work, the asymptotic form of the variance-covariance matrix $\bm{\Sigma}_{W_i}$ \[ \bm{\Sigma}_{W_i}=\frac{r}{n(2-r)}\bm{\Sigma}^* \] was used to compute the plotted statistic (and it is also used in our work). An out-of-control signal is issued when $Q_i>UCL=H$, where $H>0$ is chosen to achieve a specific value of in-control $ATS$. In the FSI MEWMA-CoDa control chart, the sampling interval is a fixed constant $h_F$. As for the VSI MEWMA-CoDa control chart, based on the current value of $Q_i$, the time between two successive samples $\bar{\mathbf{X}}_i, \bar{\mathbf{X}}_{i+1}$ is allowed to varied. In this chart, the control limit UCL is held the same as in the FSI chart, and an additional warning limit $w = UWL$ $(0< UWL <UCL)$ is introduced to determine the switch between the long and short sampling intervals: The long sampling intervals $h_L$ is used when the control statistic $Q_i^2 \leq UWL^2$ (safe region) and the short sampling intervals $h_S$ is used when $UWL < Q_i^2 \leq UCL^2$ (warning region). An out-of-control signal is issued when $Q_i^2 > UCL^2$. \subsection{\textbf{Markov chain model}} Suppose that the occurrence of an assignable cause makes the in-control composition center $\bm{\mu}_0$ is shifted to $\bm{\mu}_1$, or equivalently $\bm{\mu}_0^*$ is shifted to $\bm{\mu}_1^*$. In this subsection, we will discuss a method based on the Markov chain model to compute the average of the zero-state time to signal (ATS) for the VSI MEWMA-CoDa control chart. Let $ATS_0, ATS_1$ denote the ATS when the process runs in-control, and out-of-control, respectively. In comparison with other control charts, it is desirable to design a chart with smaller $ATS_1$ while their $ATS_0$ are the same. In the FSI chart, since the sampling interval $h_F$ is fixed, we have \begin{equation*} ATS^{\mathrm{FSI}} = h_F \times ARL^{\mathrm{FSI}}. \end{equation*} In the VSI chart, since the sampling interval is allowed to vary, the relation between $ATS$ and $ARL$ would be: \begin{equation*} \label{equ:tinh Eh} ATS^{\mathrm{VSI}} = E(h) \times ARL^{\mathrm{VSI}}. \end{equation*} where $E(h)$ denote the average sampling interval. The authors of \cite{Lowry1992} showed that the performance of a MEWMA-$\bar{X}$ chart is a function of the $n$, $\bm{\mu}_0^*$, $\bm{\mu}_1^*$ and $\bm{\Sigma}^*$ only through the non-centrality parameter $\delta$ where \[ \delta=\sqrt{n(\bm{\mu}_1^*-\bm{\mu}_0^*)^{\intercal}(\bm{\Sigma}^*)^{-1} (\bm{\mu}_1^*-\bm{\mu}_0^*)}. \] Without loss of generality, we can assume $n=1$, $\bm{\mu}_0^*=\mathbf{0}$ (i.e. the in-control composition center is $\bm{\mu}_0=(\frac{1}{p},\frac{1}{p},\ldots,\frac{1}{p})$) and $\bm{\Sigma}^*=\mathbf{I}_{p-1}$ (the identity matrix in $\mathbb{R}^{p-1}$). In this case, the statistic $Q_i$ in \equ{equ:Qi} is modified to $Q_i=b\norm{W_i}_2^2$ with $b=\frac{2-r}{r}$. Consequently, the control limits UCL and UWL of VSI MEWMA-CoDa are modified to be \[ UCL = \sqrt{H/b}, \quad UWL = \sqrt{w/b} \] To calculate the in- and out-of-control ATS of the VSI MEWMA-$\bar{X}$ chart, the author of \cite{Lee2009} modified the Markov chain approach proposed in \cite{Runger1996} to approximate its calculation based on the statistic $q_i=\norm{W_i}_2$. Concerning the \emph{in-control} case, the one dimensional Markov chain can be used to approximate ATS. In this case, the interval $[0,UCL']$, where $UCL'=\sqrt{H/b}$, is divided into $m+1$ sub-intervals (states): the first sub-interval has length $\frac{g}{2}$ and the others have length $g$, where $g=\frac{2UCL'}{2m+1}$. The probability of transition from state $i$ to state $j$, denoted by $p(i,j)$, is given by \begin{itemize} \item for $i=0,1,\ldots,m$ and $j=1,2,\ldots,m$, \begin{equation*} \begin{split} p(i,j)=P\bigg(\Big(\frac{(j-0.5)g}{r}\Big)^2< \chi^2(p-1,c) \\ < \Big(\frac{(j+0.5)g}{r}\Big)^2\bigg) \end{split} \end{equation*} where $\chi^2(p-1,c)$ denotes a non central chi-square random variable with $p-1$ degrees of freedom and non-centrality parameter $c=\left(\frac{(1-r)ig}{r}\right)^2$, \item for $j=0$, \[ p(i,0)=P\left(\chi^2(p-1,c)<\left(\frac{g}{2r}\right)^2\right). \] \end{itemize} Let $\textbf{P}_1$ denote the $(m+1,m+1)$ transition probability matrix corresponding to the transient states with the elements $p(i,j)$ then the zero-state in-control $ATS$ of the VSI MEWMA-CoDa control chart is obtained by \[ ATS=\mathbf{s}^{\intercal}(\mathbf{I}_{m+1}-\mathbf{P}_1)^{-1}\mathbf{h}, \] where $\mathbf{s}$ is the $(m+1)$-starting probability vector, i.e. $\mathbf{s}=(1,0,0,\ldots,0)^{\intercal}$, $\mathbf{h}$ is the $(m+1)$-vector of sampling interval with the $i^{th}$ component $h_i$ is defined by \begin{align*} h_i= \begin{cases} h_L ~~\text{if}~~ ig \leq UWL\\ h_S ~~\text{if}~~ ig > UWL \end{cases}. \end{align*} The expected sampling interval $E(h)$ is calculated by \begin{equation*} E(h)=\frac{\mathbf{s}^{\intercal}(\mathbf{I}_{m+1}-\mathbf{P}_1)^{-1}\mathbf{h}}{\mathbf{s}^{\intercal}(\mathbf{I}_{m+1}-\mathbf{P}_1)^{-1}\mathbf{1}_{m+1}}, \end{equation*} where $\mathbf{1}_{m+1}=(1,1,\ldots,1)^{\intercal}$ is the $m+1$ column vector of 1's. To calculate the zero-state ATS of VSI MEWMA-CoDa chart in the \emph{out-of-control} case, The author of \cite{Lee2009} modified the two dimensional Markov chain approach which is originally proposed in \cite{Runger1996}. In this approach, $\mathbf{W}_i\in\mathbb{R}^{p-1}$ is partitioned into $W_{i1}\in\mathbb{R}$ with mean $\delta \neq 0$ and $\mathbf{W}_{i2}\in\mathbb{R}^{p-2}$ with zero mean. Then, $q_i=\norm{\mathbf{W}_i}_2=\sqrt{W^2_{i1} +\mathbf{W}^{\intercal}_{i2}\mathbf{W}_{i2}}$. The transition probability $h(i,j)$ of $W_{i1}$ from state $i$ to state $j$ is used to analyze the out-of-control component. Applying the Markov chain-based approach with the number of states of the Markov chain is $2m_1+1$, for $i, j = 1, 2,\ldots, 2m_1+1$, we have \begin{align*} h(i,j)= &\Phi\left(\frac{-UCL'+jg_1-(1-r)c_i}{r}-\delta\right) \\ & -\Phi\left(\frac{-UCL'+(j-1)g_1-(1-r)c_i}{r}-\delta\right) \end{align*} where $\Phi$ denotes the cumulative standard normal distribution function, $c_i=-UCL'+(i-0.5)g_1$ is the center point of state $i$ with the width of each state $g_1=\frac{2UCL'}{2m_1+1}$. Concerning $\mathbf{W}_{i2}$ component, the transition probability $v(i,j)$ from state $i$ to state $j$ is used to analyze the in-control component. In this case, the Markov chain approach as in in-control case will be applied with $p-2$ replacing $p-1$. The control region is partitioned into $m_2+1$ sub-intervals (states) with the width of each states is $g_2=\frac{2UCL'}{2m_2+1}$. The transition probability $v(i,j)$ is given as follows \begin{itemize} \item for $i=0,1,2,\ldots,m_2$ and $j=1,2,\ldots,m_2$ \begin{equation*} \begin{split} v(i,j)=P\bigg(\Big(\frac{(j-0.5)g_2}{r}\Big)^2< \chi^2(p-2,c) \\ < \Big(\frac{(j+0.5)g_2}{r}\Big)^2\bigg), \end{split} \end{equation*} \noindent where $c=\left(\frac{(1-r)ig_2}{r}\right)^2$, \item for $j=0$, \[ v(i,0)=P\left(\chi^2(p-2,c)<\left(\frac{g_2}{2r}\right)^2\right) \] \end{itemize} Let $\mathbf{H}$ denote the $(2m_1+1,2m_1+1)$ transition probability matrix of $W_{i1}$ with elements $h(i,j)$, $\mathbf{V}$ denote the $(m_2+1,m_2+1)$ transition probability matrix of $\norm{\mathbf{Y}_{i2}}_2$ with elements $v(i,j)$, and $\mathbf{P}_2$ denote the transition probability matrix of two dimensional Markov chain. Since $W_{i1}$ and $\mathbf{Y}_{i2}$ are independent, we have $\mathbf{P}_2=\mathbf{H}\otimes\mathbf{V}$, where $\otimes$ is the Kronecker's matrices product. Matrix $\mathbf{P}_2$ will consist of the transition probabilities of all transient and some absorbing states of the Markov chain. Let $\mathbf{T}$ be the $(2m_1+1,m_2+1)$- matrix with element $T(\alpha, \beta)$ given by \[ \mathbf{T}(\alpha, \beta)=\left\{ \begin{array}{ll} 1& \mbox{if state ($\alpha, \beta$) is transient} \\ 0& \mbox{otherwise} \end{array} \right. \] and $\mathbf{P}$ be the transition probability matrix containing only transient states of the Markov chain. Then, we have $\mathbf{P}=\mathbf{T}(\alpha,\beta)\circledast\mathbf{P}_2$ where symbol $\circledast$ indicates the element-wise multiplication of matrices. Let $\mathbf{h}$ be the $(2m_1+1) \cdot (m_2+1)$ vector of sampling intervals for the bivariate chain. M.H. Lee \cite{Lee2009} defined $\mathbf{h}$ to be \begin{equation*} \begin{split} \mathbf{h}^{\intercal} = \big((1,0), \ldots, (1,m_2), (2,0), \ldots, (2,m_2), \ldots, \\ \ldots, (2m_1+1,0), \ldots, (2m_1+1,m_2)\big) \end{split} \end{equation*} with the element $\mathbf{h}(i,j)$ defined by \[ \mathbf{h}(i,j)=\left\{ \begin{array}{ll} h_L& \mbox{if} \enskip a_{i,j} \leq UWL^2 \\ h_S& \mbox{if} \enskip UWL^2 < a_{i,j} \leq UCL^2 \\ 0 & \mbox{otherwise} \end{array} \right. \] where $a_{i,j} = (i-(m_1+1))^2g_1^2 +j^2g_2^2.$ Thus, the zero-sate out-of-control $ATS$ of VSI MEWMA-CoDa control chart is defined by $ATS=\mathbf{s}^{\intercal}(\mathbf{I}-\mathbf{P})^{-1} \mathbf{h}$ where $\mathbf{s}$ is the initial probability vector with the component corresponding to state $(\alpha,\beta)=(m_1+1,0)$ is equal to one and all other components are equal to zero. In case $m_1=m_2=m$, M.H. Lee \cite{Lee2006} showed that the entry corresponding to the component with value equal to 1 of $\mathbf{s}$ is the $(m(m+1)+1)$th entry. Concerning the performance of the program used for the computation of the $ATS$, we follow the recommendation in \cite{Tran-coda2017} and decide to use $m_1=m_2=30$. \subsection{\textbf{Optimization procedure}} Assume that the fixed sampling interval in FSI control charts is to be a time unit, i.e. $h_F=1$. Hence, $ATS_0^{FSI} = ARL_0$. In order to evaluate the performances of VSI MEWMA-CoDa with its FSI version, we can compare their out-of-control $ATS_1$ while constraining the same in-control values of both $ATS_0$ and $E_0(h)$ (average sampling interval). Thus, the VSI MEWMA-CoDa control chart can be designed by finding the optimal combination of parameters that minimize the out-of-control $ATS_1$ subject to the predefined constraint of $ATS_0$ and $E_0(h)$. In general, a fixed couple $(h_S, h_L)$ is typically used, which can be chosen from the suggested list as in \cite{Castagliola2013}. However, as discussed in the study \cite{Nguyen2018VSI}, while $h_S$ is quite reasonable to fix, it seems not practical to fix $h_L$ due to the fact that when the control statistic falls into the central region, the process is still in safe and the next sampling interval can be flexible to choose if it does not influence the performance of the chart. Based on this reason, we follow the suggestion in \cite{Nguyen2018VSI} to fix the proportion between the UCL and UWL values. Let $R$ be the number such that $ UWL = R \cdot UCL$. When the control limit UCL is determined, the warning limit UWL can be computed based on the value of $R$. Thus, the optimal design of the VSI MEWMA-CoDa control chart will consist of searching the optimal parameters $(r, H, h_L)$ which minimize the out-of-control $ATS_1$ for given shift $\delta$ subject to constraints in the in-control $ATS_0$ and $E_0(h) = 1$, i.e, \begin{equation*} (r^{*}, H^{*},h_L^{*})=\underset{(r,H,h_L)}\operatornamewithlimits{argmin} \enskip \operatorname{ATS}(n, r, H, R, p-1, \delta, h_L, h_S) \end{equation*} subject to the constraint \begin{align*} \label{equ:optim up 2} \begin{cases} \operatorname{ATS}(n, r^*, H^*, R, p-1, \delta = 0, h_L^*, h_S) = \operatorname{ATS}_0\\ \operatorname{E}_0(h)=1 \end{cases} \end{align*} By fixing the in-control predefined $ATS_0$ value, these optimal parameters can be obtained by using the two-steps optimization procedure as follows \begin{enumerate} \item Find the set of triples $(r,H, h_L)$ such that the in-control $ATS = ATS_0$ and $E_0(h)=1$. \item Among these feasible triples $(r,H, h_L)$, choose $(r^*,H^*)$ which provides the smallest out-of-control $ATS$ value for a particular shift $\delta$ in vector $\bm{\mu}_0^*$. \end{enumerate} As noted in \cite{Tran-coda2017}, the value of $r$ must not be too small to avoid unreliable results and the diverging ability in the Markov Chain approach. In this paper, we fix the minimal bound to search for the smoothing parameter $r$ to be $0.05$, as recommended in many studies, including \cite{Tran-coda2017}. \section{\textbf{PERFORMANCE OF THE VSI MEWMA-CoDa CONTROL CHART}} \label{sec:performance} In this section, we will compare the performance of the VSI MEWMA-CoDa chart with the FSI MEWMA-CoDa chart proposed by \cite{Tran-coda2017}. The comparison will be based on the values of out-of-control $\operatorname{ATS}_1$ while constraining on the same in-control values of both $\operatorname{ATS}_0$ and $\operatorname{E}_0(h)$. To take advantage of the results from the study of \cite{Tran-coda2017}, save the calculation costs, and simplify the application in practice, we propose to find the near-optimal values to the VSI MEWMA-CoDa control chart as follows: \begin{itemize} \item For each optimal couple $(r^*, H^*)$ in Table 2 in study of \cite{Tran-coda2017}, the value of UWL and $h_L$ are chosen to achieve predefined $\operatorname{ATS}_0$ and $\operatorname{E}_0(h)$, \item After obtaining UWL and $h_L$, together with the corresponding $(r^*, H^*)$, we compute the $\operatorname{ATS}_1$ of VSI MEWMA-CoDa for specific shift sizes $\delta$ and compare them with $\operatorname{ARL}_1$ of FSI MEWMA-CoDa chart (Table 3 in \cite{Tran-coda2017}). \end{itemize} The procedure to find the near-optimal values is implemented based on following scenarios: \begin{itemize} \item $n = 1, p = 3$, $\operatorname{ATS}_0 = 200$, and $\operatorname{E}_0(h) =1$; \item $\delta \in \{0.25, 0.50, 0.75, 1.00, 1.25, 1.50, 1.75, 2.00\}$; \item $h_S\in \{0.1, 0.5\}$. \end{itemize} The values $\operatorname{ARL}_1$ (FSI column) of MEWMA-CoDa and $\operatorname{ATS}_1$ (VSI columns) for some different scenarios are shown in Table \ref{tab:compare}. The values of $w$ such that $UWL = \sqrt{w/b}$ and $h_L$ to obtain the near-optimal value are also provided for each scenario. Some remarks can be drawn from this results as follows \begin{itemize} \item The VSI MEWMA-CoDa control chart always outperforms the FSI MEWMA-CoDa control chart in detecting the process shifts. For example, when $\delta = 0.25, h_S = 0.1$, we have $\operatorname{ARL}_1 = 64.6$ for FSI MEWMA-CoDa chart and $\operatorname{ATS}_1 = 56.8$ for VSI MEWMA-CoDa chart, \item The VSI MEWMA-CoDa charts with smaller $h_S$ $(h_S = 0.1)$ perform better than the ones with larger $h_S$ $(h_S = 0.5)$. For example, when $\delta = 0.5$, we have $\operatorname{ATS}_1 = 19.9$ in case $h_S = 0.1$ and $\operatorname{ATS}_1 = 23.5$ in case $h_S = 0.5$, \item When the shift sizes $\delta$ are large $(\delta \geq 1.75)$, the performance of VSI MEWMA-CoDa chart are still better than FSI MEWMA-CoDa chart, but not much. \end{itemize} \begin{table} \caption{Comparison between VSI MEWMA-CoDa and FSI MEWMA-CoDa charts} \centering \begin{tabular}{|c|c|c|c|c|c|} \multirow{2}{*}{$\delta$} & \multirow{2}{*}{FSI} & \multicolumn{2}{c|}{$h_S=0.1$} & \multicolumn{2}{c|}{$h_S=0.5$} \\ \cline{3-6} & & $(w, h_L)$ & VSI& $(w, h_L)$ & VSI \\ \hline 0.25 & 64.6 & $(1.7, 1.6)$ & 56.8 & $( 0.7, 2.1)$ & 63.5 \\ 0.50 & 26.4 & $(1.7, 1.6)$ &19.9 & $(0.9, 1.8)$ & 23.5 \\ 0.75 & 15.1 &$(1.6, 1.7)$ &10.4 & $(1.0, 1.8)$ & 12.9\\ 1.00 & 9.9 &$(2.9, 1.3)$ & 6.9 & $(0.9, 1.8)$ & 8.4 \\ 1.25 & 7.1 & $(1.6, 1.8)$ & 4.9 & $(0.9, 2.0)$ & 6.3\\ 1.50 &5.4 & $(3.5, 1.2)$ & 3.7 & $(0.9, 1.9)$ & 4.8\\ 1.75 & 4.3 & $(3.7, 1.2)$ & 3.0 & $(0.8, 2.1)$ & 4.2\\ 2.00 & 3.5 & $(3.6, 1.2)$ & 2.4 & $(1.1, 1.8)$ & 3.3\\ \end{tabular} \label{tab:compare} \end{table} \section{\textbf{Conclusion}} \label{Sec:Conclusion} In this paper, we proposed a VSI MEWMA-CoDa control chart to monitor a normal multivariate random vector defined as the inverse isometric log-ratio of a $p$-part composition. The optimal procedure to compute the optimal triple $(r^*,H^*, h_L^*)$ and the $\operatorname{ATS}$ values of the proposed chart for different shift sizes were presented. We also proposed a method to find the near-optimal values for the VSI MEWMA-CoDa chart to utilize the results in the study of \cite{Tran-coda2017} and reduce the computation costs. The numerical performance comparison between the VSI MEWMA-CoDa chart and standard (FSI) MEWMA-CoDa control chart in terms of $\operatorname{ATS}_1$ (based on the near-optimal values method) showed that the VSI MEWMA-CoDa chart always outperforms the standard chart. Future research on monitoring CoDa could be concentrated on the extension of the VSI MEWMA-CoDa chart to the VSI MCUSUM-CoDa chart, or investigating the effect of measurement error on these charts. The methods to transform CoDa into normal data before designing these controls charts are also worthy to focus. Due to the wide applications of CoDa in the real-life, the online monitoring of CoDa should be worthy of consideration by researchers in the SPC field.
da4537f8d3f0f1b2209768ac49d888b85d5f3e3a
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Acknowledgement} We would like to thank Valeo for encouraging advanced research. Many thanks to Ciar{\'a}n Eising (University of Limerick, Ireland), Tuan-Hung Vu (valeo.ai, France), Saikat Roy (DKFZ, Germany) and Aniruddha Saha (University of Maryland, Baltimore County) for providing a detailed review prior to submission. \section{Proposed Method} \begin{figure*} \captionsetup{singlelinecheck=false, font=small, belowskip=-6pt} \centering \includegraphics[width=\textwidth]{images/unshadownet_shadow_arch.pdf}\\ \caption{ \textbf{\textit{UnShadowNet}} is the \textbf{proposed end-to-end weakly-supervised shadow removal architecture}. It has three main sub-networks: DeShadower Network ($\mathcal{D}$), Illumination Network ($\mathcal{I}$) and Refinement Network ($\mathcal{R}$). The pixelwise product operation $\bigotimes$ between shadow image ($\mathcal{S}$) and its shadow mask ($\mathcal{S}_{M}$) extracts the shadow region ($\mathcal{S}_{s}$), which is then fed to $\mathcal{D}$ and $\mathcal{I}$ simultaneously. The generator of the adversarially trained Illumination network generates illuminated version ($\mathcal{B}$) of $\mathcal{S}_{s}$ which is subjected for validation by a discriminator, called Illumination Critic ($\mathcal{I}_{c}$) trained on augmented shadow-free regions ($\mathcal{B}_{aug}$). DeShadower is trained to produce shadow-removed region ($\mathcal{S}_{r}$) of $\mathcal{S}_{s}$. To create a more realistic illumination region $\mathcal{S}_{r}$, a contrastive approach is employed between $\mathcal{B}$ and $\mathcal{S}_{r}$. Finally, shadow-removed image ($\hat{S}_r$) is obtained by applying embedding operation $\bigoplus$ to become input to the Refinement network. $\mathcal{R}$ is trained to efficiently blend the areas between shadow-removed and non-shadow region so that it is robust to noise, blur etc. Here contrastive learning approach was followed where \textit{positive} samples ($\hat{S}_{aug}$) were generated as per the method in\cite{chen2020simple}.} \label{fig:self_sup_shadow_arch} \end{figure*} \definecolor{LightCyan}{rgb}{0.88,1,1} \definecolor{LightGreen}{rgb}{0.35,0.8,0} \definecolor{LightGreen2}{rgb}{0.5,0.9,0} \definecolor{Gray}{gray}{0.85} In this work, we define the problem of shadow removal as the translation of images from the shadow domain $\mathcal{S} \subset {\mathbb{R}^{H \times W \times C}}$ to shadow-free domain $\mathcal{F} \subset {\mathbb{R}^{H \times W \times C}}$ by utilising only the shadow image and its mask and alleviating the use of its shadow-free counterpart. The proposed architecture \textit{UnShadowNet} is illustrated in Figure \ref{fig:self_sup_shadow_arch}. We briefly summarize the high level characteristics here and discuss each part in more detail in the following subsections. In this section, we present the overall architecture of our proposed end-to-end shadow removal network, namely \textit{UnShadowNet}. The architecture can be divided into $three$ parts: DeShadower Network ($\mathcal{D}$), Illumination Network ($\mathcal{I}$) and Refinement Network ($\mathcal{R}$). These three networks are jointly trained in a weakly-supervised manner. Let us consider a shadow image $S\in\mathcal{S}$ and its corresponding shadow mask $S_M$. We obtain the shadow region $S_s$ by cropping the masked area from $S_M$ in the shadow image $S$. The DeShadower Network learns to remove the shadow from the region using a contrastive learning setup. It is aided by the Illumination Network which generates bright samples for $\mathcal{D}$ to learn from. The Refinement Network finally combines the shadow-free region $S_f$ with the real image and refines it to form the shadow-free image $\hat{S}$. \subsection{DeShadower Network ($\mathcal{D}$)} The DeShadower Network is designed as an encoder-decoder based architecture to generate shadow-removed region ($S_r$) from the shadow region ($S_s$). The shadow-removed regions generated by this network $S_r$ should \textit{associate} more with the bright samples and \textit{dissociate} itself from the shadow samples. We employ a contrastive learning approach to help the DeShadower network achieve this and learn to generate shadow-free regions. In a contrastive learning framework, a \textit{``query"} maximizes the mutual information with a \textit{``positive"} sample in contrast to other samples that are referred to as \textit{``negatives"}. In this work, we use a ``noise contrastive estimation" framework \cite{oord2018representation} to maximise mutual information between $S_f$ and the bright sample $B$. We treat the bright samples generated by the Illumination Network as the ``positive" and the shadow regions as the ``negatives" in this contrastive learning setup. Thus, the objective function for maximising (and minimising) the mutual information can be formulated with the InfoNCELoss~\cite{oord2018representation}, a criterion derived from both statistics~\cite{gutmann2010noise, oord2018representation} and metric learning~\cite{chopra2005learning, hadsell2006dimensionality, sohn2016improved}. Its formulation bears similarities with the cross-entropy loss: \begin{multline} \ell(x, x^+, x^-) = \\ - log \left[ \frac{exp(x\cdot x^+/ \tau)}{exp(x\cdot x^+ / \tau) + \sum_{i=1}^N exp(x\cdot x^-_i/ \tau)} \right] \end{multline} where $x, x^+, x^-$ are the \textit{query}, \textit{positive} and \textit{negatives} respectively. $\tau$ is the temperature parameter that controls the sharpness of the similarity distribution. We set it to the default value from prior work~\cite{he2020momentum, wu2018unsupervised}: $\tau {=} 0.07$. The feature stack in the encoder of the DeShadower Network, represented as $\mathcal{D}_{enc}$, already contains latent information about the input shadow region $S_s$. From $\mathcal{D}_{enc}$, $L$ layers are selected, and following practices from prior works~\cite{chen2020simple}, we pass these features through a projection head, an MLP ($M_l$) with two hidden layers. Subsequently, we obtain features: \begin{equation} s_l = M_l(\mathcal{D}^l_{enc}(S_s)); \quad l \in \{1,2,...,L\} \end{equation} where $\mathcal{D}^l_{enc}$ is the $l$-th chosen layer in $\mathcal{D}^l_{enc}$. Similarly the output or the `unshadowed' region $S_f$ and the bright region $B$ are encoded respectively as: \begin{equation} f_l = M_l(\mathcal{D}^l_{enc}(S_f)); b_l = M_l(\mathcal{D}^l_{enc}(B)) \end{equation} We adjust the InfoNCE loss \cite{oord2018representation} into a layer-wise NCE loss: \begin{equation} \mathcal{L}_{NCE}(f_l, b_l, s_l) = \mathbb{E}_{S_f \sim \mathcal{F}, S_s \sim \mathcal{S}, B \sim \mathcal{B}} \quad \ell(f_l, b_l, s_l) \end{equation} The generator should not change the contents of an image when there is no need to. In other words, given a shadow free sample as input, it is expected to generate the same as output without any change. To enforce such a regularization, we employ an identity loss \cite{zhu2017unpaired, taigman2016unsupervised}. It is formulated using an $L1$ loss as: \begin{equation} \mathcal{L}_{iden} = \mathbb{E}_{S_f \sim \mathcal{F}} ||\mathcal{D}(S_f), S_f||_1 \end{equation} Additionally, as described further in following sections, the Illumination Critic $\mathcal{I}_\mathcal{C}$ is trained on real non-shadow samples and augmented bright samples. Therefore, we can additionally use the cues provided by the Illumination Critic to distill its knowledge of illumination to the DeShadower Network. This is achieved by the computing the loss: \begin{equation} \label{eqn:critic} \mathcal{L}_{\textit{critic}} = \left[ 1 - \mathcal{I}_\mathcal{C}(\mathcal{D}(S_s)) \right]^2 \end{equation} \subsection{Illumination Network ($\mathcal{I}$)} Shadow regions have a lower level illumination compared to its surroundings and the exact illumination level can vary according to scene lighting conditions as illustrated in Fig. \ref{fig:varying_shadow}. To show that a real shadow image and an image with a region where brightness is reduced are similar even semantically, we designed a small experimental setup. We fine-tune a ResNet \cite{he2016deep} with samples containing real shadows and no shadows for a Shadow/Non-shadow classification task and then test the images where we reduce the brightness in the shadow region. In the majority of the cases, the network classifies it to be `Shadow' image. \begin{figure} \centering \includegraphics[width=0.11\textwidth]{images/shadow_obs/93-4.png} \includegraphics[width=0.11\textwidth]{images/shadow_obs/15_s_93-4.png} \includegraphics[width=0.11\textwidth]{images/shadow_obs/15_93-4.png} \includegraphics[width=0.11\textwidth]{images/shadow_obs/25_93-4.png} \hspace{3cm}{Original} \hspace{1cm}{Shadow with varying illumination level} \caption{ Illustration of different illumination control levels of shadow region. } \vspace{-9 mm} \label{fig:varying_shadow} \end{figure} Using this heuristic, the Illumination Network ($\mathcal{I}$) is designed as a Generative Adversarial Network \cite{goodfellow2014generative} to serve as a complementary augmentation setup to generate synthetic images where the illumination level is increased in a shadow region. The shadow region $S_s$ is passed through the generator $\mathcal{I}_\mathcal{G}$ to produce brighter samples $B$ of the shadow region. The illumination critic ($\mathcal{I}_\mathcal{C}$) learns to classify these samples generated by $\mathcal{I}_\mathcal{G}$ as `fake'. The motivation of this discriminator is detailed in the following section. The generator $\mathcal{I}_\mathcal{G}$ and the discriminator $\mathcal{I}_\mathcal{C}$ thus learns from the adversarial loss as: \begin{equation} \label{eqn:adversarial} \begin{aligned} \mathcal{L}_{\textit{adv}} = {} & \mathbb{E}_{S_s \sim \mathcal{S}} \left[ (1 - \mathcal{I}_\mathcal{C}(\mathcal{I}_\mathcal{G}(S_s)))^2 \right] + \\ & \mathbb{E}_{S_s \sim \mathcal{S}} \left[ \mathcal{I}_\mathcal{C}(\mathcal{I}_\mathcal{G}(S_s))^2 \right] + \\ & \mathbb{E}_{B' \sim \mathcal{B}} \left[ (1 - \mathcal{I}_\mathcal{D}(B'))^2 \right] \end{aligned} \end{equation} We observe that the more optimal samples Illumination Network generates leads to aid $\mathcal{D}$ to create more realistic shadow-removed samples. Therefore, to improve $\mathcal{I}$ to create well-illuminated samples we employ the illumination loss as an $L1$ loss between the $\mathcal{I}_\mathcal{G}$ generated bright sample $B$ and the shadow-removed sample $S_f$ as: \begin{equation} \mathcal{L}_{illum} = \frac{1}{N}\sum_{i=0}^{N}||S_f - B||_1 \end{equation} The adversarial loss with the help of the discriminator and the illumination loss together play a role in generating well-illuminated samples, which in turn helps $\mathcal{D}$ to create better shadow-removed samples. In this regard, both $\mathcal{D}$ and $\mathcal{I}$ complement each other for the task. The Illumination Network supervises $\mathcal{D}$ to generate shadow-removed regions and likewise, $\mathcal{D}$ encourages $\mathcal{I}$ to create well-illuminated samples by learning from it. The choice of using $\mathcal{I}$ is experimentally justified in the ablation study section, as it helps to generate better results rather than relying solely on a pre-determined illumination level increase. \subsection{Illumination Critic ($\mathcal{I}_\mathcal{C}$)} \label{critic} The role of the the Illumination Critic ($\mathcal{I}_\mathcal{C}$) is two-fold. Firstly, in the Illumination Network which generates well-illuminated variations of the shadow region $S_s$, the $\mathcal{I}_\mathcal{C}$ is designed as a discriminator to the $\mathcal{I}_\mathcal{G}$. The knowledge $\mathcal{I}_\mathcal{C}$ learns from representations of shadow-free regions allows it to encourage $\mathcal{I}_\mathcal{G}$ to create well-illuminated variations of the shadow region $S_s$ which is later used as \textit{positive} pair to contrastively train $\mathcal{D}$. Additionally, the DeShadower Network utilizes the knowledge of the $\mathcal{I}_\mathcal{C}$ to create realistic shadow-removed regions from the $S_s$. Having learnt the representations of shadow-free regions and augmented samples with varying illumination, $\mathcal{I}_\mathcal{C}$ is able to influence $\mathcal{D}$ to ``remove" shadows from shadow regions using the $\mathcal{L}_{critic}$ in Eqn. \ref{eqn:critic}. This two-fold characteristic of $\mathcal{I}_\mathcal{C}$ facilitates the complimentary nature of $\mathcal{D}$ and $\mathcal{I}$ where they mutually improve each other. To train $\mathcal{I}_\mathcal{C}$, we crop randomly masked non-shadow areas from $S$ as well as other samples in the dataset similar to \cite{liu2021shadow}. Additionally, $\mathcal{I}_\mathcal{C}$ is trained by augmented samples where each shadow region $S_s$ is converted to $3$ different samples by varying the illumination levels. The illumination levels are increased by a factor $\mu-5, \mu, \mu+5$ where $\mu$ is fixed empirically as presented in Table \ref{tab:mu_table}. It is trained using the same adversarial loss as the Illumination Network. \vspace{-3mm} \subsection{Refinement Network ($\mathcal{R}$)} After obtaining the shadow-removed region $S_r$, it is embedded with the original shadow image $S$. The embedding operation can be defined as: \begin{equation} \hat{S}_r = S - S * S_M + S_r * S_M \end{equation} Following the embedding operation, there remains additional artifacts around the inpainted area due to improper blending. The Refinement Network $\mathcal{R}$ is designed to get rid of such artifacts by making use of the global context in the image. The absence of explicit ground truths in this setting motivated us to design a contrastive setup to train $\mathcal{R}$. To generate the \textit{positive} samples, we follow \cite{chen2020simple} to augment the generated shadow-removed image ($\hat{S}_r$) by using random cropping of non-shadow regions. It is followed by additional transformations like resizing the cropped region back to the original size, random cutout, Gaussian blur and Gaussian noise, represented as $\hat{S}_{aug}$. The objective is to maximise the information between the \textit{query} image and the \textit{positive} image pairs and reduce the same with the \textit{negative} ones. In this phase, we reuse the existing encoder of $\mathcal{R}$ represented as $\mathcal{R}_{enc}$ as a feature extractor. We extract the layer-wise features of the \textit{query} ${F}_{l}$, \textit{positive} $F^+_l$ and \textit{negative} $F^-_l$ images and pass them through an MLP with two-hidden layers, similar to $\mathcal{D}$. Thus, we obtain the feature representations of ${F}_{l}$, $F^+_l$ and $F^-_l$ respectively as follows: \begin{equation} \begin{split} {F}_{l} = \hat{M}_l(\mathcal{R}^l_{enc}(\hat{S})); F^+_l = \hat{M}_l(\mathcal{R}^l_{enc}(\hat{S}_{aug})); \\ F^-_l = \hat{M}_l(\mathcal{R}^l_{enc}(S)) \end{split} \end{equation} Therefore the objective function for the contrastive learning setup can be represented as: \begin{equation} \mathcal{L}_{NCE}(F_l, F^+_l, F^-_l) = \mathbb{E}_{\hat{S} \sim \mathcal{F}, S \sim \mathcal{S}} \quad \ell(F_l, F^+_l, F^-_l) \end{equation} Additionally we find that following \cite{xu2021learning, johnson2016perceptual}, using a ``layer-selective" perceptual loss along with the contrastive loss helps to preserve the integrity of the overall spatial details present in the input and output images. It is computed based on the features extracted by {\fontfamily{qcr}\selectfont relu\_5\_1 }and {\fontfamily{qcr}\selectfont relu\_5\_3 }of a VGG-16 \cite{simonyan2014very} feature extractor as: \begin{equation} \mathcal{L}_{ref} = \frac{1}{2}\sum_{i=0}^{2}||VGG_i(\hat{S}) - VGG_i(S)||^2_2 \end{equation} \subsection{Supervised setup} Paired data is difficult to obtain for large scale real-world datasets, however it can be collected for a controlled smaller dataset. Here we demonstrate that \textit{UnShadowNet} can easily extend to exploit when paired shadow-free ground-truths ($G$) are available. Since the optimal level of illumination in the regions are available from $G$ itself, we remove $\mathcal{I}$ in the fully-supervised setup and use different augmented versions of the $G$ directly. Additionally, we make use of different losses that help to generate more realistic shadow-free images. To avoid loss of details in terms of content \cite{ledig2017photo}, we employ the pixel-wise \textit{L1}-norm: \begin{equation} \mathcal{L}_{p} = \frac{1}{N} \sum_{i=0}^{N} ||\hat{S}_i - G_i|| \end{equation} \begin{table*}[!h] \centering \scalebox{1}{ \begin{tabular}{l|c|c|c|c|c|c|c|c|c} \bottomrule & \multicolumn{3}{c|} {\textbf{Shadow Region}} & \multicolumn{3}{c|}{\textbf{Non-Shadow Region}} & \multicolumn{3}{c}{\textbf{All}}\\ \cline{1-10} \cellcolor{blue!25} $\textbf{Methods}$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ \\ \cline{1-10} \midrule \rowcolor{LightCyan} \multicolumn{10}{c}{\textbf{Weakly-Supervised Framework}} \\ \midrule D-Net & 11.8 & 32.46 & 0.978 & 4.6 & 34.85 & 0.972 & 6.1 & 30.26 & 0.947\\ D+I-Net & 9.2 & 33.68 & 0.981 & 3.2 & 35.03 & 0.974 & 4.7 & 30.28 & 0.949 \\ D+R-Net & 9.9 & 33.43 & 0.980 & 3.4 & 35.47 & 0.974 & 5.0 & 30.17 & 0.950 \\ D+I+R-Net & 8.9 & 34.01 & 0.982 & 2.9 & 35.48 & 0.976 & 4.4 & 30.41 & 0.951 \\ \textbf{UnShadowNet} & \textbf{8.3} & \textbf{34.47} & \textbf{0.983} & \textbf{2.9} & \textbf{35.51} & \textbf{0.977} & \textbf{3.8} & \textbf{30.63} & \textbf{0.951} \\ \midrule \midrule \rowcolor{LightCyan} \multicolumn{10}{c}{\textbf{Fully-Supervised Framework}} \\ \midrule D-Net & 7.7 & 35.57 & 0.984 & 4.6 & 35.24 & 0.972 & 5.2 & 31.24 & 0.952\\ D+R-Net & 6.3 & 36.13 & 0.989 & 2.8 & 36.03 & 0.978 & 3.8 & 31.76 & 0.958 \\ \textbf{UnShadowNet \textit{Sup.}} & \textbf{5.9} & \textbf{36.19} & \textbf{0.989} & \textbf{2.7} & \textbf{36.44} & \textbf{0.978} & \textbf{3.3} & \textbf{31.98} & \textbf{0.959} \\ \cline{1-10} \toprule \end{tabular} } \caption{\textbf{Ablation study of the various components of UnShadowNet} in both weakly-supervised and fully-supervised setup on ISTD \cite{wang2018stacked} dataset using RMSE, PSNR and SSIM metrics.} \label{tab:shadow_network_ablation} \vspace{-5mm} \end{table*} Colour plays an important role in preserving the realism of the generated image and maintaining the consistency with the real image. To this end, we follow a recent study in the literature \cite{wang2019underexposed} to formulate the colour loss as: \begin{equation} \mathcal{L}_{c} = \frac{1}{N} \sum_{i=0}^{N}\sum_{j=0}^{P} \angle (\hat{S}_i, G_i) \end{equation} where $\angle(,)$ computes an angle between two colors regarding the RGB color as a $3$D vector \cite{wang2019underexposed}, and $P$ represents the number of pixel-pairs. In addition, style plays an important role in an image that corresponds to the texture information \cite{gatys2015texture}. We follow \cite{gatys2016image} to define a Gram matrix as the inner product between the vectorised feature maps $i$ and $j$ in layer $l$: \begin{equation} \gamma_{i,j}^l = \sum_k V_{i,k}^l \cdot V_{j,k}^l \end{equation} The Gram matrix is the style for the feature set extracted by the $l$-th layer of VGG-$16$ net for an input image. Subsequently, the style loss can be defined as: \begin{equation} \mathcal{L}_{s} = \frac{1}{N_l} \sum_{i = 0}^{N_l} ||\hat{S}_i - \gamma_i||^2 \end{equation} where $S_i$ and $\gamma_i$ are the gram matrices for the generated shadow-free image and ground truth image respectively using VGG-$16$. Therefore, the complete supervised loss can be formulated as a weighted sum ($\mathcal{L}_{sup}$) of the pixel ($\mathcal{L}_{p}$), colour ($\mathcal{L}_{c}$) and style ($\mathcal{L}_{s}$) losses: \begin{equation} \mathcal{L}_{sup} = \lambda_1 \cdot \mathcal{L}_{p} + \lambda_2 \cdot \mathcal{L}_{c} + \lambda_3 \cdot \mathcal{L}_{s} \end{equation} where $\lambda_1,\lambda_2$ and $\lambda_3$ are the weights corresponding to the pixel, colour and style losses respectively and are set empirically to $1.0$, $1.0$ and $1.0 \times 10^{4}$ following \cite{li2018single}, \cite{wang2019underexposed} and \cite{gatys2016image} respectively in our experiments. \section{Conclusion} \label{sec:conc} In this work, we have developed a novel end-to-end framework consisting of a deep learning architecture for image shadow removal in unconstrained settings. The proposed model can be trained with full or weak supervision. We achieve state-of-the-art results in all the major shadow removal datasets. Although weak supervision has slightly lesser performance, it eliminates the need for shadowless ground truth which is difficult to obtain. To enable the weakly supervised training, we have introduced a novel illumination network which comprises of a generative model used to brighten the shadow region and a discriminator trained using shadow-free patches of the image. It acts as a guide (called illumination critic) for producing illuminated samples by the generator. DeShadower, another component of the proposed framework is trained in a contrastive way with the help of illuminated samples which are generated by the preceding part of the network. Finally, we propose a refinement network which is trained in a contrastive way and it is used for fine tuning of the shadow removed image obtained as an output of the DeShadower. We perform ablation studies to show that the three components of our proposed framework, namely illuminator, Deshadower and refinement network work effectively together. To evaluate the generalization capacity of the proposed approach, we tested a few novel samples of shadow affected images from a generic automotive dataset and obtained promising results of shadow removal. Shadow removal continues to be a challenging problem in dynamic automotive scenes and we hope this work encourages further dataset creation and research in this area \section{Introduction} Shadows are a common phenomenon that exist in most natural scenes. It occurs due to the inadequate illumination that makes part of the image darker than the other region of the same image. It causes a significant negative impact to performance of various computer vision tasks as object detection, semantic segmentation and object tracking. Image editing \cite{chuang2003shadow} using shadow matting is one of the common ways to remove shadows. Shadow detection and correction can improve the efficiency of the machine learning model for a broad spectrum of vision based problems such as image restoration \cite{drew2003recovery}, satellite image analysis \cite{dare2005shadow}, information recovery in urban high-resolution panchromatic satellite images \cite{su2016shadow}, face recognition \cite{zhang2018improving}, and object detection \cite{le2018a+}. Shadows are prevalent in almost all images in automotive scenes. The complex interaction of shadow segments with the objects of interest such as pedestrians, roads, lanes, vehicles and riders makes the scene understanding challenging. Additionally, it does not have any distinct geometrical shape or size similar to soiling \cite{das2019soildnet, das2020tiledsoilingnet}. Thus, they commonly lead to poor performance in road segmentation \cite{dahal2021roadedgenet, chennupati2019auxnet} and pedestrian segmentation \cite{rashedfisheyeyolo, segdasvisapp19}. Moving shadows can be incorrectly detected as a dynamic object in background subtraction \cite{kiran2019rejection}, motion segmentation \cite{siam2018modnet}, depth estimation \cite{kumar2021syndistnet, ravi2021fisheyedistancenet++} and SLAM algorithms \cite{gallagher2021hybrid, dahal2021online}. The difficulty of shadows is further exacerbated in strong sun glare scenes where the dynamic range is very high across shadow and glare regions \cite{yahiaoui2020let}. These issues lead to incomplete or partial understanding of $360\degree$ surrounding region of the vehicle and bring major safety concerns for the passengers and Vulnerable Road Users (VRU) while performing automated driving \cite{eising2021near}. Alternate sensor technologies like thermal camera \cite{dasgupta2022spatio} are resistant to shadow issues and can be used to augment cameras. \begin{figure} \centering \includegraphics[width=0.488\textwidth]{images/shadow_abstract.pdf}\\ \caption{ \textbf{The proposed shadow removal framework.} The shadow image and its shadow mask are subjected to pixelwise product operation $\bigotimes$ to obtain the shadow extracted which is fed as input to the DeShadower ($\mathcal{D}$) and Illumination network ($\mathcal{I}$) simultaneously. $\mathcal{D}$ learns contrastively from $\mathcal{I}$ and the resultant shadow-removed region is embedded via $\bigoplus$ in the input image before feeding it to the Refinement network which produces the final Shadow-free image. The end-to-end network is trained in a weakly supervised manner. } \vspace{-5mm} \label{fig:high_level_shadow} \end{figure} In recent times, convolutional neural networks (CNNs) based approaches have significantly surpassed classical computer vision based shadow removal techniques \cite{finlayson2005removal, guo2012paired, khan2015automatic, zhang2015shadow, wang2018stacked, le2019shadow}. Majority of the recent deep-learning based shadow removal approaches are fully-supervised in nature. However, such an end-to-end training setup requires \textit{paired data}, namely shadow images and their shadow-free versions of the same images. These paired data are used to train CNNs \cite{qu2017deshadownet, ding2019argan, hu2019direction}. Practically, the paired data is difficult to obtain particularly when the vehicle is moving fast. Some of the challenges include highly controlled lighting sources, object interactions, occlusions and static scene. Data acquisition through such controlled setting suffers from diversity and often reports color inconsistencies \cite{wang2018stacked} between shadow and shadow-free reference of the same image. Additionally, it is very difficult to capture any High Dynamic Range (HDR) natural scene without any presence of shadow for a shadow-free reference sample. Some of the recent studies \cite{hu2019mask, le2020shadow, chen2021canet, liu2021shadow_lg, cun2020towards, liu2021shadow, fu2021auto, le2021physics} address the above mentioned challenges and solve the shadow removal problem using \textit{unpaired} data. They studied the physical properties of shadows such as illumination, color and texture extensively. Motivated by these recent works, we propose an end-to-end trained weakly-supervised architecture for shadow removal as illustrated in Figure \ref{fig:high_level_shadow}. In brief, we pass the shadow region of an input image to the DeShadower network that is aided by the Illumination network to contrastively learn to ``remove" shadow from the region by exploiting the illumination properties. It is followed by the Refinement network that helps to remove any artifacts and maintain the overall spatial consistency with the input image and finally generate the shadow-free image. We summarize our contributions below: \iffalse \begin{figure} \includegraphics[width=0.20\textwidth]{images/real_shadow.png} \label{fig:exp1} \hspace{5mm} \includegraphics[width=0.20\textwidth]{images/reduce_bright.png} \label{fig:exp2} \vspace{-0.4em} \caption{Observation - Shadow images are similar to images with region where brightness is reduced.} \label{fig:red_bright_shadow} \end{figure} \fi \begin{enumerate} \item We develop a novel weakly-supervised training scheme namely \textit{UnShadowNet} using contrastive learning to build a shadow remover in unconstrained settings where the network can be trained even without any shadow-free samples. \item We propose a contrastive loss guided DeShadower network to remove the shadow effects and a refinement network for efficient blending of the artifacts from shadow removed area. \item We achieved state-of-the-art results on three public datasets namely ISTD, adjusted ISTD and SRD in both constrained and unconstrained setup. \item We perform extensive ablation studies with different proposed network components, diverse augmentation techniques, shadow inpainting and tuning of several hyper-parameters. \end{enumerate} \section{Related Work} Removing shadow from images has received a significant thrust due to the availability of large-scale datasets. In this section, first we briefly discuss the classical computer vision methods reported in the literature. Then we discuss the more recent deep learning based approaches. Finally, we summarize the details of contrastive learning and its applications since it is a key component in our framework. \subsection{Classical approaches} \textbf{Illumination based shadow removal: } Initial work \cite{finlayson20014, finlayson2005removal, finlayson2002removing, drew2003recovery} on removing shadows were primarily motivated by the illumination and color properties of shadow region. In one of the earliest research, Barrow \textit{et al.} \cite{barrow1978recovering} proposed an image based algorithm that decomposes the image into a few predefined intrinsic parts based on shape, texture, illumination and shading. Later Guo \textit{et al.} \cite{guo2012paired} reported the simplified version of the same intrinsic parts by establishing a relation between the shadow pixels and the shadow-free region using a linear system. Likewise, Shor \textit{et al.} \cite{shor2008shadow} designed a model based on illumination properties of shadows that makes hard association between shadow and shadow-free pixels. In another study, Finlayson \textit{et al.} \cite{finlayson2009entropy} proposed a model that generates illumination invariant image for shadow detection followed by removal. The main idea of this work is that the pixels with similar chromaticity tend to have similar albedo. Further, histogram equalization based models performed quite well for shadow removal, where color of the shadow-free area was transferred to the shadowed area as reported by Vicente \textit{et al.} \cite{vicente2014single, vicente2017leave}. \textbf{Shadow matting: } Porter \& Duff \cite{porter1984compositing} introduced matting based technique that became effective while handling shadows that are less distinct and fuzzy around the edges. Matting was only helpful to some extent as computing shadow matte from a single image is difficult. To overcome this problem, Chuang \textit{et al.} \cite{chuang2003shadow} applied matting for shadow editing and then transferred the shadow regions to the different scenes. Later shadow matte was computed from a sequence of video frames captured using a static camera. Shadow matte was adopted by Guo \textit{et al.} \cite{guo2012paired} and Zhang \textit{et al.} \cite{zhang2015shadow} in their framework for shadow removal. \subsection{Deep learning based approaches} \textbf{Shadow removal using paired data: } Deep neural networks have been able to learn the properties of a shadow region efficiently when the network is trained in a fully supervised manner. Such setup requires paired data that means the shadow and shadow-free version of the same image are fed as input to the network. Qu \textit{et al.} \cite{qu2017deshadownet} proposed an end-to-end learning framework called Deshadownet for removing shadow where they extract multi-scale contextual information from different layers. This information containing density and color offset of the shadows finally helped to predict the shadow matte. The method ST-CGAN, a two-stage approach was proposed by Wang \textit{et al.} \cite{wang2018stacked}, presents an end-to-end network that jointly learns to detect and remove shadow. This framework was designed based on conditional GAN \cite{isola2017image}. In SP+M-Net \cite{le2019shadow}, physics based priors were used as inductive bias. The networks were trained to obtain the shadow parameters and matte information to remove shadows. However, these parameters and matte details were pre-computed using the paired samples and the same were regressed in the network. Further Hu \textit{et al.} \cite{hu2019direction} designed a shadow detection and removal technique by analyzing the contextual information in image space in a direction aware manner. These features were then aggregated and fed into an RNN model. In ARGAN \cite{ding2019argan}, an attentive recurrent generative adversarial network was reported. The generator contained multiple steps where shadow regions were progressively detected. A negative residual based encoder was employed to recover the shadow-free area and then a discriminator was setup to classify the final output as real or fake. In another recent framework RIS-GAN \cite{zhang2020ris}, using adversarial learning shadow removal was performed using three distinct discriminators negative residual images. Subsequently shadow removed images and the inverse illumination maps were jointly validated. \textbf{Shadow removal using unpaired data: } Mask-ShadowGAN \cite{hu2019mask} is the first deep learning based method that learn to remove shadow from unpaired training samples. Their approach was conceptualized on CycleGAN \cite{zhu2017unpaired} where a mapping was learnt from a source (shadow area) to target (shadow-free area) domain. Le and Samaras \cite{le2020shadow} presented a learning strategy that crops the shadow area from an input image to learn the physical properties of shadow in an unpaired setting. CANet \cite{chen2021canet} handles the shadow removal problem in two stages. First, contextual information were extracted from non-shadow area and then transferred the same to shadow region in the feature space. Finally, an encoder-decoder setup was used to fine tune the final results. LG-ShadowNet \cite{liu2021shadow_lg} explored the lightness and color properties of shadow images and put them through multiplicative connections in a deep neural network using unpaired data. Cun \textit{et al.} \cite{cun2020towards} handled the issues of color inconsistency and artifacts at the boundaries of the shadow removed area using Dual Hierarchically Aggregation Network (DHAN) and Shadow Matting Generative Adversarial Network (SMGAN). Weakly-supervised method G2R-ShadowNet \cite{liu2021shadow} designed three sub-networks dedicated for shadow generation, shadow removal and image refinement. Fu \textit{et al.} \cite{fu2021auto} modelled the shadow removal problem from a different perspective that is auto-exposure fusion. They proposed shadow-aware FusionNet and boundary-aware RefineNet to obtain final shadow removed image. Further in \cite{le2021physics} a weakly-supervised approach was proposed that can be trained even without any shadow-free samples. \textbf{Miscellaneous: } Apart from shadow removal, shadow detection is also a well-studied area, some of the recent works include \cite{le2018a+, wang2020instance, chen2020multi}. Inoue \textit{et al.} \cite{inoue2020learning} highlighted the problem of preparing a large scale shadow dataset. They proposed a pipeline to synthetically generate shadow/shadow-free/matte image triplets. \subsection{Contrastive learning} Learning the underlying representations by contrasting the positive and the negative pairs have been studied earlier in the community \cite{chopra2005learning, hadsell2006dimensionality}. This line of thought has inspired several works that attempt to learn visual representations without human supervision. While one family of works uses the concept of memory bank to store the class representations \cite{wu2018unsupervised, he2020momentum, laskin2020curl}, another set of works develop on the idea of maximization of mutual information \cite{oord2018representation, bachman2019learning, chen2020simple}. Recently, Park \textit{et al.} \cite{park2020contrastive} presented an approach for unsupervised image-to-image translation by maximizing the mutual information between the two domains using contrastive learning. In our work, we adopt the problem of shadow removal to solve it without using shadow-free ground truth samples with the help of contrastive learning. \section{Experimentation Details} \label{sec:performance} \definecolor{LightCyan}{rgb}{0.88,1,1} \definecolor{LightGreen}{rgb}{0.35,0.8,0} \definecolor{LightGreen2}{rgb}{0.5,0.9,0} \definecolor{Gray}{gray}{0.85} \begin{table*}[!h] \centering \scalebox{1}{ \begin{tabular}{c|c|c|c|c|c|c|c|c|c|c|c} \bottomrule & & & \multicolumn{3}{c|} {\textbf{Shadow Region}} & \multicolumn{3}{c|}{\textbf{Non-Shadow Region}} & \multicolumn{3}{c}{\textbf{All}}\\ \multirow{2}{*}{\cellcolor{blue!25}} & \multirow{2}{*}{\cellcolor{blue!25}} & \multirow{2}{*}{\cellcolor{blue!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}} & \multirow{2}{*}{\cellcolor{red!25}}\\ \cline{2-3} \multirow{-2}{*}{\cellcolor{blue!25}$\textbf{\makecell{Curriculum\\Learning}}$}& \multirow{-2}{*}{\cellcolor{blue!25}$\textbf{\makecell{Shadow\\Inpainting}}$} & \multirow{-2}{*}{\cellcolor{blue!25}$\textbf{\makecell{Data\\Augmentation}}$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{RMSE}$$\downarrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{PSNR}$$\uparrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{SSIM}$$\uparrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{RMSE}$$\downarrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{PSNR}$$\uparrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{SSIM}$$\uparrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{RMSE}$$\downarrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{PSNR}$$\uparrow$} & \multirow{-2}{*}{\cellcolor{red!25}$\textbf{SSIM}$$\uparrow$} \\ \midrule \rowcolor{LightCyan} \multicolumn{12}{c}{\textbf{Weakly-Supervised Framework}} \\ \midrule \color{green}\Checkmark & \color{red}\ding{55} & \color{red}\ding{55} & 9.08 & 33.88 & 0.983 & 3.65 & 35.34 & 0.977 & 3.99 & 30.08 & 0.949\\ \color{green}\Checkmark & \color{green}\Checkmark & \color{red}\ding{55} & 8.65 & 34.12 & 0.984 & 3.11 & 35.47 & 0.977 & 3.87 & 30.41 & 0.951\\ \color{green}\Checkmark & \color{red}\ding{55} & \color{green}\Checkmark & 9.01 & 33.91 & 0.983 & 3.54 & 35.36 & 0.977 & 3.96 & 30.15 & 0.950\\ \color{red}\ding{55} & \color{green}\Checkmark & \color{red}\ding{55} & 8.97 & 34.01 & 0.983 & 3.42 & 35.40 & 0.977 & 3.96 & 30.23 & 0.950\\ \color{red}\ding{55} & \color{red}\ding{55} & \color{green}\Checkmark & 9.23 & 33.59 & 0.981 & 3.74 & 35.22 & 0.976 & 4.08 & 29.88 & 0.947\\ \color{red}\ding{55} & \color{green}\Checkmark & \color{green}\Checkmark & 8.89 & 34.03 & 0.983 & 3.38 & 35.43 & 0.977 & 3.94 & 30.32 & 0.950\\ \color{green}\Checkmark & \color{green}\Checkmark & \color{green}\Checkmark & \textbf{8.31} & \textbf{34.47} & \textbf{0.984} & \textbf{2.92} & \textbf{35.51} & \textbf{0.977} & \textbf{3.80} & \textbf{30.63} & \textbf{0.951}\\ \midrule \midrule \rowcolor{LightCyan} \multicolumn{12}{c}{\textbf{Fully-Supervised Framework}} \\ \midrule \color{green}\Checkmark & \color{red}\ding{55} & \color{red}\ding{55} & 6.90 & 35.75 & 0.986 & 3.03 & 36.20 & 0.977 & 3.76 & 31.08 & 0.958\\ \color{green}\Checkmark & \color{green}\Checkmark & \color{red}\ding{55} & 6.23 & 36.12 & 0.989 & 2.82 & 36.38 & 0.978 & 3.58 & 31.17 & 0.959\\ \color{green}\Checkmark & \color{red}\ding{55} & \color{green}\Checkmark & 6.86 & 35.92 & 0.986 & 2.99 & 36.12 & 0.977 & 3.74 & 31.01 & 0.958\\ \color{red}\ding{55} & \color{green}\Checkmark & \color{red}\ding{55} & 6.81 & 36.07 & 0.987 & 3.01 & 36.21 & 0.977 & 3.67 & 31.27 & 0.959\\ \color{red}\ding{55} & \color{red}\ding{55} & \color{green}\Checkmark & 7.13 & 34.82 & 0.982 & 3.28 & 36.02 & 0.976 & 3.93 & 31.46 & 0.956\\ \color{red}\ding{55} & \color{green}\Checkmark & \color{green}\Checkmark & 6.47 & 36.09 & 0.987 & 2.96 & 36.26 & 0.978 & 3.63 & 31.85 & 0.959\\ \color{green}\Checkmark & \color{green}\Checkmark & \color{green}\Checkmark & \textbf{5.92} & \textbf{36.20} & \textbf{0.989} & \textbf{2.71} & \textbf{36.44} & \textbf{0.978} & \textbf{3.33} & \textbf{31.98} & \textbf{0.959}\\ \bottomrule \end{tabular} } \caption{\textbf{Ablation study of UnShadowNet using different training strategies on adjusted ISTD dataset.} } \label{tab:ablation_data_aug} \vspace{-7mm} \end{table*} \subsection{Dataset and evaluation metrics} \textbf{Datasets:} In this work, we train and evaluate our proposed method on three publicly available datasets discussed below. \textbf{ISTD:} ISTD \cite{wang2018stacked} contains image triplets: shadow image, shadow-mask and shadow-free image captured at different lightning condition that makes the dataset significantly diverse. A total of $1,870$ image triplets were generated from $135$ scenes for the training set, whereas testing set contains $540$ triplets obtained from $45$ scenes. \textbf{ISTD+:} The samples of ISTD \cite{wang2018stacked} dataset were found to have color inconsistency issue between the shadow and shadow-free images as mentioned in the original work \cite{wang2018stacked}. The reason being, shadow and shadow-free image pairs were collected at different times of the day that led to the effect of different lightning appearance in the images. This color irregularity issue was fixed by Le \textit{et al.} \cite{le2019shadow} and an adjusted ISTD (ISTD+) dataset was published. \textbf{SRD:} There are total $408$ pairs of shadow and shadow-free images in SRD \cite{qu2017deshadownet} dataset without the shadow-mask. For the training and evaluation of our both constrained and unconstrained setup, we use the shadow masks publicly provided by Cun \textit{et al.} \cite{cun2020towards}.\\ \textbf{Evaluation metrics:} For all the experiments conducted in this work, we use Root Mean-Square Error (RMSE), Peak Signal-to-Noise Ratio (PSNR) and Structural Similarity (SSIM) respectively as metrics to evaluate and compare the proposed approach with other state-of-the-art methods. Following the prior-art \cite{guo2012paired, qu2017deshadownet, wang2018stacked, le2019shadow, hu2019mask, le2020shadow, liu2021shadow_lg}, we compute the RMSE on the recovered shadow-free area, non-shadow area and the entire image in LAB color space. In addition to RMSE, we also compute PSNR and SSIM scores in RGB color-space. RMSE is interpreted as better when it is lower, while PSNR and SSIM are better when they are higher. \begin{figure*}[] \centering \includegraphics[width=0.18\textwidth]{images/ablation/104-3.png} \includegraphics[width=0.18\textwidth]{images/ablation/abl_2_104-3.jpg} \includegraphics[width=0.18\textwidth]{images/ablation/abl_104-3.jpg} \includegraphics[width=0.18\textwidth]{images/ablation/n_bright_104-3.jpg} \includegraphics[width=0.18\textwidth]{images/ablation/104-3_gt.png} \\ \vspace{0.4 mm} \includegraphics[width=0.18\textwidth]{images/ablation/103-1.png} \includegraphics[width=0.18\textwidth]{images/ablation/bright_abl_103-1.jpg} \includegraphics[width=0.18\textwidth]{images/ablation/bright_abl_2_103-1.jpg} \includegraphics[width=0.18\textwidth]{images/ablation/bright_abl_3_103-1.jpg} \includegraphics[width=0.18\textwidth]{images/ablation/103-1-gt.png} \\ \hspace{0.3cm}{Input} \hspace{2.5cm}{D-Net} \hspace{2.8cm}{D+I-Net} \hspace{1.7cm}{UnShadowNet} \hspace{2cm}{GT} \vspace{0.25 mm} \caption{ \textbf{Qualitative results of progressive addition of various components in UnShadowNet.} DeShadower network (D-Net) alone is capable to remove shadow but it fails to match up the illumination level of the shadow-removed area with shadow-free region. The DeShadower network accurately handles the illumination level when it is trained contrastively with the Illumination network (D+I Net). There remains some visible artifacts due to improper blending that is taken care by the Refinement network. } \label{fig:shadow_removal_ablation} \vspace{-7mm} \end{figure*} \subsection{Implementation Details} The configuration of the generator is adopted from the DenseUNet architecture \cite{li2018single}. Unlike the conventional UNet architecture \cite{ronneberger2015u}, it uses skip connections to facilitate better information sharing among the symmetric layers. For the discriminator, we employ the architecture of the PatchGAN \cite{isola2017image} discriminator that penalizes generated image structure at the scale of patches instead of at the image level. We develop and train all our models using PyTorch framework. The proposals are trained using Momentum Optimizer with $1\times10^{-4}$ as base learning rate for the first $75$ epochs, then we apply linear decay for the rest epochs and train the whole model for total $200$ epochs. Momentum was set to $0.9$. All the models were trained on a system comprising one NVIDIA GeForce GTX $2080$Ti GPU and the batch size was set to $1$ for all experiments. In the testing phase, shadow removed outputs are re-sized to $256\times256$ to compare with the ground truth images, as followed in \cite{le2020shadow, le2021physics}. We used the shadow detector by Ding \textit{et al.} \cite{ding2019argan} to extract the shadow-masks during the testing phase. \subsection{Ablation study} We considered adjusted ISTD \cite{wang2018stacked} dataset to perform our ablation studies due to its large volume and common usage in most of the recent shadow removal literature. We design an extensive range of experiments on this dataset in both \textit{weakly-supervised} and \textit{fully-supervised} settings to evaluate the efficacy of the proposed several network components of \textit{UnShadowNet} and find out the best configuration of our model. \textbf{Network components:} DeShadower network ($\mathcal{D}$) is the basic unit that acts as the overall shadow remover in the proposal. In the weakly-supervised setup, first, we experiment with only $\mathcal{D}$ for shadow removal (D-Net). We then add Illumination network ($\mathcal{I}$) to include diverse illumination level on the non-shadow regions in the image. We couple $\mathcal{I}$ with $\mathcal{D}$ in contrastive learning setup (D+I-Net). After shadow removal, the shadow-free region needs refinement for efficient blending with the non-shadow area. Hence we add a Refinement network ($\mathcal{R}$) with $\mathcal{D}$ where L1 loss guides to preserve the structural details (D+R-Net). Next we consider illumination guided contrastive learned refinement (D+R-Net) network where we add $\mathcal{I}$ and that becomes D+I+R-Net. Further improvement is achieved when we add contrastive loss in $\mathcal{R}$ which completes the UnShadowNet framework. In the fully-supervised setup, as described earlier, $\mathcal{I}$ is not used. As a result, we present the study of D-Net, D+R-Net and UnShadowNet respectively. Table \ref{tab:shadow_network_ablation} summarizes the ablation study of various proposed network components. Improvement on accuracy is observed due to the addition of $\mathcal{I}$ in contrastive learning setup. $\mathcal{R}$ adds further significant benefit when L1 loss is replaced with contrastive loss. The improvements of the proposed components are consistent in both self-supervised and fully-supervised learning as reported in the same table. All further experiments are performed based on the configuration marked as UnShadowNet. \textbf{Curriculum learning:} Curriculum Learning \cite{bengio2009curriculum} is a type of a learning strategy that allows to feed easy examples to the neural network first and then gradually increases the complexity of the data. This helps to achieve stable convergence of the global optimum. As per Table \ref{tab:ablation_data_aug}, it is observed that curriculum learning technique provides considerable improvement while applying along with shadow inpainting and data augmentation. \begin{figure} \centering \includegraphics[width=0.15\textwidth]{images/augmented/12-8.png} \includegraphics[width=0.15\textwidth]{images/augmented/12-8_aug.png} \includegraphics[width=0.15\textwidth]{images/augmented/12-8_aug_2.png} \vspace{0.25 mm} \includegraphics[width=0.15\textwidth]{images/augmented/24-7.png} \includegraphics[width=0.15\textwidth]{images/augmented/24-7_aug.png} \includegraphics[width=0.15\textwidth]{images/augmented/24-7_aug_2.png} \hspace{-1.5cm}{Input} \hspace{1.8cm}{Inpainted Shadow Images} \caption{ \textbf{Augmented samples with inpainted shadow regions. } } \label{fig:shadow_inpainting} \vspace{-10mm} \end{figure} \begin{table}[t] \centering \scalebox{0.95}{ \begin{tabular}{l|c|c|c|c|c|c} \bottomrule & \multicolumn{3}{c|} {\textbf{Shadow Region}} & \multicolumn{3}{c}{\textbf{All}}\\ \cline{1-7} \cellcolor{blue!25} $\bm{\mu}$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ \\ \cline{1-7} \midrule \rowcolor{LightCyan} \multicolumn{7}{c}{\textbf{Weakly-Supervised Framework}} \\ \midrule 5 & 24.2 & 27.57 & 0.959 & 19.1 & 24.76 & 0.936\\ 25 & 17.1 & 30.13 & 0.974 & 12.4 & 27.30 & 0.942 \\ 50 & 10.3 & 33.71 & 0.982 & 6.2 & 30.01 & 0.951\\ \textbf{75} & \textbf{8.3} & \textbf{34.47} & \textbf{0.983} & \textbf{3.8} & \textbf{30.63} & \textbf{0.951} \\ 100 & 9.8 & 31.56 & 0.980 & 5.6 & 28.52 & 0.946 \\ \midrule \midrule \rowcolor{LightCyan} \multicolumn{7}{c}{\textbf{Fully-Supervised Framework}} \\ \midrule -15 & 13.2 & 31.57 & 0.979 & 9.7 & 29.26 & 0.949\\ 0 & 5.9 & 36.19 & 0.989 & 3.3 & 31.98 & 0.959 \\ 15 & 6.8 & 35.53 & 0.988 & 4.1 & 31.07 & 0.959 \\ 30 & 11.6 & 33.87 & 0.983 & 6.3 & 30.56 & 0.952 \\ \cline{1-7} \toprule \end{tabular} } \caption{\textbf{Ablation study on illuminance factor ($\mu$)} of the proposed UnShadowNet in both weakly-supervised and fully-supervised setup on ISTD \cite{wang2018stacked} dataset using RMSE, PSNR and SSIM metrics.} \label{tab:mu_table} \vspace{-7mm} \end{table} \begin{table*}[!h] \centering \scalebox{0.95}{ \begin{tabular}{l|c|c|c|c|c|c|c|c|c|c} \bottomrule & & \multicolumn{3}{c|} {\textbf{Shadow Region}} & \multicolumn{3}{c|}{\textbf{Non-Shadow Region}} & \multicolumn{3}{c}{\textbf{All}}\\ \cline{1-11} \cellcolor{blue!25} $\textbf{Methods}$ & \cellcolor{blue!25} $\textbf{Training Data}$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ & \cellcolor{red!25}$\textbf{RMSE}$$\downarrow$ & \cellcolor{red!25}$\textbf{PSNR}$$\uparrow$ & \cellcolor{red!25}$\textbf{SSIM}$$\uparrow$ \\ \cline{1-11} Yang \textit{et al.} \cite{yang2012shadow} & -- & 23.2 & 21.57 & 0.878 & 14.2 & 22.25 & 0.782 & 15.9 & 20.26 & 0.706\\ Gong and Cosker \cite{gong2014interactive} & -- & 13.0 & 30.53 & 0.972 & 2.6 & 36.63 & 0.982 & 4.3 & 28.96 & 0.943 \\ \cline{1-11} Guo \textit{et al.} \cite{guo2012paired} & Non.Shd.+Shd (Paired) & 20.1 & 26.89 & 0.960 & 3.1 & 35.48 & 0.975 & 6.1 & 25.51 & 0.924 \\ ST-CGAN \cite{wang2018stacked} & Non.Shd.+Shd (Paired) & 12.0 & 31.70 & 0.979 & 7.9 & 26.39 & 0.956 & 8.6 & 24.75 & 0.927 \\ SP+M-Net* \cite{le2019shadow} & Non.Shd.+Shd (Paired) & 8.1 & 35.08 & 0.984 & 2.8 & 36.38 & 0.979 & 3.6 & 31.89 & 0.953 \\ G2R-ShadowNet \textit{Sup.*} \cite{liu2021shadow} & Non.Shd.+Shd (Paired) & 7.9 & 36.12 & 0.988 & 2.9 & 35.21 & 0.977 & 3.6 & 31.93 & 0.957 \\ \rowcolor{YellowGreen} \textbf{UnShadowNet \textit{Sup.*}} & \textbf{Non.Shd.+Shd (Paired)} & \textbf{5.9} & \textbf{36.19} & \textbf{0.989} & \textbf{2.7} & \textbf{36.44} & \textbf{0.978} & \textbf{3.3} & \textbf{31.98} & \textbf{0.959} \\ \cline{1-11} Mask-ShadowGAN* \cite{hu2019mask} & Shd.Free(Unpaired) & 10.8 & 32.19 & 0.984 & 3.8 & 33.44 & 0.974 & 4.8 & 28.81 & 0.946 \\ LG-ShadowNet* \cite{liu2021shadow_lg} & Shd.Free(Unpaired) & 9.9 & 32.44 & 0.982 & 3.4 & 33.68 & 0.971 & 4.4 & 29.20 & 0.945 \\ \cline{1-11} Le \textit{et al.}* \cite{le2020shadow} & Shd.Mask & 10.4 & 33.09 & 0.983 & 2.9 & 35.26 & 0.977 & 4.0 & 30.12 & 0.950 \\ G2R-ShadowNet* \cite{liu2021shadow} & Shd.Mask & 8.9 & 33.58 & 0.979 & 2.9 & 35.52 & 0.976 & 3.9 & 30.52 & 0.944 \\ \rowcolor{YellowGreen} \textbf{UnShadowNet} & \textbf{Shd.Mask} & \textbf{8.3} & \textbf{34.47} & \textbf{0.984} & \textbf{2.9} & \textbf{35.51} & \textbf{0.977} & \textbf{3.8} & \textbf{30.63} & \textbf{0.951}\\ \toprule \end{tabular} } \caption{\textbf{Quantitative comparison of two variants of \textit{UnShadowNet} with other state-of-the-art shadow removal methods} using RMSE, PSNR and SSIM metrics. Methods marked with `*' were evaluated on the adjusted ISTD \cite{wang2018stacked} dataset. Scores of the other methods are computed on the ISTD dataset and obtained from their respective publications.} \label{tab:shadow_main_table} \vspace{-3mm} \end{table*} \begin{table}[t] \centering \scalebox{0.98}{ \begin{tabular}{c|c|c|c} \bottomrule \cellcolor{blue!25} $\textbf{Methods}$ & \cellcolor{red!25}$\textbf{Shadow}$$\downarrow$ & \cellcolor{red!25}$\textbf{Non-Shadow}$$\downarrow$ & \cellcolor{red!25}$\textbf{All}$$\downarrow$ \\ \midrule Guo \textit{et al.} \cite{guo2011single} & 18.95 & 7.46 & 9.30\\ Zhang \textit{et al.} \cite{zhang2015shadow} & 9.77 & 7.12 & 8.16\\ Iizuka \textit{et al.} \cite{iizuka2017globally} & 13.46 & 7.67 & 8.82 \\ Wang \textit{et al.} \cite{wang2018high} & 10.63 & 6.73 & 7.37 \\ DeshadowNet \cite{qu2017deshadownet} & 12.76 & 7.19 & 7.83\\ MaskShadow-GAN* \cite{hu2019mask} & 12.67 & 6.68 & 7.41 \\ ST-CGAN \cite{wang2018stacked} & 10.31 & 6.92 & 7.46\\ Cun \textit{et al.} \cite{cun2020towards} & 11.4 & 7.2 & 7.9 \\ AngularGAN \cite{sidorov2019conditional} & 9.78 & 7.67 & 8.16 \\ RIS-GAN \cite{zhang2020ris} & 8.99 & 6.33 & 6.95 \\ CANet \cite{chen2021canet} & 8.86 & 6.07 & 6.15 \\ Hu \textit{et al.} \cite{hu2019direction} & 7.6 & 3.2 & 3.9 \\ Fu \textit{et al.} \cite{fu2021auto} & 7.77 & 5.56 & 5.92 \\ \cline{1-4} \rowcolor{YellowGreen} \textbf{UnShadowNet \textit{Sup.}} & \textbf{7.01} & \textbf{4.58} & \textbf{5.17} \\ \rowcolor{YellowGreen} \textbf{UnShadowNet} & \textbf{9.18} & \textbf{5.16} & \textbf{6.08} \\ \bottomrule \end{tabular} } \caption{\textbf{Comparative study of fully and weakly-supervised UnShadowNet with other fully supervised state-of-the-art shadow removal methods on ISTD \cite{wang2018stacked} dataset using RMSE metric}. (*) marked method was trained using unpaired data. } \label{tab:istd_full_sup} \vspace{-2.5mm} \end{table} \begin{table}[t] \centering \scalebox{1}{ \begin{tabular}{c|c|c|c} \bottomrule \cellcolor{blue!25} $\textbf{Methods}$ & \cellcolor{red!25}$\textbf{Shadow}$$\downarrow$ & \cellcolor{red!25}$\textbf{Non-Shadow}$$\downarrow$ & \cellcolor{red!25}$\textbf{All}$$\downarrow$ \\ \midrule Guo \textit{et al.} \cite{guo2011single} & 22.0 & 3.1 & 6.1\\ Gong \textit{et al.} \cite{gong2016interactive} & 13.3 & -- & --\\ ST-CGAN \cite{wang2018stacked} & 13.4 & 7.7 & 8.7\\ DeshadowNet \cite{qu2017deshadownet} & 15.9 & 6.0 & 7.6\\ MaskShadow-GAN* \cite{hu2019mask} & 12.4 & 4.0 & 5.3 \\ SP+M-Net \cite{le2021physics} & 7.9 & 3.1 & 3.9 \\ Fu \textit{et al.} \cite{fu2021auto} & 6.5 & 3.8 & 4.2 \\ SP+M+I-Net \cite{le2021physics} & 6.0 & 3.1 & 3.6 \\ \cline{1-4} \rowcolor{YellowGreen} \textbf{UnShadowNet \textit{Sup.}} & \textbf{5.9} & \textbf{2.7} & \textbf{3.3} \\ \rowcolor{YellowGreen} \textbf{UnShadowNet} & \textbf{8.3} & \textbf{2.9} & \textbf{3.8} \\ \bottomrule \end{tabular} } \caption{\textbf{Comparative study of fully and weakly supervised UnShadowNet with other state-of-the-art shadow removal methods on adjusted ISTD \cite{le2019shadow} dataset using RMSE metric}. (*) marked method was trained using unpaired data. } \label{tab:istdp_full_sup} \vspace{-6mm} \end{table} \textbf{Shadow inpainting:} Appearance of shadow is a natural phenomena and yet it is not an easy task to define the strong properties of shadow. This is because it does not have distinguishable shape, size, texture etc. Hence it becomes important to augment the available shadow samples extensively so that it can be effectively learnt by the network. In this work, we estimate the mean intensity values of the existing shadow region of an image (${I_P}$). Then we randomly select shadow mask (${S_M}$) from the existing set of shadow samples. The mask (${S_M}$) is inpainted on the shadow-free region of the image (${I_P}$). The pixels that belong to the ${S_M}$ in ${I_P}$ will have brightness adjusted as the earlier computed mean. We do not apply the same mean every time, in order to generate diverse shadow regions, the estimated mean value is adjusted by $\pm 5\%$. The main motivations of this inpainting are two-fold: 1) It is difficult to learn complex shadows when it interacts with diverse light sources and other objects in the scene. The inpainted shadows are standalone and will provide an easier reference sample to another shadow segment in ${I_P}$. 2) It also increases the robustness of the network towards shadow removal by inpainting shadows with more diverse variations. Figure \ref{fig:shadow_inpainting} shows the proposed shadow inpainting with random shadow mask and different shadow intensities. Table \ref{tab:ablation_data_aug} indicates the significant benefits of inpainting complementing the standard data augmentation. \textbf{Data augmentation:} Data augmentation is an essential constituent to regularize any deep neural network based model. We make use of some of the standard augmentation techniques such as image flipping with a probability of $0.3$, random scaling of images in range $0.8$ to $1.2$, adding Gaussian noise, blur effect and enhancing contrast. Table \ref{tab:ablation_data_aug} sums up the role of curriculum learning, shadow inpainting and data augmentation individually and the various combinations. This ablation study is performed on both weakly-supervised and fully-supervised setups indicating that both these training strategies are beneficial to learn shadow removal task. \textbf{Illuminance factor ($\bm{\mu}$):} The DeShadower Network maximises the information with ``bright" synthetic augmentations generated by the Illumination Network. The effectiveness of the Illumination Network is verified from the results in Fig. \ref{fig:shadow_removal_ablation}. To train the Illumination Network, we sample shadow regions from the dataset and vary their brightness by $\mu-5, \mu, \mu+5$. The different values experimented for the Illuminance factor ($\mu$) is presented in Table \ref{tab:mu_table}. We find that setting the value of $\mu$ at $50$ gives the most optimal results in shadow removal performance. For the fully-supervised setup, since the ground-truth images are available, the optimal level of brightness is obtained from those samples itself, consequently, $\mu = 0$ gives the best performance. \begin{table}[t] \centering \scalebox{1}{ \begin{tabular}{c|c|c|c} \bottomrule \cellcolor{blue!25} $\textbf{Methods}$ & \cellcolor{red!25}$\textbf{Shadow}$$\downarrow$ & \cellcolor{red!25}$\textbf{Non-Shadow}$$\downarrow$ & \cellcolor{red!25}$\textbf{All}$$\downarrow$ \\ \midrule Guo \textit{et al.} \cite{guo2011single} & 31.06 & 6.47 & 12.60\\ Zhang \textit{et al.} \cite{zhang2015shadow} & 9.50 & 6.90 & 7.24\\ Iizuka \textit{et al.} \cite{iizuka2017globally} & 19.56 & 8.17 & 16.33 \\ Wang \textit{et al.} \cite{wang2018high} & 17.33 & 7.79 & 12.58 \\ DeshadowNet \cite{qu2017deshadownet} & 17.96 & 6.53 & 8.47\\ ST-CGAN \cite{wang2018stacked} & 18.64 & 6.37 & 8.23\\ Hu \textit{et al.} \cite{hu2019direction} & 11.31 & 6.72 & 7.83 \\ AngularGAN \cite{sidorov2019conditional} & 17.63 & 7.83 & 15.97 \\ Cun \textit{et al.} \cite{cun2020towards} & 8.94 & 4.80 & 5.67 \\ Fu \textit{et al.} \cite{fu2021auto} & 8.56 & 5.75 & 6.51 \\ RIS-GAN \cite{zhang2020ris} & 8.22 & 6.05 & 6.78 \\ CANet \cite{chen2021canet} & 7.82 & 5.88 & 5.98 \\ \cline{1-4} \rowcolor{YellowGreen} \textbf{UnShadowNet \textit{Sup.}} & \textbf{7.78} & \textbf{5.31} & \textbf{5.74} \\ \rowcolor{YellowGreen} \textbf{UnShadowNet} & \textbf{8.92} & \textbf{5.96} & \textbf{6.61} \\ \bottomrule \end{tabular} } \caption{\textbf{Comparative study of fully and weakly-supervised UnShadowNet with other fully-supervised state-of-the-art shadow removal methods on SRD \cite{qu2017deshadownet} dataset using RMSE metric}. No other prior-arts were found to remove shadow in weakly supervised fashion on the same dataset. } \label{tab:srtd_full_sup} \vspace{-4mm} \end{table} \subsection{Quantitative study} We evaluate our proposals and compare quantitatively with the state-of-the-art shadow removal techniques on ISTD \cite{wang2018stacked}, Adjusted ISTD \cite{le2019shadow} and SRD \cite{qu2017deshadownet} benchmark datasets. \begin{figure*}[t] \centering \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/103-1_in.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/103-1_le_sam.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/103-1_g2r.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/103-1.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/103-1_gt.png} \vspace{0.25 mm}\\ \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/114-10_in.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/114-10_le_sam.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/114-10_g2r.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/114-10.jpg} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/114-10_gt.png} \vspace{0.25 mm}\\ \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/115-3_in.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/115-3_le_sam.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/115-3_g2r.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/115-3.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/115-3_gt.png} \vspace{0.25 mm}\\ \hspace{-0.25cm} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/117-11_in.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/117-11_le_sam.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/117-11_g2r.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/117-11.png} \includegraphics[width=0.161\textwidth]{images/visual_comp_sota/117-11_gt.png} \\ \hspace{-0.8cm}{Input} \hspace{1.4cm}{Le \textit{et al.} \cite{le2020shadow}} \hspace{0.6cm}{G2R-ShadowNet \cite{liu2021shadow}} \hspace{0.8cm}{Ours} \hspace{2cm}{GT} \caption{ \textbf{Qualitative comparison of our proposed method} with other state-of-the-art shadow removal methods that use shadow mask and shadow image as input, on four challenging samples from ISTD \cite{wang2018stacked} dataset. } \label{fig:globfig} \vspace{-7mm} \end{figure*} \textbf{ISTD:} Table \ref{tab:shadow_main_table} compares the proposed method with the state-of-the-art shadow removal approaches using RMSE, PSNR and SSIM metrics for shadow, shadow-free and all region. We achieve state-of-the-art results and the improvement with respect to all metrics for shadow area in both training setup namely weakly-supervised (UnshadowNet) and fully-supervised (UnshadowNet \textit{Sup.}) are quite significant. There are few other fully-supervised shadow removal methods evaluated on ISTD \cite{wang2018stacked} dataset and we compared with our proposed fully-supervised setup. In this setup as well, as per Table \ref{tab:istd_full_sup}, our proposed method outperforms other state-of-the-art approaches. \textbf{ISTD+:} Table \ref{tab:istdp_full_sup} shows the performance of our proposed shadow remover on the adjusted ISTD \cite{le2019shadow} dataset using RMSE metric. The comparison of our method in fully-supervised setup with other techniques trained in same fashion demonstrates the robustness of our framework as it shows incremental improvement over the most recent state-of-the-art methods. In addition, we have performed experiment using weakly-supervised setup where the metrics are comparable and only slightly behind the fully-supervised model. \textbf{SRD:} We report and compare our shadow removal results in both - constrained and unconstrained setup with existing fully-supervised methods on SRD \cite{qu2017deshadownet} using RMSE metric. Table \ref{tab:srtd_full_sup} indicates that our proposal trained in fully-supervised fashion obtains the lowest RMSE in all regions and outperforms the most recent state-of-the-art methods \cite{fu2021auto, zhang2020ris}. \subsection{Qualitative study} Figure \ref{fig:globfig} shows qualitative results of the proposed model trained in weakly-supervised format on total three challenging samples from ISTD \cite{wang2018stacked} dataset. We also visually compare with two existing and most recently published weakly-supervised shadow removal methods by Le \textit{et al.} \cite{le2020shadow} and G2R-ShadowNet \cite{liu2021shadow} respectively. It is clearly observed that UnShadowNet performs accurately to remove shadow in complex background. In addition to the unconstrained setup, Figure \ref{fig:results_fully_supervised} shows the results of our UnshadowNet \textit{Sup.} model on ISTD \cite{wang2018stacked} dataset. It is to be noted that the visual results are not shown on adjusted ISTD \cite{le2019shadow} dataset because the test samples are same as in ISTD dataset, the only difference is in the color in ground truth. In addition, we consider SRD \cite{qu2017deshadownet} dataset and this is the first work where visual results are presented on the samples from same dataset. Figure \ref{fig:results_srd_self_supervised} and \ref{fig:results_srd_fully_supervised} demonstrate the results of UnShadowNet in weakly-supervised and fully-supervised setup. \iffalse \begin{figure*}[t] \centering \includegraphics[width=0.161\textwidth]{images/ablation/121-3.png} \includegraphics[width=0.161\textwidth]{images/ablation/121-3.png} \includegraphics[width=0.161\textwidth]{images/ablation/121-3.png} \includegraphics[width=0.161\textwidth]{images/ablation/121-3.png} \includegraphics[width=0.161\textwidth]{images/ablation/121-3.png} \includegraphics[width=0.161\textwidth]{images/ablation/121-3.png} \vspace{0.25 mm} Input\\ \includegraphics[width=0.161\textwidth]{images/ablation/122-10.png} \includegraphics[width=0.161\textwidth]{images/ablation/122-10.png} \includegraphics[width=0.161\textwidth]{images/ablation/122-10.png} \includegraphics[width=0.161\textwidth]{images/ablation/122-10.png} \includegraphics[width=0.161\textwidth]{images/ablation/122-10.png} \includegraphics[width=0.161\textwidth]{images/ablation/122-10.png} \vspace{0.25 mm} Le \textit{et al.} \cite{le2020shadow}\\ \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \vspace{0.25 mm} Liu \textit{et al.} \cite{liu2021shadow}\\ \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \vspace{0.25 mm} Ours\\ \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \includegraphics[width=0.161\textwidth]{images/ablation/125-13.png} \vspace{0.25 mm} Ground truth\\ \caption{ \textbf{Qualitative comparison of our proposed method with other only two state-of-the-art self-supervised shadow removal methods by Le \textit{et al.} \cite{le2020shadow} and Liu \textit{et al.} \cite{liu2021shadow} respectively on six challenging samples from ISTD \cite{wang2018stacked} dataset.} } \label{fig:globfig} \vspace{-7mm} \end{figure*} \fi \begin{figure} \centering \includegraphics[width=0.15\textwidth]{images/ablation/122-7.png} \includegraphics[width=0.15\textwidth]{images/ablation/bright_122-7.png} \includegraphics[width=0.15\textwidth]{images/ablation/gt_122-7.png} \vspace{0.4 mm} \includegraphics[width=0.15\textwidth]{images/ablation/124-3.png} \includegraphics[width=0.15\textwidth]{images/ablation/bright_124-3.png} \includegraphics[width=0.15\textwidth]{images/ablation/gt_124-3.png} \hspace{0.6cm}{Input} \hspace{1.4cm}{UnShadowNet} \hspace{0.8cm}{Ground Truth} \caption{ \textbf{Qualitative results on the ISTD \cite{wang2018stacked} dataset using \textit{fully-supervised} UnShadowNet setup.} } \vspace{-6 mm} \label{fig:results_fully_supervised} \end{figure} \begin{figure}[!t] \centering \includegraphics[width=0.15\textwidth]{images/ablation/IMG_2432.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/bright_abl_2_IMG_2432.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/IMG_2432_free.jpg} \vspace{0.25 mm} \includegraphics[width=0.15\textwidth]{images/ablation/IMG_5690.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/bright_abl_2_IMG_5690.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/IMG_5690_free.jpg} \hspace{1.6cm}{Input} \hspace{1.5cm}{UnShadowNet} \hspace{0.4cm} {Ground Truth} \caption{ \textbf{Qualitative results on the SRD \cite{qu2017deshadownet} dataset using \textit{weakly-supervised} UnShadowNet setup.} } \vspace{-4 mm} \label{fig:results_srd_self_supervised} \end{figure} \begin{figure} \centering \includegraphics[width=0.15\textwidth]{images/ablation/IMG_6160.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/bright_IMG_6160.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/gt_IMG_6160_free.jpg} \vspace{0.25 mm} \includegraphics[width=0.15\textwidth]{images/ablation/_MG_3104.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/bright__MG_3104.jpg} \includegraphics[width=0.15\textwidth]{images/ablation/gt__MG_3104_free.jpg} \hspace{1.6cm}{Input} \hspace{1.5cm}{UnShadowNet} \hspace{0.4cm} {Ground Truth} \caption{ \textbf{Qualitative results on the SRD \cite{qu2017deshadownet} dataset using \textit{fully-supervised} UnShadowNet setup.} } \vspace{-5 mm} \label{fig:results_srd_fully_supervised} \end{figure} \begin{figure}[!t] \centering \includegraphics[width=0.15\textwidth]{images/automotive/frame0608_image.jpg} \includegraphics[width=0.15\textwidth]{images/automotive/frame13922_image.jpg} \includegraphics[width=0.15\textwidth]{images/automotive/frame2516_image.jpg} \vspace{0.25 mm} \includegraphics[width=0.15\textwidth]{images/automotive/fframe0608_image.jpg} \includegraphics[width=0.15\textwidth]{images/automotive/fframe13922_image.jpg} \includegraphics[width=0.15\textwidth]{images/automotive/fframe2516_image.jpg} \caption{ \textbf{Qualitative results (\textit{bottom}) on a few input samples (\textit{top}) from IDD dataset \cite{varma2019idd}.} \textit{UnShadowNet} trained on ISTD \cite{wang2018stacked} dataset enables to remove shadow reasonably in automotive scenes. } \vspace{-5 mm} \label{fig:results_automotive} \end{figure} \subsection{Evaluation of generalization in an unconstrained automotive dataset} Automotive object detection and segmentation datasets do not provide shadow labels and thus it is not possible to quantitatively evaluate extensively on these datasets. We sampled a few shadow scenes from the challenging IDD dataset \cite{varma2019idd} which contains varied lighting condition scenes on Indian roads. It was not possible to train our model as shadow masks were not available. Thus we used this dataset to evaluate the robustness and generalization of our pre-trained model on novel scenes. The qualitative results are illustrated in Figure \ref{fig:results_automotive}. Although the performance of the proposed shadow removal framework is either comparable to the state-of-the-art or superior but it is still not robust to be used in real-world autonomous driving systems. We feel that more extensive datasets have to be built for shadow to perform more detailed studies and we hope this work encourages creation of these datasets or annotations of shadows in existing datasets.
bdd5edfff26bda1edf7ba8c2fc6724972afa09d2
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} In the last few years, we have been experiencing a dizzying growth of the ride-hailing market \cite{nyc_ridehailing}, where on-demand ride-hailing platforms, such as Uber, Lyft and Didi Chuxing, have to settle up suitable pricing strategies to be attractive on two nearly complementary fronts: costumers and drivers. Each ride-hailing firm, indeed, not only competes for costumers with the other firms and with traditional transportation systems, but also strives to secure an as wide as possible fleet of ``loyal'' drivers so that it can meet possibly growing costumers' demand, which often may not be predicted accurately. In this framework, competition among the platforms can be naturally described through a stochastic generalized Nash equilibrium problem (SGNEP): the firms aim at maximizing their expected valued profit function, trying to satisfy the demand for rides, which is typically uncertain, while sharing the market with the other platforms. Specifically, SGNEPs amount to a collection of mutually coupled stochastic optimization problems, which are challenging to address especially if one aims at finding a solution, i.e., a stochastic generalized Nash equilibrium (SGNE), in a distributed fashion. The difficulties are mainly due to the constraints coupling the agents' strategies, and the presence of uncertainty. The first issue is typically accommodate by reformulating the problems as a monotone inclusion \cite{yi2019, franci2020fb} obtained by exploiting the Karush-Khun-Tucker conditions of the coupled optimization problems. Concerning the uncertainty instead, the usual approach approximates the expected-valued pseudogradient mapping of the game by leveraging available realizations of the uncertainty \cite{robbins1951,koshal2013}. As a next step, one should design a sequence of instructions alternating distributed computation and communication steps, i.e., an algorithm, with provable convergence guarantees to an equilibrium solution of the SGNEP at hand. Among the numerous algorithms for classic stochastic optimization \cite{iusem2017,bot2021}, only few of them are amenable to solve SGNEPs. For this class of problems, indeed, we include the forward-backward (SFB) algorithm \cite{franci2020fb} and related variations, such as the relaxed forward-backward (SRFB) \cite{franci2021} or the projected-reflected-gradient (SPRG) algorithms \cite{franci2021sprg}. However, these procedures are affected by common drawbacks: the monotonicity assumption of the operators involved and the number of samples necessary for the approximation. In fact, both SFB and SPRG algorithms converge in case the pseudogradient mapping is strongly monotone or cocoercive, which correspond to rather strong assumptions. Moreover, FB-based methods take as an approximation the average over an increasing, possibly infinite, number of samples of the uncertainty, which is impractical or even unrealistic. These reasons motive us to modify the traditional FB algorithm with a Tikhonov (Tik) regularization method \cite[Ch.~12]{facchinei2007}, tailored for SGNEPs. Introducing a regularization sequence is indeed a well-known technique to weaken strong assumptions \cite{koshal2013, kannan2012}, since it allows one to obtain, e.g., a strongly monotone operator starting from a merely monotone one \cite{facchinei2007}. We summarize all these considerations in Table~\ref{table_algo}. \begin{table}[b] \centering \begin{tabular}{p{2cm}p{.6cm}ccc} \toprule & Tik & SpFB \cite{franci2020fb}& SPRG \cite{franci2021sprg} & SRFB \cite{franci2021}\\ \midrule \textsc{Monotonicity} & \cmark & \xmark & \xmark & \cmark \\ \# \textsc{Sample(s)} & 1 & $N_k$ & $N_k$ & $N_k$ \\ \textsc{Step Size } & $\alpha_k$ & $\alpha$ & $\alpha$ & $\alpha$ \\ \bottomrule \end{tabular} \caption{Existing FB-based algorithms for SGNEPs which converge with monotonicity (\cmark) or stronger assumptions (\xmark). The quantity $N_k$ indicates an increasing (possibly infinite) number of samples, while $\alpha_k$ indicates a the time-varying step size sequence, as opposed to $\alpha$. }\label{table_algo} \end{table} In \cite{koshal2013}, a distributed version of this Tikhonov regularization-based algorithm was introduced for SNEPs, i.e., without coupling constraints. We show here that the generalization to SGNEPs is possible, albeit non-trivial, as the time-varying nature of both the step sizes and regularization step poses technical challenges to be treated carefully when using operator splitting techniques (\S \ref{sec_discussion}). We can hence summarize our contributions as follows: \begin{itemize} \item Inspired by the cognate literature, we propose a noncooperative model for on-demand competing ride-hailing platforms under a regulated pricing scenario and uncertainties, and we recast it as a SGNEP (\S \ref{sec:app}, \ref{sec_GNEPs}); \item We propose a distributed Tikhonov regularization-based algorithm that leverages a finite number of samples of the uncertainty to perform the stochastic approximation, thus circumventing a crucial issue in equilibrium seeking algorithm design for SGNEPs (\S \ref{sec_algo_sgnep}); \item We show that the algorithm converges to a SGNE i) under mere monotonicity of the pseudogradient mapping, one of the weakest assumptions to establish convergence \cite{facchinei2010}, and ii) with a careful choice of the step size sequence that exploits the structure of the problem. \end{itemize} In conclusion, the performance of the designed Tikhonov-like algorithm is tested on a numerical instance of the proposed ride-hailing competition market model (\S \ref{sec:num_sim}). \subsection{Notation and Preliminaries} \paragraph{Notation} ${\mathbb{N}}$ indicates the set of natural numbers and ${\mathbb{R}}$ ($\bar{\mathbb{R}}={\mathbb{R}}\cup\{\infty\}$) is the set of (extended) real numbers. $\langle\cdot,\cdot\rangle:{\mathbb{R}}^n\times{\mathbb{R}}^n\to{\mathbb{R}}$ denotes the standard inner product and $\norm{\cdot}$ is the associated Euclidean norm. Given a vector $x\in{\mathbb{R}}^n$, $x_{\textrm{min}}=\textrm{min}_{i=1,\dots,n}x_i$. We indicate that a matrix $A$ is positive definite, i.e., $x^\top Ax>0$, with $A\succ0$. Given a symmetric $W\succ0$, the $W$-induced inner product is $\langle x, y\rangle_{W}=\langle W x, y\rangle$ and the associated norm is defined as $\norm{x}_{W}=\sqrt{\langle W x, x\rangle}$. $\operatorname{Id}$ is the identity operator. $\iota_{\mc X}$ is the indicator function of the set $\mc X$, that is, $\iota_{\mc X}(x)=0$ if $x\in \mc X$ and $\iota_{\mc X}(x)=\infty$ otherwise. The set-valued mapping $\mathrm{N}_{\mc X} : {\mathbb{R}}^{n} \to {\mathbb{R}}^{n}$ denotes the normal cone operator of the set $\mc X$, i.e., $\mathrm{N}_{\mc X}(x)=\emptyset$ if $x \notin \mc X$, $\mathrm{N}_{\mc X}(x)=\left\{v \in {\mathbb{R}}^{n} | \sup _{z \in \mc X} \langle v,z-x\rangle \leq 0\right\}$ otherwise. \paragraph{Operator theory} Let $\operatorname{gra}(F)=\{(x,u):u\in F(x)\}$ be the graph of $F : \mc X \subseteq {\mathbb{R}}^{n} \to {\mathbb{R}}^{n}$. Then, F is said to be: monotone on $\mc X$ if $\langle F(x)-F(y),x-y\rangle \geq 0, \text{ for all } x, y \in \mc X;$ $\mu$-strongly monotone on $\mc X$ if there exists a constant $\mu>0$ such that $\langle F(x)-F(y),x-y\rangle \geq \mu\|x-y\|^{2}, \text{ for all } x, y \in \mc X;$ maximally monotone if there exists no monotone operator $G : \mc X \to {\mathbb{R}}^n$ such that $\operatorname{gra} G$ properly contains $\operatorname{gra} F$: $\ell$-Lipschitz continuous with constant $\ell>0$ if for all $x, y\in \mc X$ $\|F(x)-F(y)\| \leq \ell\|x-y\|$. The projection operator onto $\mc C$ is the operator defined as $\operatorname{proj}_{\mc C}(x)={\operatorname{argmin}_{z \in\mc C}}\normsq{z-x}.$ \paragraph{Graph theory} The weighted adjacency matrix associated to $\mc G^\lambda$ is denoted with $W=[w_{ij}]_{i,j\in\mc I}\in{\mathbb{R}}^{N\times N}$, where $w_{ij}>0$ if agents $i$ and $j$ can communicate with each other and $w_{ij}=0$ otherwise. Then, letting $D=\operatorname{diag}\{d_1,\dots,d_N\}$ where $d_{i,h}=\sum_{j=1}^Nw_{ij}$ is the degree of agent $i$, the associated Laplacian is given by $L=D-W\in{\mathbb{R}}^{N\times N}$. It follows from Assumption \ref{ass_graph} that $L=L^\top$. \paragraph{Stochastic setting} ${\mathbb{E}}_\xi$ represent the mathematical expectation with respect to the distribution of the random variable $\xi(\omega)$, in the probability space $(\Xi, \mc F, {\mathbb{P}})$. We avoid expressing the dependency on $\omega$ when clear from the context and often simply write ${\mathbb{E}}$. We use i.i.d. to indicate independent identically distributed random variables. \section{On-demand competing ride-hailing firms}\label{sec:app} We take inspiration from \cite{zhong2022demand,he2020off,bimpikis2019spatial} to examine how $N \in {\mathbb{N}}$ on-demand competing ride-hailing platforms (e.g., Uber, Didi Chuxing, Lyft, Juno and Via) design their pricing strategies under a regulated pricing scenario and the presence of uncertainties. Specifically, given a continuum of potential riders of mass $C_h > 0$ for each area of interest $h \in \mc{H} \subset {\mathbb{N}}$ (e.g., suburbs, city centres, airports), each firm $i \in \mc{I} \coloneqq \{1, \ldots, N\}$ aims at maximizing its profit by setting i) a price $p_{i,h} \geq 0$ for the on-demand ride-hailing service to attract as many costumers as possible in the $h$-th area, with \begin{equation}\label{eq:equity_price} {\frac{1}{N} \sum_{i \in \mc{I}} p_{i,h} \leq \bar{p}_h, \ \forall h \in \mc{H},} \end{equation} capping the averaged maximum price allowed $\bar{p}_h > 0$, usually imposed by consumers' associations; ii) a wage $w_{i,h} \geq \underline{w} > 0$ for the registered drivers on the $i$-th ride-hailing platform, which is also typically regulated by institutions \cite{beer2017qualitative,zhong2022demand}, to meet the resulting costumers' demand. As one may expect, since profit maximization is a consideration, $p_{i,h}$ and $w_{i,h}$ shall be necessarily interdependent. Similar to \cite{mcguire1983industry,he2020off}, we assume that the fraction of customers who choose the $i$-th platform’s service in the $h$-th area, i.e., the demand for the $i$-th firm, is characterized as: \begin{equation}\label{eq:cust_demand} {d_{i,h} = \frac{C_h K_{i,h}}{ \bar{p} \sum_{j \in \mc{I}} K_{j,h}} \left(\bar{p} - p_{i,h} + \frac{\theta_i}{N-1} \sum_{j \in \mc{I}\setminus\{i\}} p_{j,h} \right),} \end{equation} where $K_{i,h} > 0$ denotes the number of registered drivers on the $i$-th ride-hailing platform who prefer to work in the $h$-th area, $\bar{p} > \textrm{max}_{h \in \mc{H}} \ \bar{p}_h$ is a maximum service price, and $\theta_i \in [0,1]$ models the substitutability of the service provided by each firm. When $\theta_i$ is close to $0$, the service of the $i$-th platform is almost independent from the others, while $\theta_i$ close to $1$ means that it is fully substitutable, thus obtaining a perfect competition market. We discuss in details the role played by this parameter in \S \ref{sec:num_sim} with a numerical example. Note that, however, the demand request in \eqref{eq:cust_demand} does not account for the willingness of the drivers to actually provide a service, which is key to meet the costumers' demand and hence maximize the profit. In fact, any driver provides service in a prescribed area $h \in \mc{H}$ only if its earn is greater than their \emph{opportunity cost}, here denoted by $\delta_{i,h}$, which we let coincide with a random variable. For each firm and area, we assume the wage be given by $w_{i,h} = \beta p_{i,h}$, where the parameter $\beta > 0$ denotes the commission ratio that the platform should pay to its driver, typically regulated by a third party (e.g., governments \cite{zhong2022demand}). Thus, for all $i \in \mc{I}$ and $h \in \mc{H}$, we introduce the \emph{effective demand} as \begin{equation}\label{eq:cust_demand_eff} d^\textrm{e}_{i,h} = d_{i,h} \ {\mathbb{P}}[w_{i,h} \geq \delta_{i,h}], \end{equation} which coincides with the portion of costumers' demand for which a ride-haling company can actually claim a payment. Roughly speaking, a driver is willing to provide a service only if the wage she gets matches (at least) her expectations. This directly leads us to define the fraction of drivers that give services on the $i$-th platform as: \begin{equation}\label{eq:driv_service} k_{i,h} = K_{i,h} \ {\mathbb{P}}[w_{i,h} \geq \delta_{i,h}]. \end{equation} As a consequence, the effective demand in \eqref{eq:cust_demand_eff} can be equivalently obtained from \eqref{eq:cust_demand} by replacing $K_{i,h}$ with $k_{i,h}$. However, the costumers' service request in \eqref{eq:cust_demand} may be affected by an additional source of uncertainty. In fact, it is unlikely that the $i$-th firm is aware of the total number of potential drivers, $\sum_{j \in \mc{I}} K_{j,h}$, both for privacy reasons and possible multiple registrations. Thus, we define $\mc C_h(\xi)=\frac{C_h(\xi)}{\sum_{j \in \mc{I}} K_{j,h}}$ as the unknown fraction of passengers in area $h\in\mc H$, which allows us to explicitly account for the uncertain parameter $\xi$. In accordance, the demands in \eqref{eq:cust_demand} and \eqref{eq:cust_demand_eff} turn into random variables $d_{i,h}(\xi)$ and $d^\textrm{e}_{i,h}(\xi)$. As commonly adopted in the literature \cite{zhong2022demand,bimpikis2019spatial}, we restrict attention to the case where the drivers’ willingness is uniformly distributed in $[\underline{w}, \, \bar{w}_{i,h}]$, so that ${\mathbb{P}}[w_{i,h} \geq \delta_{i,h}] = (w_{i,h} - \underline{w})/(\bar{w}_{i,h} - \underline{w})$. This not only allows us to consider one source of uncertainty, but also to make the constraint in \eqref{eq:driv_service} convex. Note that a similar argument can be adopted for any distribution concave in the induced demand $d_{i,h}$ (e.g., exponential, Pareto). Then, the stochastic optimization problem associated to each platform amounts to: \begin{equation}\label{eq:plat_game} \forall i \in \mc I: \left\{ \begin{aligned} &\underset{(p_{i,h}, w_{i,h})_{h \in \mc{H}}}{\textrm{max}} &&{\mathbb{E}}_\xi[\sum\limits_{h \in \mc{H}} (p_{i,h} d^{\textrm{e}}_{i,h}(\xi) - w_{i,h} k_{i,h})]\\ & \hspace{.6cm}\text { s.t. } && \eqref{eq:equity_price}, \eqref{eq:cust_demand_eff}, \eqref{eq:driv_service}, p_{i,h} \geq 0, \ \forall h \in \mc{H},\\ &&& w_{i,h} \in [\underline{w}, \, \bar{w}_{i,h}], \ \forall h \in \mc{H}. \end{aligned} \right. \end{equation} The first part of the cost function amounts to the profit of the $i$-th firm to provide a service to the costumers, while the second one considers the costs for providing a service to the drivers. Unlike \cite{mcguire1983industry,he2020off,zhong2022demand}, the cost functions in \eqref{eq:plat_game} accounts for the number of actual drivers who decide to provide a service rather than the whole fleet of registered ones, $K_{i,h}$. After replacing the equality constraints in \eqref{eq:cust_demand_eff} and \eqref{eq:driv_service}, we obtain a collection of mutually coupled stochastic optimization problems, where the cost functions (cubic in $p_{i,h}$, due to the distribution of $\delta_{i,h}$) are affected by the uncertain fraction of potential riders, i.e., $\mc C_h(\xi)$. The proposed model relies on a common assumption in the literature: those riders who do not get assigned to a driver when they seek service from the ride-haling platforms, e.g., because of excess demand for rides, use a different mean of transportation. The need for a common platform handling competition in ride-haling mobility to satisfy the costumers' demand has been indeed recently explored in, e.g., \cite{PANDEY2019269,fabiani2021personalized}. Throughout the paper we treat this model as a SGNEP, and we propose an algorithm to compute an equilibrium solution, according to the discussion presented in the next section. \section{Stochastic generalized Nash equilibrium problem}\label{sec_GNEPs} To compact the notation, we rewrite the problem in \eqref{eq:plat_game} as \begin{equation}\label{eq_game} \forall i \in \mc I: \quad\begin{cases} \textrm{min}_{x_i \in \Omega_i}& {\mathbb{J}}_i\left(x_i, \boldsymbol{x}_{-i}\right)\\ \text { s.t. } & g(x_i,\boldsymbol x_{-i})\leq0. \end{cases} \end{equation} where $x_i=\operatorname{col}((p_{i,h})_{h \in \mc{H}}) \in {\mathbb{R}}^{n}$, $n \coloneqq |\mc{H}|$, $\boldsymbol x=\operatorname{col}((x_i)_{i\in\mc I}) \in {\mathbb{R}}^{nN}$, and $\boldsymbol x_{-i}=\operatorname{col}((x_j)_{j\neq i})$. Moreover, we indicate the set of local constraints of firm $i$ as $\Omega_i\in{\mathbb{R}}^{n}$ and let $\boldsymbol \Omega\coloneqq\prod_{i\in\mc I}\Omega_i$. On the other hand, the set of coupling constraints arising from \eqref{eq:equity_price} in a general form read as \begin{equation}\label{collective_set} \boldsymbol{\mc{X}}\coloneqq\boldsymbol\Omega\cap\{\boldsymbol y \in\boldsymbol{\mathbb{R}}^{nN}\; | \;g(\boldsymbol y) \leq {\bf{0}}_{m}\}, \end{equation} where $g:{\mathbb{R}}^{nN}\to{\mathbb{R}}^m$. We indicate with $\boldsymbol{\mc X}_i(\boldsymbol x_{-i})$ the piece of coupling constraints corresponding to agent $i$, which is affected by the decision variables of the other agents $\boldsymbol x_{-i}$. We stress that the formulation of the SGNEP in \eqref{eq_game} is standard \cite{yi2019,franci2021,belgioioso2017}, and hence the theory we develop applies to all the SGNEPs satisfying the assumptions introduced next. \begin{assumption}[Constraint qualification]\label{ass_constr} For each $i \in \mc I,$ the set $\Omega_{i}$ is nonempty, closed and convex. The set $\boldsymbol{\mc{X}}$ satisfies Slater's constraint qualification. \hfill$\square$ \end{assumption} \begin{assumption}[Separable convex coupling constraints] The mapping $g$ in \eqref{collective_set} has a separable form, i.e., $g(\boldsymbol{x})\coloneqq\sum_{i=1}^{N} g_{i}(x_{i})$, for some convex differentiable functions $g_{i}:\mathbb{R}^{n} \rightarrow \mathbb{R}^{m}$, $i\in\mc I$ and it is $\ell_{\mathrm{g}}$-Lipschitz continuous. Its gradient $\nabla g$ is bounded, i.e., $\operatorname{sup}_{\boldsymbol x\in\boldsymbol{\mc X}}\|\nabla g(\boldsymbol{x})\| \leq B_{\nabla \mathrm{g}}$. \hfill$\square$ \end{assumption} Given the stochastic nature of our collection of problems, we indicate the cost function of each agent $i\in\mc I$ as \begin{equation}\label{eq_cost_stoc} {\mathbb{J}}_i(x_i,\boldsymbol{x}_{-i})\coloneqq{\mathbb{E}}[J_i(x_i,\boldsymbol{x}_{-i},\xi(\omega))], \end{equation} for some measurable function $J_i:\mc {\mathbb{R}}^{n}\times {\mathbb{R}}^d\to {\mathbb{R}}$. We assume that ${\mathbb{E}}[J_i(\boldsymbol{x},\xi)]$ is well defined for all feasible $\boldsymbol{x}\in\boldsymbol{\mc X}$ \cite{ravat2011}. \begin{assumption}[Cost function convexity]\label{ass_J} For each $i \in \mc I$ and $\boldsymbol{x}_{-i} \in \boldsymbol{\mc{X}}_{-i}$ the function ${\mathbb{J}}_{i}(\cdot, \boldsymbol{x}_{-i})$ is convex and continuously differentiable. \hfill$\square$\end{assumption} The goal of the firms is hence to solve \eqref{eq_game} to find a SGNE, i.e., a strategy profile where no agent can decrease its cost function by unilaterally deviating from its decision. Formally, a SGNE is a collective vector $\boldsymbol x^*\in\boldsymbol{\mc X}$ such that for all $i \in \mc I$ $${\mathbb{J}}_i(x_i^{*}, \boldsymbol x_{-i}^{*}) \leq \inf \{{\mathbb{J}}_i(y, \boldsymbol x_{-i}^{*})\; | \; y \in \mc{X}_i(\boldsymbol x^\ast_{-i})\}.$$ Existence of a SGNE for the game in \eqref{eq_game} is guaranteed under suitable assumptions \cite[\S 3.1]{ravat2011}, though uniqueness does not hold in general \cite[\S 3.2]{ravat2011}. Within all possible Nash equilibria, we focus on those coinciding with the solutions of a suitable stochastic variational inequality (SVI) \cite{koshal2013}. Thus, we introduce the pseudogradient mapping of the game as \begin{equation}\label{eq_grad} {\mathbb{F}}(\boldsymbol{x})\coloneqq\operatorname{col}\left(({\mathbb{E}}[\nabla_{x_{i}} J_{i}(x_{i}, \boldsymbol{x}_{-i})])_{i \in \mc{I}}\right). \end{equation} Flipping the expected value and the gradient follows from differentiability of $J_i(\cdot,\boldsymbol{x}_{-i})$ (Assumption \ref{ass_J}) \cite[Th.~7.44]{shapiro2021}. Then, the SVI associated to the SGNEP in \eqref{eq_game} reads as \begin{equation}\label{eq_SVI} \langle {\mathbb{F}}(\boldsymbol x^*),\boldsymbol x-\boldsymbol x^*\rangl \geq 0,\text { for all } \boldsymbol x \in \boldsymbol{\mc X}. \end{equation} If Assumptions \ref{ass_constr}--\ref{ass_J} hold, any solution to $\operatorname{SVI}(\boldsymbol{\mc X} , {\mathbb{F}})$ in \eqref{eq_SVI} is a SGNE of the game in (\ref{eq_game}), while the converse does not necessarily hold. A game may have a Nash equilibrium while the associated (S)VI may have no solution \cite[Prop.~12.7]{palomar2010}. \begin{assumption}[Existence of a variational equilibrium]\label{ass_sol} The SVI in \eqref{eq_SVI} has at least one solution. \hfill$\square$ \end{assumption} We call variational equilibria (v-SGNE) the SGNE that are also solution to $\operatorname{SVI}(\boldsymbol{\mc X} , {\mathbb{F}})$ in (\ref{eq_SVI}) with ${\mathbb{F}}$ in (\ref{eq_grad}) and $\boldsymbol{\mc X}$ in (\ref{collective_set}). These equilibria can be characterized in terms of the Karush--Kuhn--Tucker (KKT) conditions of the coupled optimization problems in (\ref{eq_game}), i.e., a $\boldsymbol x^{*}$ is a v-SGNE if and only if the following inclusion is satisfied for $\lambda\in{\mathbb{R}}^m_{\geq0}$ \cite[Th.~4.6]{facchinei2010}: \begin{equation}\label{eq_T} 0\in\mc T(\boldsymbol{x},\boldsymbol\lambda)\coloneqq\left[\begin{array}{c} {\mathbb{F}}(\boldsymbol{x})+\operatorname{N}_{\boldsymbol \Omega}(\boldsymbol x)+\nabla g(\boldsymbol x)^{\top}\boldsymbol \lambda \\ \mathrm{N}_{{\mathbb{R}}_{ \geq 0}^{m}}(\boldsymbol\lambda)-g(\boldsymbol x) \end{array}\right], \end{equation} where $\mc T:\boldsymbol{\mc{X}}\times {\mathbb{R}}^m_{\geq 0}\rightrightarrows {\mathbb{R}}^{nN}\times{\mathbb{R}}^m$ is a set-valued mapping. According to \cite[Th.~3.1]{facchinei2007vi}, \cite[Th~3.1]{auslender2000}, the v-SGNE are those equilibria such that the shared constraints have the same dual variable for all the agents, i.e., $\lambda_i=\lambda$ for all $i\in\mc I$, and solve the $\operatorname{SVI}(\boldsymbol{\mc X},{\mathbb{F}})$ in \eqref{eq_SVI}. Then, the v-SGNE of the game in \eqref{eq_game} correspond to the zeros of $\mc T$, which can be split as the sum of two operators, $\mc T=\mc A+\mc B$, where \begin{equation}\label{eq_splitting} \begin{aligned} \mc{A} &:\left[\begin{array}{l} \boldsymbol{x} \\ \lambda \end{array}\right] \mapsto\left[\begin{array}{c} {\mathbb{F}}(\boldsymbol{x}) \\ 0 \end{array}\right]+\left[\begin{array}{c} \nabla g(\boldsymbol x)^\top\boldsymbol \lambda\\ -g(\boldsymbol x) \end{array}\right],\\ \mc{B} &:\left[\begin{array}{l} \boldsymbol{x} \\ \lambda \end{array}\right] \mapsto\left[\begin{array}{c} \operatorname N_{\boldsymbol \Omega}(\boldsymbol x) \\ \operatorname N_{{\mathbb{R}}_{ \geq 0}^{m}}(\boldsymbol \lambda) \end{array}\right]. \end{aligned} \end{equation} \section{Distributed stochastic Tikhonov relaxation}\label{sec_algo_sgnep} \begin{algorithm}[t] \caption{Distributed stochastic Tikhonov relaxation}\label{algo_i} \smallskip \textbf{Initialization}: $x_i^0 \in \Omega_i, \lambda_i^0 \in {\mathbb{R}}_{\geq0}^{m},$ and $z_i^0 \in {\mathbb{R}}^{m} .$\\ \smallskip \textbf{Iteration} $k$: Agent $i$ receives $x_{j}^k$ for all $j \in \mathcal{N}_{i}^{J}$ and $z_j^k, \lambda_{j}^k$ for $j \in \mathcal{N}_{i}^{\lambda}$, then updates: \smallskip \begin{equation*}\label{eq_prox} \begin{aligned} x_i^{k+1}&=\operatorname{proj}_{\Omega_i}\{ x_i^k-\alpha^k_{i}\gamma_i(\hat F_{i}(x_i^k, \boldsymbol{x}_{-i}^k,\xi_i^k) +\nabla g_i(x_i)^\top \lambda_i^k \\ &\hspace{6.5cm} +\epsilon^k_ix^k_i)\}\\ z_i^{k+1}&= z_i^k-\alpha_i^k\nu_{i}( \textstyle{\sum_{j \in \mathcal{N}_{i}^{\lambda}}} w_{ij}(\lambda_i^k-\lambda_{j}^k)+\epsilon^k_iz_i^k)\\ \lambda_i^{k+1}&=\operatorname{proj}_{{\mathbb{R}}^m_{\geq 0}}\{ \lambda_i^k+\alpha_k^i\tau_{i}(g_i(x_i^k) -\epsilon^k_i\lambda_k^i)\\ &\hspace{1.5cm}+\alpha_k^i\tau_i \textstyle{\sum_{j \in \mathcal{N}_{i}^{\lambda}}} w_{ij}[(z_{i}^{k}-z_j^k)- (\lambda_i^k-\lambda_j^k)]\} \end{aligned} \end{equation*} \end{algorithm} We now discuss in details the sequence of instructions summarized in Algorithm \ref{algo_i}. For the local decision variable $x_i$ the projection onto $\Omega_i$ guarantees that the local constraints are always satisfied, while the coupling constraints are enforced asymptotically through the (nonnegative, due to the projection onto ${\mathbb{R}}^m_{\geq0}$) dual variable $\lambda_i$. The auxiliary variable $z_i$, instead, forces consensus on the dual variables \cite{yi2019,facchinei2007vi}. We assume that the decision-maker $i$ knows its feasible set $\Omega_i$, and its part of the coupling constraints $\boldsymbol{\mc X}_i(\boldsymbol x_{-i})$. The set of agents $j$ whose decision variables affect the cost function of agent $i$, are denoted by $\mc N_i^J$. Specifically, some $j \in \mc{I}$ belongs to $\mc N_i^J$ if $J_i(x_i,\boldsymbol x_{-i})$ explicitly depends on $x_j$. Let us then introduce the graph $\mc G^\lambda=(\mc I,\mc E^\lambda)$ through which a local copy of the dual variable is shared, along with of the auxiliary one, $z_i\in{\mathbb{R}}^m$. The set of edges $\mc E^\lambda$ of the multiplier graph $\mc G^\lambda$, is given by: $(i,j)\in\mc E^\lambda$ if player $j$ share its $\{\lambda_j,z_j\}$ with player $i$. For all $i\in\mc I$, the neighboring agents in $\mc G^\lambda$ form the set $\mc N^\lambda_i=\{j\in\mc I:(i,j)\in\mc E^\lambda\}$. Under these premises, Algorithm \ref{algo_i} is distributed in the sense that each agent knows its own problem data and communicates with the other agents through $\mc G^\lambda$. To guarantee that consensus can be reached, we make the following assumption. \begin{assumption}[Graph connectivity]\label{ass_graph} The multiplier graph $\mc G^\lambda$ is undirected and connected. \hfill$\square$\end{assumption} By making use of $\mc G^\lambda$, we hence note that consensus on the dual variable can be enforced via equality constraint ${\bf{ L}}\boldsymbol\lambda=0$, where ${\bf{L}}=L\otimes \operatorname{Id}_m\in{\mathbb{R}}^{Nm\times Nm}$, $L$ being the Laplacian of the graph, and $\boldsymbol \lambda=\operatorname{col}(\lambda_1,\dots,\lambda_N)\in{\mathbb{R}}^{Nm}$. Following \cite{yi2019}, the operators $\mc A$ and $\mc B$ in \eqref{eq_splitting} can thus be extended to \begin{equation}\label{eq_expanded} \begin{aligned} \bar{\mc{A}} &:\left[\begin{array}{l} \boldsymbol{x} \\ \boldsymbol z\\ \boldsymbol \lambda \end{array}\right] \mapsto\left[\begin{array}{c} {\mathbb{F}}(\boldsymbol{x}) \\ 0\\ {\bf{L}}\boldsymbol\lambda \end{array}\right]+ \left[\begin{array}{ccc} \nabla G(\boldsymbol x)^\top\boldsymbol\lambda\\ {\bf{L}} \boldsymbol \lambda\\ -G(\boldsymbol x)-{\bf{L}} \boldsymbol z \end{array}\right],\\ \bar{\mc{B}} &:\left[\begin{array}{l} \boldsymbol{x} \\ \boldsymbol z\\ \boldsymbol \lambda \end{array}\right] \mapsto\left[\begin{array}{c} \operatorname N_{\boldsymbol \Omega}(\boldsymbol x) \\ {\bf{0}}\\ \mathrm{N}_{{\mathbb{R}}_{ \geq 0}^{m}}(\boldsymbol \lambda) \end{array}\right], \end{aligned} \end{equation} where $\boldsymbol z=\operatorname{col}(z_1,\dots,z_N)\in{\mathbb{R}}^{Nm}$, $G(\boldsymbol x)=\operatorname{diag}((g_i(x_i))_{i\in\mc I})$ and $\nabla G(\boldsymbol x)=\operatorname{diag}((\nabla_{x_i}g_i(x_i))_{i\in\mc I})$. From now on, we indicate the local decision variable of each agent taking part to the SGNEP as $\boldsymbol u=\operatorname{col}(\boldsymbol x,\boldsymbol z,\boldsymbol \lambda)$. \begin{remark}\label{remark_zeros} It can be proven that if Assumptions \ref{ass_constr}--\ref{ass_graph} are satisfied, then the following hold \cite{yi2019, franci2021,franci2020fb}: \begin{enumerate} \item[(i)] Given any $\boldsymbol u^* \in \operatorname{zer}(\bar{\mc A}+\bar{\mc B})$, $\boldsymbol{x}^{*}$ is a v-SGNE of game in (\ref{eq_game}), i.e., $\boldsymbol{x}^*$ solves the $\operatorname{SVI}(\boldsymbol{\mc X} , {\mathbb{F}})$ in (\ref{eq_SVI}), $\boldsymbol{\lambda}^{*}=\mathbf{1}_{N} \otimes \lambda^{*},$ and $(\boldsymbol{x}^*,\lambda^{*})$ satisfy the KKT condition in (\ref{eq_T}), i.e., $\operatorname{col}(\boldsymbol{x}^*, \lambda^{*}) \in \operatorname{zer}(\mc A+\mc B)$. \item[(ii)] $\operatorname{zer}(\mc A+\mc B) \neq \emptyset$ and $\operatorname{zer}(\bar{\mc A}+\bar{\mc B}) \neq \emptyset$.\hfill$\square$ \end{enumerate} \end{remark} Note that the update of the primal variable $x_i$ in Algorithm~\ref{algo_i} makes use of an approximation $\hat F$ of the pseudogradient mapping ${\mathbb{F}}$, since the distribution of the random variable is unknown and hence the expected value mapping can be hard to compute. Thus, at each iteration $k$ we let \begin{equation}\label{eq_F_SA} \begin{aligned} \hat F(\boldsymbol x^k&,\boldsymbol \xi^k)=\operatorname{col}((\hat F_i(\boldsymbol x^k,\boldsymbol \xi^k))_{i\in\mc I})\\ &=\operatorname{col}(\nabla_{x_1}J_1(\boldsymbol x^k,\xi^k_1),\dots,\nabla_{x_N}J_N(\boldsymbol x^k,\xi^k_N)), \end{aligned} \end{equation} where $\boldsymbol\xi^{k} =\operatorname{col}(\xi_1^{k},\dots,\xi_{N}^k)\in{\mathbb{R}}^N$ is a collection of i.i.d. random variables drawn from ${\mathbb{P}}$. Essentially, we replace the expected-valued pseudogradient mapping with the realization of \emph{one sample} of the random variable. It follows that $$\hat F(\boldsymbol x^k,\boldsymbol \xi^k)={\mathbb{F}}(\boldsymbol x^k)-\delta^k(\boldsymbol x^k,\boldsymbol \xi^k),$$ where $\delta^k$ is typically called stochastic or approximation error. By exploiting the approximation $\hat F$ in \eqref{eq_F_SA} of the expected value mapping ${\mathbb{F}}$, we replace the operator $\bar{\mc A}$ in \eqref{eq_expanded} with \begin{equation}\label{eq_A_hat} \hat{\mc A}:\left[\begin{array}{c}\hspace{-.1cm} (\boldsymbol{x},\xi)\hspace{-.1cm} \\ \boldsymbol z\\ \boldsymbol \lambda \end{array}\right] \hspace{-.1cm}\mapsto\hspace{-.1cm}\left[\begin{array}{c} \hat F(\boldsymbol{x},\xi) \\ 0\\ \hspace{-.1cm}\bf L\boldsymbol\lambda\hspace{-.1cm} \end{array}\right]+\left[\begin{array}{ccc} \nabla G(\boldsymbol x)^\top\boldsymbol\lambda\\ {\bf{L}} \boldsymbol z\\ -G(\boldsymbol x)-{\bf{L}} \boldsymbol z \end{array}\right]. \end{equation} Algorithm \ref{algo_i} can now be rewritten in compact form as \begin{equation}\label{algo} \boldsymbol u^{k+1} =(\operatorname{Id}+\Phi_k^{-1}\bar{\mc B})^{-1}(\boldsymbol u^{k}-\Phi_k^{-1}(\hat{\mc A}\boldsymbol u^k+\varepsilon^k\boldsymbol u^k)), \end{equation} where $\Phi_k\succ0$ contains the inverse of step size sequences \begin{equation}\label{eq_phi} \Phi_k=\alpha_k^{-1}\Phi=\alpha_k^{-1}\operatorname{diag}(\gamma^{-1},\nu^{-1},\tau^{-1}), \end{equation} with $\gamma^{-1}$, $\nu^{-1}$, $\tau^{-1}$ being diagonal matrices, and $\varepsilon^k=\operatorname{diag}(\epsilon_j^k)\in{\mathbb{R}}^{T\times T}$, $T=nN+2Nm$, contains the regularization steps. This last term is what typically characterize the Tikhonov regularization scheme \cite{facchinei2007,koshal2013}. \subsection{Convergence analysis}\label{sec_conv_vr} We now study the convergence properties of Algorithm~\ref{algo_i}. First, to ensure that $\bar{\mc A}$ and $\bar{\mc B}$ have the properties that we use for the analysis, we make the following assumption, which allows us to state the result immediately below. \begin{assumption}[Monotonicity]\label{ass_mono} ${\mathbb{F}}$ in \eqref{eq_grad} is monotone and $\ell_{\mathbb{F}}$-Lipschitz continuous for some $\ell_{\mathbb{F}}>0$. \hfill$\square$ \end{assumption} \begin{lemma}\cite[Lemma~2 and 4]{franci2021}\label{lemma_op} Let Assumptions \ref{ass_graph} and \ref{ass_mono} hold true, and let $\Phi\succ 0$. Then, the operators $\bar{\mc A}$ and $\bar{\mc B}$ in \eqref{eq_expanded} have the following properties. \begin{enumerate} \item $\bar{\mc A}$ is monotone and $\ell_{\bar{\mc A}}$-Lipschitz continuous. \item $\bar{\mc B}$ is maximally monotone. \item $\Phi^{-1}\bar{\mc A}$ is monotone and $\ell_{\Phi}$-Lipschitz continuous. \item $\Phi^{-1}\bar{\mc B}$ is maximally monotone.\hfill$\square$ \end{enumerate} \end{lemma} The Lipschitz constants in Lemma \ref{lemma_op} depends on those of $g_i$, $i\in\mc I$, and ${\mathbb{F}}$ (Assumptions \ref{ass_constr} and \ref{ass_mono}, respectively). Their specific expressions, however, are not relevant for our analysis, and therefore we point to \cite{franci2021} for additional details. \begin{remark} Introducing the regularization term makes $\bar{\mc A}+\varepsilon^k$ strongly monotone \cite[Th.~12.2.3]{facchinei2007}. Thus, mere monotonicity of the pseudogradient mapping is enough to show convergence. In addition, note that the regularization term is added to the operator $\bar{\mc A}$ and not to force strong monotonicity of the SVI in \eqref{eq_SVI}. In fact, starting from a strongly monotone mapping, the resulting operator $\bar{\mc A}$ can be at most cocoercive \cite[Lemma~5 and 7]{yi2019}, \cite[Lemma~2 and 4]{franci2019ecc}. \hfill$\square$ \end{remark} Taking few samples as in \eqref{eq_F_SA} is realistic and computationally tractable, at the price of requiring an additional assumption on the step sizes. Specifically, we indicate next how to choose the parameters in Algorithm~\ref{algo_i} to ensure that they are vanishing to control the approximation error \cite{koshal2013}. \begin{assumption}\label{ass_step} The step size sequence $(\alpha^k)_{k\in{\mathbb{N}}}$ and the regularizing sequences $(\epsilon_j^k)_{k\in{\mathbb{N}}}$, $j=1,\dots, T$, are such that $\alpha^k=(k+\eta)^{-a}$ and $\epsilon_j^{k}=(k+\zeta_{j})^{-b}$ for $k \geq 0$, where each $\eta$ and $\zeta_{j}$ are selected from a uniform distribution on the intervals $[\underline{\eta}, \bar{\eta}]$ and $[\zeta, \bar{\zeta}]$, respectively, for some $0<\eta<\bar{\eta}$ and $0<\zeta<\bar{\zeta}$ and $a, b \in(0,1)$, $a+b<1$, and $a>b$. \hfill$\square$ \end{assumption} Let us define the filtration $\mc F=\{\mc F_k\}_{k\in{\mathbb{N}}}$, that is, a family of $\sigma$-algebras such that $\mathcal{F}_{0} = \sigma\left(X_{0}\right)$ and $\mathcal{F}_{k} = \sigma\left(X_{0}, \xi_{1}, \xi_{2}, \ldots, \xi_{k}\right)$ for all $k \geq 1,$ such that $\mc F_k\subseteq\mc F_{k+1}$ for all $k\in{\mathbb{N}}$. In words, $\mc F_k$ contains the information up to iteration $k$. Since we consider the approximation in \eqref{eq_F_SA}, we let $\Delta^k=\operatorname{col}(\delta^k,0,0)$ be the stochastic error, i.e., $\Delta^k=\bar{\mc A}(\boldsymbol u^k)-\hat{\mc A}(\boldsymbol u^k,\boldsymbol\xi^k)$. Then, an additional assumption is finally needed to regulate its asymptotic behaviour. \begin{assumption}\label{ass_error} The step size sequence $(\alpha^k)_{k\in{\mathbb{N}}}$, regularization sequence $(\varepsilon^k)_{k\in{\mathbb{N}}}$ and the stochastic error $\Delta^k$ satisfy $\lim _{k \rightarrow \infty}(\alpha^k / \epsilon_{k, \textrm{min} }) \mathbb{E}[\|\Delta^{k}\|_{\Phi}^{2} \mid \mathcal{F}_{k}]=0$ and $\sum_{k=0}^{\infty} \alpha_{k}^{2} \mathbb{E}[\|\Delta^{k}\|_{\Phi}^{2} \mid \mathcal{F}_{k}]<\infty$ a.s.. \hfill$\square$ \end{assumption} We are now ready to state our main convergence result. \begin{theorem}\label{theo_sgne} Let Assumptions \ref{ass_constr} - \ref{ass_error} hold true. Then, the sequence $(\boldsymbol x^k)_{k \in {\mathbb{N}}}$ generated by Algorithm \ref{algo_i} with $\hat F$ as in \eqref{eq_F_SA} converges a.s. to a v-SGNE of the game in \eqref{eq_game}. \hfill$\square$ \end{theorem} \begin{proof} Convergence to the primal-dual solution follows similarly to \cite{koshal2013} by using the $\Phi$-induced metric. Specifically, with similar steps as \cite[Prop.~1 and 2]{koshal2013} and by letting $\boldsymbol y^k$ be the sequence generated by the centralized Tikhonov method \cite[Lemma 3]{koshal2013}, we obtain $$\begin{aligned} \EEk{\normsq{\boldsymbol u^{k+1}-\boldsymbol y^k}_{\Phi}}&\leq (1-c(\alpha^k,\varepsilon^k))\normsq{\boldsymbol u^{k+1}-\boldsymbol y^k}_{\Phi}\\ &+d(\alpha^k,\varepsilon^k)+\alpha_k^2\EEk{\normsq{\Delta^k}_{\Phi}} \end{aligned}$$ where $d(\alpha^k,\varepsilon^k)$ and $\alpha_k^2\EEk{\normsq{\Delta^k}}$ vanish as $k\to\infty$ (Assumptions \ref{ass_step} and \ref{ass_error}) and $c(\alpha^k,\varepsilon^k)\in[0,1]$ is such that \cite[Lemma 4.7]{franci2022} can be applied to conclude that $\lim_{k\to\infty}\normsq{\boldsymbol u^{k+1}-\boldsymbol y^k}=0$. Then, the statements recalled in Remark \ref{remark_zeros} guarantee convergence of $(\boldsymbol x^k)_{k \in {\mathbb{N}}}$ to a v-SGNE of the SGNEP in \eqref{eq_game}. \end{proof} \begin{remark} Although our proof follows similar steps to \cite[Prop.~1 and 2]{koshal2013}, note that their component-wise approach can be used basing on the fact that in SNEPs the feasible set reduces to the Cartesian product of the agents' local sets $\Omega_i$, $i\in\mc I$. However, in our generalized setting, the nature of the coupling constraints in \eqref{collective_set} makes this assumption not necessarily true. Moreover, this means that our proof applies to the general case of finding a zero of a monotone inclusion $0\in\bar{\mc A}(\boldsymbol u)+\bar{\mc B}(\boldsymbol u)$, independently from the fact that such an inclusion comes from the KKT conditions of the game in \eqref{eq_T}. Finally, this also explains why we resort to the step size matrix $\Phi_k$ with structure as defined in \eqref{eq_phi}. \hfill$\square$ \end{remark} \subsection{Discussion on the variable step size sequence}\label{sec_discussion} We traditionally identify two main approaches to perform stochastic approximations: either we take one sample as considered in \eqref{eq_F_SA}, or we take the average over an increasing (possibly \textit{infinite}) number of realizations. The idea behind having a large number of samples is that the variance of the stochastic error disappears with the number of iterations \cite{iusem2017,bot2021}. By following classic results in convergence analysis \cite{yi2019,franci2021,franci2020fb}, however, it turns out that this latter approach is computationally expensive, or even unrealistic in some cases, and hence taking just \emph{one} or a \textit{finite} number of samples is preferable in practice. This practical simplification comes at the price of choosing a vanishing step size to control the approximation error, which in our case corresponds to the time-varying matrix $\Phi_k$, thus possibly involving a time-varying metric for the convergence analysis. Although convergence can be guaranteed in such cases \cite{franci2022,combettes2014}, some additional assumptions on the metric should be satisfied. Specifically, the matrix $\Phi_k$ should be chosen so that \begin{equation}\label{eq_metric} \sup _{k \in \mathbb{N}}\|\Phi_k^{-1}\|<\infty \text { and } \forall k >0 \,\,\,(1+\eta_{k}) \Phi_{k+1}^{-1} \succcurlyeq \Phi_k^{-1}, \end{equation} where $(\eta^k)_{k\in{\mathbb{N}}}$ is a nonnegative sequence such that $\sum_k\eta^k<\infty$. Unfortunately, this contradicts the fact that the step size sequence should be decreasing. Loosely speaking, the motivation for \eqref{eq_metric} stems from the fact that, with a variable metric, it is hard to prove whether the algorithm converges to a zero of the mapping or to a zero of the step sequences. On the other hand, given the specific structure of our matrix $\Phi_k$, we overcome this issue by considering a fixed matrix $\Phi$ that we can use as a metric, and then by pre-multiplying $\Phi$ with a vanishing step as in \eqref{eq_phi}. Note that this formulation allows us to preserve the distributed nature of the algorithm. We also note that a ``separable" matrix as $\Phi_k$ in \eqref{eq_phi} cannot be used for every iterative distributed algorithm. In the standard SFB \cite{franci2020fb}, for instance, the matrix $\Phi_k$ serves as a preconditioning matrix that has non-zero off-diagonal entries. Pre-multiplying such entries for a quantity (even fixed) would compromise the corresponding KKT conditions, thus making impossible to produce distributed iterations. \section{Numerical simulations}\label{sec:num_sim} \begin{figure}[t!] \centering \includegraphics[width=\columnwidth]{coeff_a_avg_10.eps} \caption{Effect of the parameter $\eta$ of step size, according to Assumption \ref{ass_step}, on the convergence rate.} \label{fig_a} \end{figure} \begin{figure}[t!] \centering \includegraphics[width=\columnwidth]{eta_avg_10.eps} \caption{Effect of the parameter $\eta$ of step size, according to Assumption \ref{ass_step}, on the convergence rate.} \label{fig_eta} \end{figure} \begin{table} \caption{Simulation parameters} \label{tab:sim_val} \centering \begin{tabular}{llll} \toprule Parameter & Unit & Description & Value \\ \midrule $\bar{p}$ & \$ & Maximum service price & $35$\\ $\bar{p}_h$ & \$ & Area price cap & $\sim\mc{U}(0.65 \bar{p}, 0.95 \bar{p})$\\ $\beta$ & & Commission rate & $0.9$\\ $\underline{w}$ & \$ & Wage lower bound & $12$\\ $\theta_i$ & & Competition parameters & $\sim\mc{U}(0.6, 1)$\\ $C_h$ & & Area costumers' demand & $\sim\mc{U}(5, 12)\times10^3$\\ $K_{i,h}$ & & Registered drivers & $\sim\mc{U}(0.5, 3)\times10^3$\\ \bottomrule \end{tabular} \end{table} We now validate both the model in \S \ref{sec:app} and Algorithm~\ref{algo_i} numerically. Specifically, we consider an instance of the competition among $N = 5$ on-demand ride-hailing firms over $|\mc{H}| = 10$ areas with main parameters in Table~\ref{tab:sim_val}. \begin{figure}[t!] \centering \includegraphics[width=\columnwidth]{averaged_percentage_profit_2.eps} \caption{Impact of the substitutability parameter on the averaged percentage of expected profit, for each firm $i \in \mc{I}$.} \label{fig:averaged_percentage_profit} \end{figure} \begin{figure}[t!] \centering \includegraphics[width=\columnwidth]{averaged_demand_match.eps} \caption{Impact of the substitutability parameter on the averaged costumers' demand satisfaction, for each area $h \in \mc{H}$.} \label{fig:averaged_demand_match} \end{figure} First, we test the effect of the step size sequence on the convergence of Algorithm~\ref{algo_i} by recalling that, in view of Assumption~\ref{ass_step}, $\alpha^k=(k+\eta)^{-a}$. In particular, Fig.~\ref{fig_a} shows how the rate of convergence is affected by the exponent $a$ while in Fig.~\ref{fig_eta} we plot the effect of the base $\eta$. In the first example we choose $\eta = 10^8$ and $\varepsilon^k=(k+10^6)^{-0.15}$, while for the second one $a=0.7$ and $\varepsilon^k=(k+10^6)^{-0.2}$. The thick lines indicate the average performance while the transparent areas are the variability over $10$ runs of the algorithm. Successively, we examine how the competition parameters $\theta_i$, $i \in \mc{I}$, affect the equilibrium solution of the SGNEP in \eqref{eq:plat_game} against $K = 1000$ random realizations of $\delta_{i,h}$, i.e., the willingness of the driver to provide service. In view of \eqref{eq:driv_service}, given some drivers' expectation level $\delta^{(j)}_{i,h} \sim \mc{U}(\underline{w}, \bar{w}_{i,j})$ and an equilibrium strategy profile $\boldsymbol{x}^\ast = \operatorname{col}((x^\ast_{i})_{i \in \mc{I}})$ with $x^\ast_{i} = \operatorname{col}((p^\ast_{i,h})_{h \in \mc{H}})$, if $\delta^{(j)}_{i,h} \leq \beta p^\ast_{i,h}$ then $k^{(j)}_{i,j} = K_{i,j}$. The number of drivers providing a service allows each firm to actually request a payment from the costumers, thus earning $\tilde{\boldsymbol{J}}_i^{(j)} \coloneqq {\mathbb{E}}_\xi[\sum_{h \in \mc{H}} p^\ast_{i,h} (d^{\textrm{e},(j)}_{i,h}(\xi) - \beta k^{(j)}_{i,h})]$. This value, however, can be different (possibly smaller) from the expected profit $\boldsymbol{J}_i \coloneqq {\mathbb{E}}_\xi[\sum_{h \in \mc{H}} p^\ast_{i,h} (d^{\textrm{e}}_{i,h}(\xi) - \beta k_{i,h})]$, i.e., the value function associated to the equilibrium condition. Then, for each firm $i \in \mc{I}$, Fig.~\ref{fig:averaged_percentage_profit} shows how the ratio between these two quantities, resulting into a percentage of expected profit, changes with the level of competition in the ride-hailing market. Specifically, we note that when firms operate in an almost oligopoly regime, i.e., $\theta_i \in [0.2, 0.4]$ for all $i \in \mc{I}$, the averaged percentage is small and grows when the market becomes more competitive. For small values of $\theta_i$, indeed, each company is almost independent and tends to select prices to match the lower bound $\underline{w}/\beta$ -- this also coincides with the strategy adopted by firms with only few registered drivers, thus explaining the behavior of firms $2$ and $5$ -- whereas for larger values of $\theta_i$ the firms are entitled to significantly raise their prices, thus allowing to meet drivers' expectations with a higher probability. Such trend is confirmed by the numerical results shown in Fig.~\ref{fig:averaged_demand_match}, which reports the costumers' demand satisfaction, measured as $\sum_{i \in \mc{I}} k^{(j)}_{i,h}/C_h$, for each area $h \in \mc{H}$. In almost oligopoly regimes the costumers' request is met few times only, while it grows significantly when also the competition increases. \section{Conclusion} We have proposed a model for the ride-hailing market under a regulated pricing scenario involving several platforms that compete to offer mobility services. The model takes into account the natural uncertainty of the demand and the need for the platforms to set up suitable pricing strategies to attract riders and fair wages to secure a fleet of drivers. To optimize the operations of these interdependent problems, we have recasted the model as a stochastic Nash equilibrium problem for which we have proposed a distributed, Tikhonov regularization-based algorithm that enjoys convergence guarantees to a Nash equilibrium. In particular, the proposed equilibrium seeking method leverages only a finite number of samples of the uncertainty to perform the stochastic approximation, as well as it requires mere monotonicity of the pseudogradient mapping to establish convergence. \balance \bibliographystyle{IEEEtran}
e220d0aa2b2f0c673a3b82ccfe9b7736f5a53b0e
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction}\label{Sec:Intro} Active matter represents biological systems and their artificial analogues that are composed of large numbers of active ``agents" such as creatures and self-propelling particles moving in fluids or more complex environments~\cite{Sam2013a,Marchetti2013,Bechinger2016,Prost2015,Elgeti2015}. These constituent agents are said to be \emph{active} in the sense that they convert chemical energy continuously at the microscopic level into motion or mechanical forces. In biology, active matter includes systems at multiple scales, ranging from cell nuclei and actomyosin cytoskeletal networks at subcellular scales, to individual contractile adherent cells that are embedded in biopolymer gels, to confluent cell monolayers, to cell aggregates (or tissues) with active cell contractility, division/apoptosis, migration, and mechanical homeostasis \emph{etc}~\cite{Joanny2010,Len2013,Len2020,Julicher2017,Marchetti2019}, and even to groups of animals~\cite{Toner1995,Hemelrijk2012} and pedestrian crowds~\cite{Helbing2001,Castellano2009}. The presence of active agents in active matter breaks the detailed balance and time-reversal symmetry (TRS)~\cite{Marchetti2013,Menzel2015,Cates2015Rev,Bechinger2016}, resulting in a wealth of intriguing macroscopic structures and behaviors, such as coherent intracellular flows~\cite{Prost2015,Bechinger2016}, motility-induced phase separation~\cite{Marenduzzo2015,Cates2015Rev,Bechinger2016}, defect turbulence in living liquid crystals, unusual mechanical and rheological properties~\cite{Sam2013a,Elgeti2015}, wave propagation and sustained oscillations even in the absence of inertia~\cite{Gerisch2004,Weiner2007,Inagaki2017}, flocking in animal groups \emph{etc}. Theoretically, there have been two major paradigms intensively explored to the study of active matter: agent-based models~\cite{Marenduzzo2015,Cates2015Rev,YangNi2020,Alt2017,Bechinger2016,Moure2021} and continuum phenomenological models~\cite{Marchetti2013,Sam2013a,Prost2015,Menzel2015,Marenduzzo2015,Cates2018,Len2013,Len2020}. The two theoretical approaches are complementary. The agent-based approach involves only a small number of parameters for each active agent, and therefore the theoretical predictions can be readily compared with experiments for some model active systems such as self-propelled colloids~\cite{ChateZhang2019}. However, the model for interacting self-propelled particles sometimes oversimplifies the problem, hence may lose some generality and applicability of its conclusions when applied to real systems, especially \emph{in vivo} biological systems~\cite{Marchetti2013,Sam2013a,Prost2015,Cates2018}. By contrast, the formulation of phenomenological models is based upon symmetry consideration, conservation laws of mass, momentum, and angular momentum, and laws of thermodynamics. This gives the continuum approach a much larger range of applicability and generality when applied to real biological processes~\cite{Marchetti2013,Sam2013a,Prost2015,Cates2018}. Here we focus on the continuum phenomenological models, in which active matter is represented by fields of agent density and the orientational polarization or nematic order, \emph{etc}. A continuum model for active matter is usually constructed by modifying the continuum model of a proper reference soft matter system such as micropolar fluids, liquid crystals, and gels~\cite{Marchetti2013,Sam2013a,Prost2015,Menzel2015,Marenduzzo2015,Cates2018}. In general, active matter flows at large time scales and can be modelled phenomenologically by active fluids with orientational (polar or nematic) order. However, at time scales that are smaller than the structural relaxation time (such as unbinding time of crosslinkers in cytoskeleton and characteristic time of cell migration/division/apoptosis in connective tissues), active matter is more rigid and behaves as an elastic solid~\cite{Sam2004,Sam2006,Sam2013a,Joanny2010,Ramaswamy2019}. Whereas active fluids have been studied extensively~\cite{Marchetti2013,Prost2015,QWang2020,David2021,Komura2022}, active solids have received much less attention~\cite{Sam2013a,Ramaswamy2019,Souslov2021}. In this work, we consider static elasticity problems in active solids. Active solids, consisting of elastically coupled active agents, combine the central properties of passive elastic solids and active fluids. On the one hand, the positional degrees of freedom of constituent active agents have a well-defined reference state. On the other hand, activity endows these agents with an additional degree of freedom in the form of polar or nematic, active (contractile) forces. In active fluids, active agent and the environmental viscous fluids form a nonlinear hydro-active feedback loop. Active forces shear the fluids and induce flow fields, which depend on the force distribution. These flows, in turn, facilitate aligning interactions between active forces, leading to abundant collective emergent behaviors. By contrast, in active solids, active agent and the environmental elastic matrix form a nonlinear elasto-active feedback loop. Active forces deform their environmental elastic matrix and induce a strain field, which depends on the distribution of active forces. This strain field in turn reorient the agent and active forces. Here, we propose that variational methods based on the principle of minimum (restricted) free energy (MFEVP) provide powerful tools for the modeling and analysis of the elasto-active feedback behaviors in active solids. In Sec.~\ref{Sec:VarMeth}, we first introduce the general variational methods and the deep Ritz method that are based on MFEVP for static problems in active matter. Next in Sec.~\ref{Sec:ActSolid}, we use MFEVP to formulate the continuum theory of active solids and discuss the constitutive relations for both elastic and active stresses. In Sec.~\ref{Sec:App1}, we then apply the variational methods and the deep Ritz method to study the spontaneous bending and contraction of active circular plates. These studies are relevant to biological processes at multiple scales, for example, morphogenesis and gravitaxis of confluent cell monolayer, \emph{etc}. In Sec.~\ref{Sec:Conclude}, we summarize our major results and make some general remarks. \section{Variational methods for active matter statics} \label{Sec:VarMeth} Variational principles have been proposed in various fields of physics. Here we are particularly interested in the physics of soft and biological matter, in which two variational principles are mostly relevant: the principle of minimum free energy for static problems\cite{Doi2013,Sam2018} and Onsager's variational principle (or similar principles that extend Lagrangian variational mechanics to dissipative systems~\cite{Benjamin2021}) for dynamic problems~\cite{Xu2021,Qian2006,Doi2016,Doi2020,ChunLiu2020,QWang2020,Komura2022}. The former principle is of our particular interests in this work and is most relevant to active elastic solids. \subsection{The variational principle of minimum (restricted) free energy (MFEVP)} \label{Sec:VarMeth-MFEVP} In soft and biological systems, there are usually several modes of motion with well-separated time scales, in which we can define slow and fast variables. The relaxation time of slow variables is distinctively longer than that of fast variables. In this case, the so-called restricted free energy ${\cal F}(\bm{\alpha},T)$ is introduced as an effective Hamiltonian function of a set of slow variables $\bm{\alpha}=\left(\alpha_{1}, \alpha_{2}, \ldots, \alpha_{\rm N}\right)$. In statistical mechanics, ${\cal F}(\bm{\alpha},T)$ is obtained by integrating over the fast microscopic degrees of freedom (coarse-graining) that are not far from their equilibrium state, while constraining their average to be $\bm{\alpha}$. Then the free energy is given as a functional of the probability distribution function $P(\bm{\alpha})$ as \begin{equation}\label{Eq:VarMeth-F} {\cal F}(T) =\int d \bm{\alpha} \left[\beta^{-1} P(\bm{\alpha}) \ln P(\bm{\alpha}) + {\cal F}(\bm{\alpha},T)P(\bm{\alpha}) \right]. \end{equation} Minimization of ${\cal F}(T)$ with respect to $P(\alpha)$ yields the probability distribution function: \begin{equation}\label{Eq:VarMeth-Peq} P(\bm{\alpha})=Z^{-1} e^{-\beta {\cal F}(\bm{\alpha},T)} \end{equation} with partition function $Z=\int d\alpha e^{-\beta {\cal F}(\bm{\alpha},T)} $, $\beta=1/k_{\rm B} T$ (here $T$ is the temperature and $k_{\rm B}$ is the Boltzmann constant), and the free energy of the system at equilibrium is given by ${\cal F}_{\rm eq}(T)=-\beta^{-1} \ln Z$. Actually, it is because of Eq.~(\ref{Eq:VarMeth-Peq}) that ${\cal F}(\bm{\alpha},T)$ is regarded as the Hamiltonian in the new coarse-grained phase space specified by $\bm{\alpha}$. We then obtain the thermodynamic variational principle of minimum (restricted) free energy (MFEVP): the most probable equilibrium state is the state $\bm{\alpha}$ which minimizes the restricted free energy ${\cal F}(\bm{\alpha},T)$, that is, ${\partial{{\cal F}}}/{\partial\bm{\alpha}}=0$. In active soft matter, however, the \emph{generalized thermodynamic force} $\tilde{f}_{i}$ includes not only the conservative force $\tilde{f}_{c i}(\bm{\alpha})=-{\partial {\cal F}(\bm{\alpha})}/{\partial \alpha_{i}}$ but also the \emph{active force} $\tilde{f}_{ai}(\bm{\alpha})$, which is a non-conservative force that cannot be derived from any energy function. Physically, the active forces arise from the persistent consumption of chemical energy and they continuously drive the system out of equilibrium locally at the small scale of individual active unit. For example, the active forces can be generated by biochemical reactions such as ATP hydrolysis in animal cells/tissues~\cite{Marchetti2013,Prost2015}. In this case, the total (restricted) free energy is given by \begin{equation}\label{Eq:VarMeth-Ft} {\cal F}_{\rm t}(\bm{\alpha})={\cal F}(\bm{\alpha})-{\cal W}(\bm{\alpha}) \end{equation} in which ${\cal W}=\int_{\bm{\alpha}_0}^{\bm{\alpha}}\bm{\tilde{f}}(\tilde{\bm{\alpha}}) d\tilde{\bm{\alpha}}$ is the work done by ``external" forces, $\bm{\tilde{f}}$, such as active forces $\bm{\tilde{f}}_{\rm a}$ and other external forces $\bm{\tilde{f}}_{\rm ex}$, which generally depend on the state of the system specified by slow variables $\bm{\alpha}$. Minimization of ${\cal F}_{\rm t}$ with respect to $\bm{\alpha}$ gives the governing equilibrium (Euler-Lagrange) equations \begin{equation}\label{Eq:VarMeth-EquilEqn} -{\partial{{\cal F}}}/{\partial\alpha_i}+\tilde{f}_{i}=0. \end{equation} That is, the variational principle of minimum free energy (MFEVP) is equivalent to the balance equation of generalized forces. To be more specific, we consider the applications of MFEVP to elastic continuum solids where the total free energy functional is given by \begin{equation}\label{Eq:VarMeth-Ftot} {\cal F}_{\rm t}[\bm{u}({\bm{r}})] = {\cal F}_{\rm e}[\bm{u}({\bm{r}})] -\int d\bm{r} f_{i} u_{i}-\oint dA \sigma_{{\rm s} i} u_{i}. \end{equation} Here $\bm{u}({\bm{r}})$ is the displacement field, ${\cal F}_{\rm e} [\bm{u}({\bm{r}})]= \int d\bm{r} F_{\rm e}(\bm{u}({\bm{r}}))$ is the deformation energy functional of the elastic solid with $F_{\rm e}(\bm{u}({\bm{r}}))$ being the energy density to be discussed in Sec.~\ref{Sec:ActSolid-Elast}. $\bm{f}$ and $\bm{\sigma}_{\rm s}$ are the force densities applied in the bulk and at the surfaces, respectively. Minimization of ${\cal F}_{\rm t}$ with respect to $\bm{u}({\bm{r}})$ gives the bulk equilibrium (or force balance) equations and boundary conditions: \begin{subequations}\label{Eq:VarMeth-EquilEqn12} \begin{equation}\label{Eq:VarMeth-EquilEqn1} -{\delta{\cal F}_{\rm e}}/{\delta u_i}+f_{i}=0, \quad {\rm or} \quad \partial_j\sigma_{ij}^{\rm e}+f_i=0, \end{equation} \begin{equation}\label{Eq:VarMeth-EquilEqn2} -\hat{n}_j \sigma_{ij}^{\rm e}+\sigma_{{\rm s} i}=0,\quad {\rm or} \quad u_i=u_{{\rm s}i} \end{equation} \end{subequations} respectively, with $u_{{\rm s}i}$ being some given displacements at the surfaces. Here $\sigma^{\rm e}_{ij}$ is the elastic stress, generally satisfying $\delta {\cal F}_{\rm e}=\int_{\Omega} d\bm{r}\sigma^{\rm e}_{ij} \delta \epsilon_{ij}$ for both linear and nonlinear materials~\cite{Landau1986}, which will be discussed further in Sec.~\ref{Sec:ActSolid-Elast}. Note that the boundary conditions in Eq.~(\ref{Eq:VarMeth-EquilEqn2}) are classified into two types: \emph{essential} boundary conditions, which require the variation of $\bm{u}$ and possibly its derivatives to vanish at the boundary, and \emph{natural} boundary conditions, which require the specification of the coefficients of the variations of $\bm{u}$ and its derivatives. Natural boundary conditions can be derived directly from the minimization of energy functional, but essential boundary conditions have to be included into the energy functional as constraints, for example, by the Lagrange multiplier methods. \subsection{Variational methods of approximation: Ritz-type method}\label{Sec:VarMeth-Ritz} Variational principles provide not only an equivalent substitute for the applications of governing (force balance or Euler-Lagrange) equations, but also some powerful variational methods of finding approximate solutions to these equations, \emph{e.g.}, Ritz method and the least-squares method~\cite{Reddy2017}. In these variational methods, some simple trial functions to the problem are assumed where the state variables $\bm{\alpha}=\left(\alpha_{1}, \, \alpha_{2}, \ldots \right)$ are taken as combinations of some simple functions with a much smaller number of adjustable parameters, $\bm{c}=\left(c_{1}, \, c_{2}, \ldots \right)$, \emph{i.e.}, $\bm{\alpha}=\bm{\alpha}(\bm{c})$. Then the total free energy $\mathcal{F}_{\rm t}(\bm{\alpha})$ can be written as a function of these parameters $\mathcal{F}_{\rm t}(\bm{c})$ and its minimization with respect to ${\bm{c}}$ gives approximate solutions of the static problem and determines the equilibrium state of the system. Such methods simplify the problem significantly: they bypass the derivation and solution of the complex governing Euler-Lagrange equations, and go directly from the variational statement to an approximate solution of the problem. These simplified solution methods are, therefore, called direct variational methods or variational methods of approximation~\cite{Reddy2017}. Note that in the variational method of approximation, the trial functions can be either \emph{completely empirical} arising from experiences gained from systematic numerical analysis or experimental measurements~\cite{Doi2015,Doi2020}, or assumed to \emph{linear combinations of a finite set of basis functions} such as algebraic and trigonometric polynomials~\cite{Reddy2017}. The latter choice of trial functions is known as Ritz method, in which the trial function can be approximated to arbitrary accuracy by a suitable linear combination of a sufficiently large set of basis functions. However, we would like to emphasize that no matter what forms the trial functions are assumed to be, they have to satisfy the specified essential boundary conditions (not need to satisfy the natural boundary conditions explicitly, because they are included intrinsically in the variational statement). To be more specific and to fully demonstrate the idea of the variational methods of approximation described above, we consider the continuum elastic theory of solids~\cite{Reddy2017}, in which the state variables are only the displacement field $\bm{u}(\bm{r})$ and the total free energy is a functional of $\bm{u}(\bm{r})$, \emph{i.e.}, ${\cal F}_{\rm t}={\cal F}_{\rm t}[\bm{u}(\bm{r})]$. As mentioned above, the trial approximate solution of $\bm{u}(\bm{r})$ can be completely empirical, denoted by $\bm{U}_{\rm N}(\bm{r};\bm{c})$, which satisfies the specified essential boundary conditions and is parameterized by $N$ as yet unknown independent constant parameters $\bm{c}=(c_{1}, c_{2}, \ldots, c_{N})$. For example, we have used a one-parameter empirical (power-law) trial function in a recent work~\cite{Xu2022CPB} to explain the slow decay of cell-induced displacements measured experimentally for fibroblast spheroids in three-dimensional fibrin gels. Besides, in the Ritz method, we seek a more explicit approximation $\bm{U}_{\rm N}(\bm{r};\bm{c})$, for a fixed and pre-selected $N$, in the finite series form of \begin{equation}\label{Eq:VarMeth-Trial} \bm{u}(\bm{r})\approx \bm{U}_{\rm N}(\bm{r};\bm{c}) =\sum_{i=1}^{N} c_{i} \bm{\phi}_{i}(\bm{r})+\bm{\phi}_{0}(\bm{r}), \end{equation} in which $\bm{\phi}_{i}(\bm{r})$ are basis functions and $c_{i}$ are the unknown independent parameters. Here in order for $\bm{U}_{\rm N}(\bm{r};\bm{c})$ to satisfy the essential boundary conditions for any $c_{i}$, we take the convenient approximation form of Eq.~(\ref{Eq:VarMeth-Trial}), requiring that $\phi_{0}(x)$ satisfies the specified essential boundary conditions of the problem, and that $\phi_{i}\, (i=1,2, \ldots, N)$ must be continuous, linearly independent, and satisfy the homogeneous form of the specified essential boundary conditions. In either form of the approximate trial function $\bm{U}_{\rm N}(\bm{r};\bm{c})$, substituting it into the total free energy functional ${\cal F}_{\rm t}[\bm{u}(\bm{r})]$, we obtain (after carrying out the indicated integration with respect to $\bm{r}$): ${\cal F}_{\rm t}={\cal F}_{\rm t}(\bm{c})$. Then the independent parameters $\bm{c}$ are determined by minimizing ${\cal F}_{\rm t}$ with respect to $\bm{c}$: \begin{equation}\label{Eq:VarMeth-FtMin} \frac{\partial {\cal F}_{\rm t}}{\partial c_{i}}=0 \quad \text { for } i=1,2, \ldots, N \end{equation} which represents a set of $N$ linear equations among $c_{1}, c_{2}, \ldots, c_{N}$. The solution of Eq.~(\ref{Eq:VarMeth-FtMin}) together with Eq.~(\ref{Eq:VarMeth-Trial}) or the empirical form of $\bm{U}_{\rm N}(\bm{r};\bm{c})$ yields the approximate solution $\bm{u}(\bm{r})$. This completes the description of Ritz-type variational methods of approximation. \subsection{Deep Ritz method (DRM): Deep learning-based methods of solving variational problems}\label{Sec:VarMeth-DeepRitz} \begin{figure} \centering \includegraphics[width=0.9\columnwidth]{DeepRitz12.eps} \caption {Schematic illustration of the deep Ritz method as an energy minimizer that is based on deep neural networks. (a) The structure of a deep neural network with $N$ hidden layers for solving elastic problems. Each hidden layer consists of one linear transformation, activation and a skip connection as explained in Eq.~(\ref{Eq:VarMeth-MLNet}). The input of the neural network is the expanded $m$-dimension spatial coordinates $\{s_1, \ldots, s_m\}$. The output is the solution of a $n$-dimension set of slow variables $\{u_1, \ldots, u_n\}$. (b) The deep Ritz method is nested with another deep neural network to learn the material parameters $\{d_1, \ldots, d_q\}$ in the model free energy functional directly from experimental data, denoted by the slow-variable fields $u_i^{\rm exp}(x_k)$ with $x_k$ being the real spatial coordinates. Note that the weight $w_i$ in the loss function should be taken to be some large constants. } \label{Fig:DeepRitz} \end{figure} For typical variational problems in solid elastostatics, we minimize the total free energy functional ${\cal F}_{\rm t}[\bm{u}(\bm{r})]$ with respect to the displacement field $\bm{u}(\bm{r})$. The above Ritz-type method proposes an approximate way of minimizing ${\cal F}_{\rm t}$ by taking some specific forms of admissible functions (also called trial functions) $\bm{u}(\bm{r})\approx \bm{U}(\bm{r};\bm{c})$ with some unknown adjustable parameters $\bm{c}$ (see Eq.~(\ref{Eq:VarMeth-Trial})). Using the idea of Ritz-type method, a ``deep Ritz method (DRM)''~\cite{E2018} based on deep learning has been proposed to numerically solve the above variational problems of energy-minimization. In the DRM, we use deep neural networks to construct approximate trial functions: varying the weights (or the undetermined parameters) within the network allows us to explore a rich and complex set of trial functions. The minimization of the free energy functional can then be carried out during the ``training'' phase of the network. The resulting, trained neural network is then a mapping between the spatial coordinates of the observation point (input) and the components of the state variable functions (output; here, the displacement fields). Recently, based on similar ideas, an alternative deep-learning method called ``deep energy method (DEM)'' has been proposed to solve problems of hyperelastic deformations in solid mechanics~\cite{nguyen2020deep}. In this work, we use DRM to solve some simple problems in active solids and employ the architecture of neural networks proposed originally by E and Yu~\cite{E2018}, which will be explained here from the following two aspects: (1) the construction of trial functions and (2) the definition and numerical treatment of the loss function (including the total free energy functional and some additional constraints or penalties). Firstly, the trial functions are approximated by the following composite-function form \begin{equation}\label{Eq:VarMeth-MLTrial} \bm{u}(\bm{r})\approx \bm{U}_{\rm N}(\bm{r}; \bm{c})=\bm{a} \cdot [\phi_{N_{\rm n}} \circ \ldots \circ \phi_{1}(\bm{r};\tilde{c}_1)]+ \bm{b} \end{equation} for a neural network with $N_{\rm n}$ hidden layers ($N_{\rm n}$ is also called the depth of the neural network, as schematically shown in Fig.~\ref{Fig:DeepRitz}(a)), in which $\phi_{i}(\bm{r};\tilde{c}_i)$ represents the $i$-th hidden layer of the neural network, typically taking the form of: \begin{equation}\label{Eq:VarMeth-MLNet} \phi_{i}(s;\tilde{c}_i)=\varphi(s)\left(W_{i} s+b_{i}\right)+s. \end{equation} Here, $\bm{a} \in \mathbb R^{n\times m}$ and $\bm{b} \in \mathbb R^{n}$ define a linear transformation that reduces the dimension (width) $m$ of the network output to the smaller dimension $n$ of the trial functions, $\bm{U}_{\rm N}(\bm{r}; \bm{c})$. In Eq.~(\ref{Eq:VarMeth-MLNet}), $\tilde{c}_i=\{W_{i} \in \mathbb{R}^{m \times m}, \, b_{i} \in \mathbb{R}^{m}\}$ denotes the parameters associated with the linear transformations in $i$-th hidden layer, $\varphi(s)$ denotes an activation function (\emph{e.g.}, ReLU, Sigmoid, and Tanh), and the last term (called residual connection, or skip connection) helps to avoid the problem of vanishing gradients, making the network much easier to be trained. Note that in this work the dimension $d$ of input spatial coordinates, $\bm r$, is smaller than the network dimension $m$. To resolve this discrepancy~\cite{E2018}, we pad zeros (so no undetermined parameters are introduced) to raise the input dimension from $d$ to $m$. Therefore, the full set of undetermined parameters in the trial functions is $\bm{c}=\{\tilde{c}_1,...,\tilde{c}_{N_{\rm n}},\bm{a},\bm{b}\}$ including $N=N_{\rm n}(m^2+m)+n(m+1)$ elements, as denoted in the subscript of the trial functions $\bm{U}_{\rm N}(\bm{r}; \bm{c})$. Secondly, the loss function includes two major contributions: the total free energy functional, ${\cal F}_{\rm t}[\bm{u}(\bm{r})]$, and the terms taking into account of boundary conditions. For the functional, ${\cal F}_{\rm t}[\bm{u}(\bm{r})]$, we integrate it numerically over physical space using the Monte Carlo algorithm. More specifically, in each step of the training process, a number $N_{s}$ of spatial coordinates (the observation input points) are randomly generated from a uniform distribution and shuffled after several training steps. The energy is then calculated by summing up their values at each of the $N_{s}$ (randomly chosen) spatial coordinates. Empirically, such numerical (mesh-free) treatment for the integration of the loss function over the coordinate space is believed to be able to avoid the curse of dimensionality (\emph{i.e.}, the amount of data needed grows exponentially with the dimensionality of input coordinates), the problem of being trapped into local minimum states, and the over-fitting problems that may occur when the energy functional is discretized by any fixed spatial-grid points (for example, the Trapezoidal discretization proposed in the deep energy method, DEM~\cite{nguyen2020deep}). As to the contributions in the loss function from boundary conditions, since natural boundary conditions have been included intrinsically from the variational minimization of the energy functional, we only need to introduce terms (for example, by the penalty method) in the loss function to take into account of essential boundary conditions. Note that the spatial derivatives of trial functions in the loss function are computed by {\tt autograd} in {\tt pytorch} and the loss function is minimized by the {\tt Adam} optimizer with the stochastic gradient descent method. We refer more details to the work by Kingma and Ba~\cite{kingma2014adam}. We would like to point out that the DRM is based on the combination of variational principles in physics and the deep learning method that has the capacity of mining high-dimensional information from deep neural networks. In comparison to other machine learning methods proposed particularly for active matter physics~\cite{Cichos2020,Dulaney2021,Colen2021,Zhou2021}, the DRM has several advantages as follows. (1) The DRM is naturally nonlinear, naturally adaptive, and relatively insensitive to the complexity of the energy functional. (2) In comparison to traditional numerical methods such as finite difference or finite element methods, the DRM is mesh-free and relatively insensitive to the order of the differential equation system. Moreover, the efficiency of DRM shows a much slower increase with the increasing number, $N_{\rm s}$, of spatial coordinate (input) points. In Sec.~\ref{Sec:App1-DeepRitz}, we find from our DRM studies that the training time shows linear or even sublinear increase behaviors with increasing $N_{\rm s}$. This advantage is particularly important and promising in the physics of soft matter and active matter, in which most problems involve multiple well-separated length scales and the numerical solution usually requires to cover length scales over several decades. In this case, even in a low (one to three) dimensional physical space, traditional numerical methods may become very expensive or fails completely. (3) A representation of trial functions using deep neural networks can provide a rich and complex set of trial functions, which outperforms the representation using the Ritz-type method where one has to impose carefully-chosen trial functions. (4) The DRM as an equation solver can also be nested with another optimization algorithm or simply another deep neural network to learn the material parameters in the model free energy functional directly from experimental data (as shown in Fig.~\ref{Fig:DeepRitz}(b)). Therefore, we believe that the DRM may have the potential to solve rather complex problems in active matter that involves multiple physics with multiple slow variables and multiple scales. This work of showing the validity of using DRM to solve simple problems in active solids will be the first indispensable step toward this final goal. Before ending this subsection, we would like to emphasize that variational principles/methods should not be regarded only as an equivalent substitute for local applications of governing (equilibrium or force balance) equations. Particularly, the variational methods and the DRM presented above have many other advantages and practical importance in investigating the statics and stability of active matter as follows~\cite{Reddy2017,Landau1986,Xu2021}. \begin{itemize} \item \emph{Scalar formulation}. Variational principles such as MFEVP considered here involve only physical quantities that can be defined without reference to a particular set of generalized coordinates, namely the restricted free energy and external (including active) work. This formulation is therefore automatically invariant with respect to the choice of coordinates for the system, which allows us a great flexibility in choosing state variables and in fully taking into account of symmetry requirements and constraints. \item \emph{Thermodynamic consistency}. The MFEVP incorporate the intrinsic structure of thermodynamics clearly. They provide compact invariant ways of obtaining thermodynamically-consistent governing equilibrium equations. Particularly in continuum field theory of elastic solids, the MFEVP provides alternate methods to the applications of local governing (equilibrium or force balance) equations in the bulk as well as matching natural boundary conditions (see Sec.~\ref{Sec:ActSolid} for details). \item \emph{Direct variational methods of approximation}. The direct Ritz-type variational method of finding approximation solutions for the system statics bypasses the derivation and solution of the complex Euler-Lagrange equations and goes directly from a variational statement to the solution of the problem. This approximation method helps to pick up the most important static behaviors and to simplify the calculations significantly from complicated partial differential equation systems to simple ordinary differential equations. \item \emph{Fits well with deep-learning methods}. The Ritz-type variational problems for approximating system statics can be solved numerically using deep-learning methods. Such methods are naturally adaptive, fit well with fast stochastic gradient descent algorithms, and are relatively insensitive to the complexity of the energy functional. Particularly, mesh-free deep learning methods are known to be relatively insensitive to the order of the differential equation system and be able to avoid the problem of being trapped into local minimum states and the over-fitting problems. Moreover, their computational efficiency shows much slower increase with increasing number of spatial coordinate (input) points, which is highly promising in solving multiscale problems in soft matter and active matter physics. \end{itemize} The variational methods mentioned above have been applied successfully to many problems of elastic solids that are drawn from the problems of bars, beams, torsion, and membranes~\cite{Reddy2017,Landau1986}. In this work, we will show that these variational methods and the DRM can also be used to study the static problems in active elastic solids that are mostly motivated by cell and tissue mechanobiology~\cite{Sam2013a}. \section{Active elastic solids: continuum theory}\label{Sec:ActSolid} In this section, we consider active elastic solids consisting of elastically coupled active agents that apply active forces (regarded non-conservative external forces herein). We show how to apply the above variational methods developed in the continuum theory of elasticity to active solids. \subsection{Total free energy and equilibrium equations}\label{Sec:ActSolid-Energy} In active elastic solids, locally applied active forces deform their environmental elastic matrix and induce a strain field, which depends on the distribution of active forces. In general, active agents and the environmental elastic matrix form a nonlinear elasto-active feedback loop, that is, the strain field induced by active agent forces will in turn reorient the agent and active forces. However, in this work, we neglect for simplicity the backward effects of strain field on the change of active forces and only consider local active forces with a fixed and given distribution. In this case, the total free energy functional is, similarly as Eq.~(\ref{Eq:VarMeth-Ftot}), given by \begin{equation}\label{Eq:ActSolid-Ftot} {\cal F}_{\rm t}[\bm{u}({\bm{r}})] = {\cal F}_{\rm e}[\bm{u}({\bm{r}})]- \sum_{n=1}^{N} \int_{\Omega_n} d{\bm r}f_{{\rm a}i}^{(n)}(\bm{r}) u_i(\bm{r}) -\oint_{\partial \Omega}dA \sigma_{{\rm s} i} u_{i}. \end{equation} Here again the first term ${\cal F}_{\rm e}$ is the deformation energy to be discussed in Sec.~\ref{Sec:ActSolid-Elast}. In the second term, \begin{equation}\label{Eq:ActSolid-Wadef} {\cal W}_{\rm a}\equiv \sum_{n=1}^{N} \int_{\Omega_n} d{\bm r}f_{{\rm a}i}^{(n)}(\bm{r}) u_i(\bm{r}) \end{equation} is the active work done by a \emph{discrete} distribution of active forces, originating mainly from ATP-consuming molecular motors, with volume density $\bm{f}_{\rm a}^{(n)}$ and $n=1,2,\ldots, N$. The third term is the work done by external forces with surface force density $\bm{\sigma}_{\rm s}$ acting as a Lagrange multiplier that enforces the boundary conditions at the system surfaces. \begin{figure}[htbp] \centering \includegraphics[clip=true, viewport=1 1 400 300, keepaspectratio, width=0.35\textwidth]{ActiveSolid.eps} \caption {Schematic illustration of a continuum elastic solid with volume $\Omega$ bounded by the surface $\partial \Omega$ that includes the inner surface $\partial \Omega_{\rm i}$ and the outer surface $\partial \Omega_{\rm e}$. $\bm{\hat{n}}$ is the outward unit vector normal to the surface $\partial \Omega$. $\bm{\sigma}_{\rm s}$ is the stresses applied on the surface $\partial \Omega$. We also show typical active force density $\bm{f}_{\rm a}^{\rm (n)}$ that is distributed in a small volume $\Omega_{\rm n}$ around $\bm{r}_{\rm n}$. } \label{Fig:ActSolid-Volume} \end{figure} As shown schematically in Fig.~\ref{Fig:ActSolid-Volume}, we consider the active force density $\bm{f}_{\rm a}^{(n)}$ distributed in a microscopic region $\omega_{\rm n}$ of dimension $a$ (a microscopic characteristic length such as the size of myosin motors) around $\bm{r}_{\rm n}$. The displacement vector $\bm{u}(\bm{r})$ around $\bm{r}_{\rm n}$ can be expanded in the microscopic region $\Omega_{\rm n}$ as $u_i(\bm{r}=\bm{r}_{\rm n}+\bm{a})=u_i(\bm{r}_n)+\sum_{m=1}^{\infty}\frac{1}{m!}a_{k_1}...a_{k_m}u_{i,k_1,...,k_m}(\bm{r}_n)$ with comma denoting the partial derivatives over spatial coordinates, and the active work ${\cal W}_{\rm a}$ in Eq.~(\ref{Eq:ActSolid-Wadef}) can then expanded to be \begin{equation}\label{Eq:ActSolid-Wa} {\cal W}_{\rm a}=\int_{\Omega} d{\bm r} \sum_{m=1}^{\infty}\frac{1}{m!} \sum_{n=1}^{N} P_{k_1...k_mi}^{(n)} u_{i,k_1,...,k_m}(\bm{r})\delta(\bm{r}-\bm{r}_n). \end{equation} Here we have assumed the total (or net) active force is zero (since active forces are internal forces generated by molecular motors in biological systems): $\int_{\Omega_n} d{\bm r}f_{{\rm a}i}^{(n)}(\bm{r})=0$, and the multipole moment is defined as $P_{k_1...k_mi}^{(n)}=\int_{\Omega_n} d{\bm a}a_{k_1}...a_{k_m}f_{{\rm a}i}^{(n)}$ and particularly the active (contractile or extensile) force dipole moment tensor is \begin{equation}\label{Eq:ActSolid-ForceDipole} P_{ij}^{(n)}\equiv \int_{\Omega_n} d{\bm a}a_if_{{\rm a}j}^{(n)}. \end{equation} To the first (dipole) order, the total free energy is given by \begin{equation}\label{Eq:ActSolid-Ft} {\cal F}_{\rm t} = {\cal F}_{\rm e}+ \int_{\Omega} d{\bm r}{\sigma_{ij}^{\rm a}}\epsilon_{ij} -\oint_{\partial \Omega}dA \sigma_{{\rm s} i} u_{i}, \end{equation} in which the active stress tensor \begin{equation}\label{Eq:ActSolid-SigmaA0} {\sigma_{ij}^{\rm a}}(\bm{r})=-\sum_{n=1}^{N} P_{ji}^{(n)} \delta(\bm{r}-\bm{r}_n), \end{equation} is introduced to physically represent the average density of active force dipoles applied on the elastic matrix. Minimization of ${\cal F}_{\rm t}$ with respect to $\bm{u}$ gives the equilibrium force balance equations and boundary conditions: \begin{subequations}\label{Eq:ActSolid-EquilEqns12} \begin{equation}\label{Eq:ActSolid-EquilEqns1} \partial_j({\sigma_{ij}^{\rm e}}+{\sigma_{ij}^{\rm a}})=0, \quad \rm{in} \quad \Omega, \end{equation} \begin{equation}\label{Eq:ActSolid-EquilEqns2} \hat{n}_j({\sigma_{ij}^{\rm e}}+{\sigma_{ij}^{\rm a}})=\sigma_{{\rm s} i},\quad {\rm or} \quad u_i=u_{{\rm s}i}, \quad \rm{at} \quad \partial \Omega. \end{equation} \end{subequations} Note that the derivation is very similar to that in general elastic solids as shown in Eq.~(\ref{Eq:VarMeth-EquilEqn12}). The two conditions in Eq.~(\ref{Eq:ActSolid-EquilEqns2}) are denoted as natural and essential boundary conditions, respectively. Here $\sigma_{{\rm s}i}$ and $u_{{\rm s}i}$ are some constant stress and displacement at the boundary, respectively. The equation system in Eq.~(\ref{Eq:ActSolid-EquilEqns12}) should be supplemented by the constitutive relations for the stresses, $\bm{\sigma}^{\rm e}$ and $\bm{\sigma}^{\rm a}$, as functions of state variables of the active elastic solids. These constitutive relations will be discussed in the next two subsections. To summarize the continuum theory of active elastic solids, it is interesting to note that there is a formal analogy between elastostatics in elastic solids in the presence of active force dipoles~\cite{Joanny2010,Sam2004,Sam2013a} and electrostatics in dielectric media with permanent electric dipoles (or ``frozen-in" polarization of polar molecules)~\cite{Purcell2013}. As shown in Fig.~\ref{Fig:ActSolid-Analogy}, the analogy is $u_{i} \leftrightarrow \phi$, $\epsilon_{ij} \leftrightarrow E_{i}$, $\sigma_{ij} \leftrightarrow D_{i}$, $\sigma_{ij}^{\rm a} \leftrightarrow p_{i}$, $f_{{\rm ex},i} \leftrightarrow-\rho_{\rm {f}}$, and $f_{{\rm a},i} \leftrightarrow-\rho_{\rm {b}}$. Here, $\phi$ is the total electric potential; $\phi_{\rm{f}}$ and $\phi_{\rm{b}}$ are the electric potentials induced by the free charges of density, $\rho_{\rm{f}}$, and the bound charges of density, $\rho_{\rm{b}}$, respectively. $E_i$ is the electric field and $D_{i}$ is the dielectric displacement with $\epsilon_{0}$ being the vacuum permittivity. The density of electric dipole, $p_{i}=\sum_{n} P_{i}^{(n)} \delta (\bm{r}-\bm{r}_{n})$ is the polarization. \begin{figure}[htbp] \centering \includegraphics[clip=true, viewport=1 1 760 400, keepaspectratio, width=0.5\textwidth]{Analogy.eps} \caption {Formal analogy between elastostatics in elastic solids (in the presence of both active force dipoles and external forces with density $-\sigma^{\rm a}$ and $\bm{f}_{\rm ex}$, respectively) and electrostatics in dielectric media~\cite{Joanny2010} (in the presence of both permanent electric dipoles and free charges with density $\bm{p}$ and $\rho_{\rm f}$, respectively). }\label{Fig:ActSolid-Analogy} \end{figure} \subsection{Elastic stress: force dipole density of the matrix}\label{Sec:ActSolid-Elast} We here summarize the constitutive relations of linear elastic materials that are represented by deformation energy~\cite{Landau1986,Lekhnitskii1981}. Firstly, in linear isotropic elastic materials, the deformation energy density $F_{\rm e}$ is given by~\cite{Landau1986} \begin{equation}\label{Eq:ActSolid-LinIsoFe} F_{\rm e}=\frac{E_0}{2(1+\nu_0)} \left(\epsilon_{ij}^2 +\frac{\nu_0}{1-2 \nu_0} \epsilon_{kk}^2 \right) \end{equation} with $\epsilon_{ij}=\frac{1}{2}(\partial_i u_j+\partial_j u_i)$ being the strain components. Here, the elastic constants, $E_0$ and $\nu_0$, are Young's modulus and Poisson's ratio, respectively. From the deformation energy in Eq.~(\ref{Eq:ActSolid-LinIsoFe}) and using $\sigma_{ik}^{\rm e}=\partial F_{\rm e}/\partial \epsilon_{ik}$ (applicable also for nonlinear materials), we obtain the stress-strain relation or constitutive relation (Hooke's law)~\cite{Landau1986}: \begin{equation}\label{Eq:ActSolid-LinIsoSigmaE} {\sigma}_{ij}^{\rm e}= \frac{E_0}{1+\nu_0} \left(\epsilon_{ij} +\frac{\nu_0}{1-2\nu_0} \epsilon_{kk} \delta_{ij} \right). \end{equation} Next, we consider a typical linear anisotropic material -- transversely isotropic (or briefly \emph{transtropic}) material~\cite{Lekhnitskii1981}. A transtropic material is one with physical properties that are symmetric about an axis that is normal to a plane of isotropy, for example, hexagonal close-packed crystals~\cite{Landau1986} and nematic elastomers~\cite{Terentjev2007}. In this case, the deformation energy density is given, based on symmetry considerations, by~\cite{Landau1986,Lekhnitskii1981} \begin{align}\label{Eq:ActSolid-LinAnisoFe} F_{\rm e}= &\frac{1}{2}C_{1}\epsilon_{11}^2 + 2C_{2}(\epsilon_{22}+\epsilon_{33})^2 +C_{3}[(\epsilon_{22}-\epsilon_{33})^2+4\epsilon_{23}^2]\\ \nonumber &+2C_{4}\epsilon_{11}(\epsilon_{22}+\epsilon_{33}) +2C_{5}(\epsilon_{12}^2+\epsilon_{13}^2), \end{align} where we have taken $\hat{\bm{r}}_1$ as the axis of symmetry, $\hat{\bm{r}}_2$ and $\hat{\bm{r}}_3$ span the plane of isotropy. Note that for transtropic materials, there are \emph{five} independent elastic constants, $C_i$ ($i=1,...,5$), which relate to Young's moduli and Poisson's ratios in the form \begin{equation}\label{Eq:ActSolid-LinAnisoC} \begin{aligned} C_{1}&=\frac{E_{1}}{m}(1-\nu_{23}), \quad C_{2}=\frac{E_{2}}{8m}, \quad C_{3}=\frac{1}{2}\mu_{23}, \\ C_{4}&=\frac{E_{2}\nu_{12}}{2m}, \quad\quad C_{5}=\mu_{12}, \end{aligned} \end{equation} with $m\equiv 1-\nu_{23}-2\nu_{12}^2E_2/E_1$. Here $E_1$ and $E_2$ are the Young's moduli along the $\hat{\mathbf{x}}_1$-axis of symmetry and in the isotropic ($\hat{\mathbf{x}}_2$--$\hat{\mathbf{x}}_3$) plane, respectively. $\nu_{ij} \equiv - {\partial \epsilon_j}/{\partial \epsilon_i}$ (with $i\neq j$ and $i,j=1,2,3$) are the differential Poisson's ratios for tensile stress applied along $i$-direction and contraction in $j$-direction, following the general notation in anisotropic materials\cite{Lekhnitskii1981}. $\mu_{12}$, $\mu_{23}$ are the shear moduli in the $\hat{\mathbf{x}}_1$--$\hat{\mathbf{x}}_2$ plane and the isotropic $\hat{\mathbf{x}}_2$--$\hat{\mathbf{x}}_3$ plane, respectively. From the free energy in Eq.~(\ref{Eq:ActSolid-LinAnisoFe}), we obtain the stress-strain relations \begin{subequations}\label{Eq:ActSolid-LinAnisoSigmaE} \begin{align} \sigma_{11}^{\rm e}&= C_{1}\epsilon_{11} +2C_{4}\epsilon_{22} +2C_{4}\epsilon_{33}\\ \sigma_{22}^{\rm e}&= 2C_{4}\epsilon_{11} +(4C_{2}+2C_{3})\epsilon_{22} +(4C_{2}-2C_{3})\epsilon_{33}\\ \sigma_{33}^{\rm e}&= 2C_{4}\epsilon_{11} +(4C_{2}-2C_{3})\epsilon_{22} +(4C_{2}+2C_{3})\epsilon_{33}\\ \sigma_{12}^{\rm e}&= 2C_{5}\epsilon_{12},\quad \sigma_{13}^{\rm e}=2C_{5}\epsilon_{13},\quad \sigma_{23}^{\rm e}=2C_{5}\epsilon_{23}, \end{align} \end{subequations} \subsection{Active stress: force dipole density applied by active units}\label{Sec:ActSolid-Act} Active stress is a key feature distinguishing active matter from inert or passive matter. In the biological context, active stress originate from molecular processes that are often mediated by molecular motors. These motors are fueled by the hydrolysis reaction of adenosine triphosphate (ATP) to adenosine diphosphate (ADP) and inorganic phosphate ($\mathrm{P_i}$)~\cite{Alberts2007}, as shown in Fig.~\ref{Fig:ActSolid-Act}. This hydrolysis reaction is therefore the dominant chemical reaction that couples via the coefficient $\zeta$ to active stress. Because of Onsager symmetries of the coupling coefficients, the coefficients $\zeta$ also enter the chemical reaction rates, which effectively become mechanosensitive. Here we calculate the active stress in two specific biological scenarios at different length scales: (i) active point force dipoles, related to actomyosin cytoskeleton at sub-cellular scales; (ii) active spherical force dipoles, related to cell-matrix composites at cellular scales. \begin{figure}[htbp] \centering \includegraphics[width=0.47\textwidth]{ActiveStress.eps} \caption {Schematic illustration of a representative volume element (RVE) in active elastic solids related to cell mechanics where the concept of force dipoles is found to be useful at multiple scales. (a) At subcellular scales, where actomyosin complexes induce active contractile force dipoles in the cytoskeleton. (b) At cellular scales, adherent cells generate contractile active force dipoles in its surrounding extracellular matrix. In both cases, active stresses are calculated and both found to be proportional to the density of active force dipoles. }\label{Fig:ActSolid-Act} \end{figure} \emph{Active point force dipoles.} Consider the cytoskeleton of adherent animal cells, in which a small assembly of myosin motors bind transiently to the cross-linked actin network, consume ATP and locally contract the network, generating pairs of equal and opposite forces $\pm \bm{F}^{(n)}=\pm F^{(n)} \hat{\bm{p}}^{(n)}$ (see Fig.~\ref{Fig:ActSolid-Act}(a)). Here $\hat{\bm{p}}^{(n)}$ are unit vectors, characterizing the opposite orientations of the two aligned filaments and $n$ is an index over such pairs of aligned filaments that are cross-linked by active motors. These force pairs correspond to active force dipoles with force density per volume \begin{equation}\label{Eq:ActSolid-SigmaAfa1} f_{\rm{a}i}^{(n)}=F^{(n)} \hat{p}_{i}^{(n)}\left[\delta\left(\bm{r}-\bm{r}_{n}+\frac{1}{2} \bm{a}^{(n)}\right)-\delta\left(\bm{r}-\bm{r}_{n}-\frac{1}{2} \bm{a}^{(n)}\right)\right] \end{equation} at position $\bm{r}_{n}$ in the network. Here $a$ is a microscopic length (as mentioned previously), here representing the size of myosin motors (or myosin filaments), or specifically the distance at which the pair forces act. On large length scales or in a continuum limit, this can be expanded in the microscopic length $a$. To first order it corresponds to the point force dipole \begin{equation}\label{Eq:ActSolid-SigmaAfa2} f_{\rm{a}i}^{(n)} \simeq - \partial_{j} P_{ji}^{(n)} \delta\left(\bm{r}-\bm{r}_{n}\right) \end{equation} with the dipole moment $P_{ij}^{(n)}\equiv -aF^{(n)} \hat{p}_{i}^{(n)} \hat{p}_{j}^{(n)}=P_{ji}^{(n)}$. In a continuum description, the density of these active point force dipoles in a local volume elements $V$ is the active stress \begin{equation}\label{Eq:ActSolid-SigmaA1} \sigma_{ij}^{\rm{a}}=-\frac{1}{V} \sum_{n} P_{ij}^{(n)}=\frac{1}{V} \sum_{n} aF \hat{p}_{i}^{(n)} \hat{p}_{j}^{(n)}=-\rho P \hat{p}_{i}\hat{p}_{j} \end{equation} where the sum is over motor-induced force dipoles in the volume $V$ and the local averaged polarization vector is given by $\hat{p}_{i}=\frac{1}{N_{\rm P}}\sum_{n=1}^{N_{\rm P}} \hat{p}_{i}^{(n)}$ with $N_{\rm P}$ being the total number of force dipoles in the volume $V$. It is important to note that for contractile force dipoles, $F$ is positive and hence the principal $\hat{\bm{p}}^{(n)}\hat{\bm{p}}^{(n)}$ component of the active force dipole moment is negative. \emph{Active spherical force dipoles.} Now let's consider adherent cells that are embedded and contracting in elastic extracellular matrix. If the cells are contracting in a needle-like manner, the above discussions using point force dipoles still apply. However, here we examine a special cell-matrix composite with spherically contracting cells as shown in Fig.~\ref{Fig:ActSolid-Act}(b). In a spherical unit cell or bounding volume of radius $R$, a single spherical cell of radius $R_{\rm c}$ is contracting the elastic matrix by applying a stress $\sigma_{\rm c}$ on its boundary, $r=R_{\rm{c}}$. In this specific simple case with spherical symmetry, the active stress can be calculated explicitly as follows~\cite{Martin2019}. The dipole moment tensor (defined in Eq.~(\ref{Eq:ActSolid-ForceDipole})) of the spherically symmetric force dipole is isotropic and reads $P_{i j}=P\delta_{i j}$ with $P=-\frac{4}{3}\pi \sigma_{\rm c} R_{\rm c}^3$. To calculate the active stress, we further assume that a constant external stress $\sigma_{r r}(R)=\sigma$ is applied at the outer boundary ($r=R$) of the bounding volume where $\sigma$ may be positive or negative. If the matrix is linear and generally we assume it to be anisotropic, the total free energy is given by\cite{Landau1986} \begin{equation}\label{Eq:ActSolid-SigmaAFt} {\cal F}_{\rm t}= \int_0^R [F_{\rm e}+ \sigma_{\rm c}\delta(r-R_{\rm c})]4\pi r^2dr -\sigma4\pi R^2 u(R), \end{equation} in which the elastic energy density is given by $F_{\rm e}= \frac{1}{2}C_{1}u'^2 + 8C_{2}\frac{u^2}{r^2}+4C_{4}\frac{uu'}{r}$. Minimizing ${\cal F}_{\rm t}$ in Eq.~(\ref{Eq:ActSolid-SigmaAFt}) with respect to $u(r)$ gives the equilibrium equations and boundary conditions: \begin{subequations}\label{Eq:ActSolid-SigmaEqns12} \begin{equation}\label{Eq:ActSolid-SigmaEqns1} \frac{d^2u}{dr^2} +\frac{2}{r}\frac{du}{dr} -{\cal B}\frac{2u}{r^2} =0, \end{equation} \begin{equation}\label{Eq:ActSolid-SigmaEqns2} \lim_{\varepsilon\to 0}\left[\sigma_{r r}(r=R_{\rm c}+\varepsilon)-\sigma_{r r}(r=R_{\rm c}-\varepsilon)\right]=\sigma_{\rm c}, \quad \sigma_{r r}(r=R)=\sigma. \end{equation} \end{subequations} Here the dimensionless parameter is \begin{equation}\label{Eq:ActSolid-B} {\cal B}\equiv (8C_2-2C_4)/C_1, \end{equation} and using Eq.~(\ref{Eq:ActSolid-LinAnisoC}) we get ${\cal B}= {E_{2}(1-\nu_{12})}/{E_{1}(1-\nu_{23})}$ with $\nu_{12}$ and $\nu_{23}$ being the Poisson ratios in the radial and transverse planes, respectively, The stress component $\sigma_{\rm rr}$ is $\sigma_{\rm rr}=C_1 u' + 4C_4 {u}/{r}$. Solving this 1D boundary value problem, we obtain the displacement field: \begin{subequations}\label{Eq:ActSolid-SigmaASol12} \begin{equation}\label{Eq:ActSolid-SigmaASol1} \begin{aligned} &u(r\leq R_{\rm c})= \left(\frac{r}{R}\right)^{n-1} \left\{\frac{\sigma R}{(n-1)C_1+4 C_4} -\right.\\ &\left. \frac{\sigma_{\rm c} R}{(2n-1)C_1}\left(\frac{R}{R_{\rm c}}\right)^{n-2}\left[1+\left(\frac{R_{\rm c}}{R}\right)^{3}\frac{nC_1-4 C_4}{(n-1)C_1+4 C_4}\right]\right\} . \end{aligned} \end{equation} \begin{equation}\label{Eq:ActSolid-SigmaASol2} \begin{aligned} &u(r\geq R_{\rm c})= \frac{\sigma R}{(n-1)C_1+4 C_4} \left(\frac{r}{R}\right)^{n-1}-\frac{\sigma_{\rm c} R}{(n-1)C_1+4 C_4} \\ & \left(\frac{R_{\rm c}}{R}\right)^{n+1}\left[\frac{nC_1-4 C_4}{ (2n-1)C_1} \left(\frac{r}{R}\right)^{n-1} +\frac{(n-1)C_1+4 C_4}{(2n-1)C_1}\left(\frac{R}{r}\right)^{n}\right]. \end{aligned} \end{equation} \end{subequations} with $n$ given by \begin{equation}\label{Eq:ActSolid-SigmaAn} n=\frac{1}{2}\left(1+\sqrt{1+8{\cal B}}\right). \end{equation} Particularly at $r=R$, we have \begin{equation}\label{Eq:ActSolid-SigmaASoluR} u(R)= \frac{R}{(n-1)C_1+4 C_4}\left[\sigma-\sigma_{\rm c} \left(\frac{R_{\rm c}}{R}\right)^{n+1}\right], \end{equation} which describes the deformation (or the total displacement) of the bounding volume that is induced by both external stress and internal active stress. The external stress $\sigma$ applied at the boundary of the elastic matrix is balanced by two contributions: a passive elastic response of the network, and an active stress specifically due to the presence of these active units \begin{equation}\label{Eq:ActSolid-SigmaEA} \sigma=\sigma^{\rm{e}}+\sigma^{\rm{a}}. \end{equation} The elastic stress $\sigma^{\rm{e}}$ can be determined as the stress required at the outer boundary $r=R$ to produce the same deformation (as given in Eq.~(\ref{Eq:ActSolid-SigmaASoluR})) of a purely passive bounding volume (with $\sigma_{\rm{c}}=0$): \begin{equation}\label{Eq:ActSolid-SigmaAE} \sigma^{\rm{e}}=\left[(n-1)C_1+4 C_4)\right] \frac{u(R)}{R}. \end{equation} Thus, the active stress is proportional to the force dipole and density of active units through \begin{equation}\label{Eq:ActSolid-SigmaA2} \sigma_{ij}^{\rm{a}}=\sigma_{\rm{c}}\left(\frac{R_{\rm{c}}}{R}\right)^{n+1}\delta_{ij}=-\rho P\phi^{(n-2)/3}\delta_{ij}. \end{equation} in which $\rho=({4\pi R^3}/{3})^{-1}$ and $\phi=R_{\rm{c}}^3/{R}^3$ are the number density and the volume fraction of the contractile cells or force dipoles, respectively. Particularly, if the matrix is linear isotropic, then ${\cal B}=1$ and hence $n=2$, the active stress reads~\cite{Martin2019} $\sigma_{ij}^{\rm{a}}=-\rho P\delta_{ij}$. If $E_2 \ll E_1$ and hence $n=1$ from Eq.~(\ref{Eq:ActSolid-SigmaAn}), the active stress is given by $\sigma_{ij}^{\rm{a}}=-\rho P \phi^{-1/3}\delta_{ij}$, which is denoted as the ``density-controlled" regime corresponding to the fully buckled networks~\cite{Martin2019}. Moreover, it has also been shown~\cite{Martin2019} that the active stresses can be amplified significantly by the nonlinear elasticity of the biopolymer matrix. In summary, the active stress $\sigma_{\alpha \beta}^{\text {a}}$ emerges from a large number of force generating events that occur generally in the anisotropic material. In a coarse-grained continuum description, the active stress in linear elastic solids can be generally decomposed into the following form~\cite{Prost2015} \begin{equation}\label{Eq:ActSolid-SigmaA} \sigma_{i j}^{\rm a}=-\tilde{\zeta} q_{i j}-\bar{\zeta} \delta_{i j}, \end{equation} in which $q_{i j}=(\hat{p}_{i} \hat{p}_{j}-\frac{1}{3} \delta_{i j})$ is the nematic order parameter with $\hat{p}_{i}$ being a unit vector in the direction of the filaments. The first term is traceless and anisotropic, while the second term is isotropic. The coefficients $\tilde{\zeta}$ and $\bar{\zeta}$ depend on motor and filament densities, and vanish when the difference $\Delta \mu$ between the chemical potential of the fuel (ATP) and that of the reaction products vanishes. The active stress is contractile (extensile) along the nematic or polar axis if $\tilde{\zeta}$ and $\bar{\zeta}$ are negative (positive). In experiments on the cell cortex and lamellipodia~\cite{Eva2009,Prost2015}, the active stress is found to be the order of $0.1$ to a few $\rm kPa$, depending on biochemical regulation. In addition, we would like to point out that although the above discussions on active stresses are made in the context of active elastic solids, most of them also apply to active fluids, for example, active stress as density of force dipoles and equilibrium or steady states determined by the balance between active stresses and passive stresses, \emph{etc}. \section{Spontaneous bending and contraction of active circular plates}\label{Sec:App1} Now we use the above variational methods and the deep Ritz method to study the bending and contraction of a circular plate that is induced by asymmetric active contractile stresses with and without gravitational effects. This simple model problem is related to the morphology of several biology systems at multiple length scales such as \emph{in vitro} reconstituted actomyosin gels, individual contractile adherent cells, and a solid-like monolayer or bilayer of confluent adherent cells. \subsection{General equilibrium equations in cylindrical coordinates}\label{Sec:App1-Eqns} Consider a circular elastic plate of thickness $h$ and lateral radius $R$ in the presence of active stresses and suspended by its center (see Fig.~\ref{Fig:App1-Bending}(a)). We assume that the distribution of active stresses has axial rotational symmetry, hence the resulted deformation has cylindrical symmetry. In this case, we therefore take cylindrical polar coordinates ($r,\theta,z$) as schematically shown in Fig.~\ref{Fig:App1-Bending}(a), in which the displacement vector is given by $\bm{u}=\left(u_r(r,z), u_\theta =0, u_z(r,z) \right)$ and the non-zero components of the strain tensor $\epsilon_{ij}$ at small deformations are \begin{equation}\label{Eq:App1-Strain} \begin{aligned} &\epsilon_{\rm rr} = \partial_{\rm r} u_{\rm r}, \quad \epsilon_{\rm \theta \theta} = u_{\rm r}/r, \quad \epsilon_{\rm zz} = \partial_{\rm z} u_{\rm z}\\ &\epsilon_{\rm rz} = \epsilon_{\rm zr}=\frac{1}{2}\left(\partial_{\rm z} u_{\rm r}+\partial_{\rm r} u_{\rm z}\right). \end{aligned} \end{equation} Furthermore, we assume the active stresses apply only on the $r-\theta$ plane and take the following in-plane isotropic form~\cite{Joanny2009}: \begin{equation}\label{Eq:App1-SigmaA} \bm{\sigma}^{\rm a}=-\zeta(\hat{\bm{r}}\hat{\bm{r}}+\hat{\bm{\theta}}\hat{\bm{\theta}}). \end{equation} In general, $\bm{\sigma}^{\rm a}$ is non-uniform along the radial direction and asymmetric through the plate thickness, that is, $\zeta=\zeta(r, z)$ ($<0$ for contraction), and here we consider the following simple step-wise form (as schematically shown in Fig.~\ref{Fig:App1-Bending}(a,b)) \begin{align}\label{Eq:App1-Zeta} \zeta = \zeta_{\rm a} \Theta(z-(1-2 \alpha)\frac{h}{2}), \end{align} with $\zeta_{\rm a}=\zeta_0<0$ and $\zeta_{\rm a}=\zeta_0 r/R<0$ for uniform and non-uniform contraction, respectively, and $\Theta$ being Heaviside step function. Here $\alpha=h_{\rm a}/h \in [0,1]$ measures the fraction of active layer (with thickness $h_{\rm a}$): $\alpha=0$ representing a purely passive plate, and $\alpha=1$ representing a symmetric active plate with uniform active stresses along the thickness direction. For linear isotropic materials with non-zero strain components given in Eq.~(\ref{Eq:App1-Strain}), the total energy is obtained from Eq.~(\ref{Eq:ActSolid-Ft}) and Eq.~(\ref{Eq:ActSolid-LinIsoFe}) as \begin{equation}\label{Eq:App1-Ft} \begin{aligned} {\cal F}_{\rm t} = & \int_{-h/2}^{h/2} dz \int_0^R dr 2 \pi r \left\{\frac{E_0}{2(1+\nu_0)}\left[ \left(\epsilon_{\rm rr}^2+\epsilon_{\rm \theta\theta}^2 +\epsilon_{\rm zz}^2+2 \epsilon_{\rm rz}^2\right) \right.\right.\\ &\left.\left. +\frac{\nu_0}{1-2\nu_0}\left(\epsilon_{\rm rr} +\epsilon_{\rm \theta\theta} +\epsilon_{\rm zz}\right)^2\right]+\rho g u_{\rm z}-\zeta (\epsilon_{\rm rr}+\epsilon_{\rm \theta\theta})\right\}. \end{aligned} \end{equation} Here the body force $\rho g$ corresponds to the direct effect of gravity plus Archimedes buoyancy force~\cite{Joanny2021}. Substituting the strain components in Eq.~(\ref{Eq:App1-Strain}) and minimizing ${\cal F}_{\rm t}$ with respect to $u_{\rm r}$ and $u_{\rm z}$ (the same as how we have obtained Eq.~(\ref{Eq:VarMeth-EquilEqn12})) give the bulk equilibrium conditions \begin{subequations}\label{Eq:App1-EquilEqns12} \begin{equation}\label{Eq:App1-EquilEqns1} \begin{aligned} &(\nabla \cdot \bm{\sigma})_{\rm r}=\frac{1}{r}\frac{\partial (r \sigma_{\rm rr})}{\partial r}+\frac{\partial \sigma_{\rm rz}^{\rm e}}{\partial z}-\frac{1}{r}\sigma_{\rm \theta\theta}=0, \\ &(\nabla \cdot \bm{\sigma})_{\rm z}=\frac{1}{r}\frac{\partial (r \sigma_{\rm zr}^{\rm e})}{\partial r}+\frac{\partial \sigma_{\rm zz}^{\rm e}}{\partial z}=\rho g, \end{aligned} \end{equation} and natural boundary conditions at $rR$ and $z=\pm h/2$, respectively, as \begin{equation}\label{Eq:App1-EquilEqns2} \begin{aligned} &\sigma_{\rm rr}|_{r=R}=\sigma_{\rm r\theta}|_{r=R}=\sigma_{\rm rz}^{\rm e}|_{r=R}=0, \\ &\sigma_{\rm zz}^{\rm e}|_{z=\pm h/2}=\sigma_{\rm zr}^{\rm e}|_{z=\pm h/2}=\sigma_{\rm z\theta}^{\rm e}|_{z=\pm h/2}=0, \end{aligned} \end{equation} \end{subequations} which are supplemented with conditions at $r=0$: $u_{\rm r}(r=0,z)=0$ and $u_{\rm z}(r=0,z=0)=0$. Here the total stress tensor is $\bm{\sigma}=\bm{\sigma}^{\rm e} + \bm{\sigma}^{\rm a}$ with the active stress $\bm{\sigma}^{\rm a}$ given in Eq.~(\ref{Eq:App1-SigmaA}) and the elastic stress $\bm{\sigma}^{\rm e}$ given in Eq.~(\ref{Eq:ActSolid-LinIsoSigmaE}) and $\sigma_{\rm r \theta}^{\rm e}=\sigma_{\rm \theta r}^{\rm e}=\sigma_{\rm z \theta}^{\rm e}=\sigma_{\rm \theta z}^{\rm e}=0$. Note that the complete equation system in Eq.~(\ref{Eq:App1-EquilEqns12}) applies generally for the small deformations of linear elastic materials with isotropic in-plane active stresses in any cylindrical geometry with rotational axial symmetry. Their analytical solutions are available only in some simplest cases~\cite{Timoshenko1959,Bower2009}, but they can be easily solved numerically using some commercial finite element software. Here we will not pursue these solutions in general complex situations, but we instead focus on their solutions in thin-plate limits. For a thin circular plate, its thickness $h$ is much smaller than their lateral radius $R$. The normal stresses at the surfaces $z=\pm h/2$ are zero~\cite{Landau1986,Bower2009}: $\sigma_{i{\rm z}}=\sigma_{i{\rm z}}^{\rm e}=0$, where $\sigma_{i{\rm z}}^{\rm a}=0$ because the active stress has been assumed to be present only in the $r-\theta$ plane as shown in Eq.~(\ref{Eq:App1-SigmaA}). Then from the stress-strain relation in Eq.~(\ref{Eq:ActSolid-LinIsoSigmaE}), we have $\epsilon_{\rm rz}=0$ and $\epsilon_{\rm zz} = -\frac{\nu_0}{1-\nu_0} (\epsilon_{\rm rr}+\epsilon_{\rm \theta\theta})$. Therefore, the deformation energy in Eq.~(\ref{Eq:App1-Ft}) reduces to \begin{equation}\label{Eq:App1-ThinFt} \begin{aligned} {\cal F}_{\rm t} = &\int_{-h/2}^{h/2} dz \int_0^R dr 2 \pi r \left[\frac{E_0}{2(1-\nu_0^2)} \left(\epsilon_{\rm rr}^2+\epsilon_{\rm \theta\theta}^2 +2\nu_0 \epsilon_{\rm rr}\epsilon_{\rm \theta\theta}\right)\right.\\ &\left.+\rho g u_{\rm z}-\zeta (\epsilon_{\rm rr}+\epsilon_{\rm \theta\theta})\right]. \end{aligned} \end{equation} In this case, the in-plane and out-plane deformation can be considered by using the classical Kirchhoff's plate theory~\cite{Timoshenko1959,Bower2009,Masters1994,Freund2000} and assuming the displacement components to be the simple form of \begin{equation}\label{Eq:App1-Displacements} u_{\rm r} = u(r)-zw', \quad u_{\rm z} \approx w(r), \end{equation} with the prime hereafter denoting the ordinary derivatives, in which $u(r)$ and $w(r)$ represent the in-plane displacement and the out-plane deflection of the neutral surface, respectively. \subsection{Variational formulations and Ritz method of approximation}\label{Sec:App1-Thin} \subsubsection{Spontaneous bending at small deflections}\label{Sec:App1-Thin-Eqns} We first consider the case of small deflections with $w\ll h$ and no gravity $\rho g=0$. In this case, we substitute the displacement components in Eq.~(\ref{Eq:App1-Displacements}) into Eq.~(\ref{Eq:App1-Strain}) and obtain the strain components: \begin{equation}\label{Eq:App1-ThinStrains} \epsilon_{\rm rr}=u'-zw'', \quad \epsilon_{\rm \theta\theta}=u/r-zw'/r. \end{equation} Substituting them into Eq.~(\ref{Eq:App1-ThinFt}) and integrating over thickness $z$-direction, we obtain the total energy as a functional of $u(r)$ and $w(r)$: \begin{align}\label{Eq:App1-ThinFtuw} {\cal F}_{\rm t}[u(r),w(r)] &= \int_0^R dr 2\pi r \left[\frac{Y}{2} \left(u'^2 +u^2/r^2+2\nu_0 uu'/r\right)\right. \nonumber \\ &\left.- \tau_{\rm a}(u'+u/r)+ \frac{D}{2}\left(w''^2 +w'^2/r^2+2\nu_0 w'w''/r\right)\right. \nonumber \\ &\left.-M_{\rm a}(w''+w'/r)\right]. \end{align} in which $Y=E_{0}h/(1-\nu_{0}^2)$ is the compression modulus, $\tau_{\rm a}=\alpha \zeta_{\rm a} h$, $D=E_0h^3/12(1-\nu_0^2)$ is the flexural stiffness or rigidity of the thin plate~\cite{Timoshenko1959,Bower2009,Masters1994,Freund2000}, and $M_{\rm a}=-\alpha(1-\alpha) \zeta_{\rm a}h^2/2$ is the bending moment applied by isotropic active stress $\bm{\sigma}^{\rm a}$ in Eq.~(\ref{Eq:App1-SigmaA}). The first variation of ${\cal F}_{\rm t}$ is then given by \begin{equation}\label{Eq:App1-DeltaFt} \begin{aligned} \delta{\cal F}_{\rm t}=& \int_0^R dr 2\pi r \left[-h\overline{(\nabla \cdot \bm{\sigma})_{\rm r}} \delta u+(\rho gh-\nabla \cdot (\nabla \cdot \bm{M}))\delta w \right] \\ &+ \left[2\pi r h\overline{\sigma}_{\rm rr} \delta u +2\pi r \hat{\bm r}\cdot (\nabla \cdot \bm{M})\delta w -2 \pi r M_{\rm rr} \delta w' \right]_0^R. \end{aligned} \end{equation} Here the upper bar $\overline{(\ldots)}$ denotes the average over the plate thickness ($z$-direction). The internal bending moment tensor $\bm{M}$ is given by $\bm{M}=[-D(w''+\nu_0 w'/r)+M_{\rm a}]\hat{\bm{r}}\hat{\bm{r}}+[-D(\nu_0 w'' +w'/r)+M_{\rm a}]\hat{\bm{\theta}}\hat{\bm{\theta}}$ in which $M_{\alpha\beta}$ denotes the bending moment generated by stress $\sigma_{\alpha\beta}$. The term $\hat{\bm r}\cdot (\nabla \cdot \bm{M})=-\left(D\Delta w - M_{\rm a}\right)'$ is the Kirchhoff's effective shear force per unit length of the plate applied at the plate edge. $\Delta$ is the Laplace operator given in cylindrical coordinates by $\Delta=\frac{1}{r}\frac{d}{dr}\left(r\frac{d}{dr}\right)$. For free plate edges, Kirchhoff's edge conditions apply, consisting of a vanishing normal moment and a vanishing Kirchhoff's effective shear force. Then from the minimization of ${\cal F}_{\rm t}$ with respect to $u(r)$ and $w(r)$ gives the equilibrium equations (\emph{i.e.}, the Euler-Lagrange equations) in the bulk (for $0\leq r\leq R$) as \begin{subequations}\label{Eq:App1-ThinEqns12345} \begin{equation}\label{Eq:App1-ThinEqns1} Y\left(u''+\frac{u'}{r}-\frac{u}{r^2}\right) -\tau_{\rm a}=0, \end{equation} \begin{equation}\label{Eq:App1-ThinEqns2} D\left( w^{(4)}+\frac{2w'''}{r}-\frac{w''}{r^2}+\frac{w'}{r^3}\right) -\left( M''_{\rm a}+\frac{M'_{\rm a}}{r} \right)=-\rho gh, \end{equation} and boundary conditions at $r=R$, respectively, as \begin{equation}\label{Eq:App1-ThinEqns3} \left[Y\left(u'+\nu_0 \frac{u}{r}\right)-\tau_{\rm a} \right]_{r=R}=0, \end{equation} \begin{equation}\label{Eq:App1-ThinEqns4} \left[D\left(w'''+\frac{w''}{r}-\frac{w'}{r^2}\right)-M'_{\rm a}\right]_{r=R}=0, \end{equation} \begin{equation}\label{Eq:App1-ThinEqns5} \left[D(w''+\nu_0\frac{w'}{r})-M_{\rm a}\right]_{r=R}=0, \end{equation} \end{subequations} which are supplemented with conditions at $r=0$: $u=w=0$ and $w'=0$. Here $M_{\rm a}=-\alpha(1-\alpha) \zeta_{\rm a}h^2/2$ that $\zeta_{\rm a}$ defined in Eq.~(\ref{Eq:App1-Zeta}) is the component of the active stress. Note that the equation system in Eq.~(\ref{Eq:App1-ThinEqns12345}) can also be derived directly from the general equation system in Eq.~(\ref{Eq:App1-EquilEqns12}) obtained in the previous subsection. For uniform and the simple non-uniform active stresses discussed in Eq.~(\ref{Eq:App1-Zeta}), the above equation system can be solved analytically as follows. \begin{itemize} \item \emph{Uniform active contraction with $\zeta_{\rm a}=\zeta_0$.} The exact analytical solution is \begin{equation}\label{Eq:App1-ThinSol1} u(r)=-\frac{1}{6}\alpha{\cal Z}_{\rm b}\frac{h^2}{R^2}r, \quad w(r)=\frac{1}{2} \alpha(1-\alpha) {\cal Z}_{\rm b}\frac{h}{R^2} r^2, \end{equation} in which the normalized parameter \begin{equation}\label{Eq:App1-Zcb} {\cal Z}_{\rm b}\equiv -{\zeta_0 h R^2}/{2D(1+\nu_0)} \end{equation} measure the strength of active contractility in contracting (in-plane) and bending (out-of-plane) the plate, respectively. For active contraction with $\zeta_0<0$ and hence ${\cal Z}_{\rm b}>0$. From Eq.~(\ref{Eq:App1-ThinSol1}), we obtain that the two principal bending curvatures are equal and take the dimensionless form of $w''h=w'h/r=\alpha(1-\alpha) {\cal Z}_{\rm b}h^2/R^2$, which is a uniform constant through the whole circular plate. Therefore, the bending curvatures are positive constants, which means the plate is bent up (toward the direction of active contracting layer) to be a spherical cap as schematic in Fig.~\ref{Fig:App1-Bending}(a). \item \emph{Non-uniform active contraction with $\zeta_{\rm a}=\zeta_0 r/R$.} The exact analytical solution is \begin{equation}\label{Eq:App1-ThinSol2} \begin{aligned} u(r)&=-\frac{1}{18}\alpha{\cal Z}_{\rm b} \frac{h^2}{R^2}\left[(1-\nu_0)r+ (1+\nu_0) \frac{r^2}{R}\right], \\ w(r)&=\frac{1}{6}\alpha(1-\alpha){\cal Z}_{\rm b}\frac{h}{R^2}\left[(1-\nu_0) r^2+\frac{2}{3}(1+\nu_0) \frac{r^3}{R}\right]. \end{aligned} \end{equation} From Eq.~(\ref{Eq:App1-ThinSol2}), we obtain the two principal bending curvatures are not equal any more and take the dimensionless form of $w''h=\frac{1}{3}\alpha(1-\alpha){\cal Z}_{\rm b}\frac{h^2}{R^2}\left[1-\nu_0 + 2(1+\nu_0) \frac{r}{R}\right]$ and $w'h/r=\frac{1}{3}\alpha(1-\alpha){\cal Z}_{\rm b}\frac{h^2}{R^2}\left[1-\nu_0 +(1+\nu_0) \frac{r}{R}\right]$, which are non-uniform through the circular plate and the sign depends on the position and Poisson's ratio as shown in Fig.~\ref{Fig:App1-Bending}(b). \end{itemize} We now show that the above elastostatic problem of active circular plates can also be solved by Ritz's variational method of approximation~\cite{Reddy2017} as follows. Note that the trial functions we take have to satisfy the essential boundary conditions in the problem, {\emph{i.e.}}, $u(r=0)=w(r=0)=0$ and $w'(r=0)=0$. \begin{itemize} \item \emph{Uniform active contraction with $\zeta_{\rm a}=\zeta_0$.} We assume (from physical intuitions) that, as a reasonable guess, the circular plate is contracted uniformly in-plane and bent with uniform curvature out-of-plane, that is, \begin{equation}\label{Eq:App1-RitzSol1} u(r)=\epsilon_1 r, \quad w(r)=\frac{1}{2} \kappa r^2, \end{equation} in which $\epsilon_1$ and $\kappa$ are two constant parameters to be determined from energy minimization. Substituting them into Eq.~(\ref{Eq:App1-ThinFtuw}), we obtain the total energy as a function of $\epsilon_1$ and $\kappa$ as \begin{equation}\label{Eq:App1-RitzFt1} \begin{aligned} {\cal F}_{\rm t}(\epsilon_1,\kappa) = &2\pi R^2 \left[ \left(1+\nu_{0}\right)\left(\frac{Y}{2} \epsilon_1^2 + \frac{D}{2} \kappa^2 \right) -\alpha \zeta_0h\epsilon_1 \right. \\ &\left.+\frac{1}{2}\alpha(1-\alpha) \zeta_0 h^2\kappa \right]. \end{aligned} \end{equation} \begin{figure} \centering \includegraphics[width=0.75\linewidth]{Fig5.eps} \caption {(color online) (a, b) Spontaneous bending of a thin active circular plate of thickness $h$ and lateral radius $R$ from its reference state (a) to its deformed state (b). The plate is suspended by its center and the internal active contraction is distributed asymmetrically along the plate thickness. The thickness of the active contracting layer is $h_{\rm a}$ and its fraction is $\alpha=h_{\rm a}/h \in [0,1]$. (c) The deflection $w/h$ of the active plate as a function of radius $r/R$ for both uniform and non-uniform contraction. }\label{Fig:App1-Bending} \end{figure} Minimization of ${\cal F}_{\rm t}$ with respect to $\epsilon_1$ and $\kappa$ gives $\epsilon_1=-\frac{1}{6}\alpha{\cal Z}_{\rm b}\frac{h^2}{R^2}$ and the normalized curvature ${\cal K}=\kappa R^2/h=\alpha(1-\alpha) {\cal Z}_{\rm b}$. That is, we have used an alternative variational method to reproduce the exact solution as discussed near Eq.~(\ref{Eq:App1-ThinSol1}). \item \emph{Non-uniform active contraction with $\zeta_{\rm a}=\zeta_0 r/R$.} We follow Ritz's method to take two different forms of trial functions. Firstly, we choose the same trial function as Eq.~(\ref{Eq:App1-RitzSol1}) and then the total energy is given by \begin{equation}\label{Eq:App1-RitzFt2} \begin{aligned} {\cal F}_{\rm t}(\epsilon_1,\kappa) = & 2\pi R^2 \left[\left(1+\nu_{0}\right)\left(\frac{Y}{2} \epsilon_1^2 + \frac{D}{2} \kappa^2 \right) -\frac{2}{3}\alpha \zeta_0h\epsilon_1 \right. \\ &\left. + \frac{1}{3}\alpha(1-\alpha) \zeta_0 h^2\kappa \right]. \end{aligned} \end{equation} Minimization of ${\cal F}_{\rm t}$ with respect to $\epsilon_1$ and $\kappa$ gives $\epsilon_1=-\frac{1}{9}\alpha{\cal Z}_{\rm b}\frac{h^2}{R^2}$ and the normalized curvature ${\cal K}=\kappa R^2/h=2\alpha(1-\alpha){\cal Z}_{\rm b}/3$. Next, to get a better approximation, we try a trial function of higher order polynomials: \begin{equation}\label{Eq:App1-RitzSol2} u(r)=\epsilon_1 r+\frac{1}{2} \epsilon_2 \frac{r^2}{R}, \quad w(r)=\frac{1}{2} \kappa_1 r^2+\frac{1}{3} \kappa_2 \frac{r^3}{R}, \end{equation} from which we obtain ${\cal F}_{\rm t}$ as a function of four parameters, $\epsilon_1$, $\epsilon_2$, $\kappa_1$, and $\kappa_2$. Minimization of ${\cal F}_{\rm t}$ then reproduces the exact solution as given near Eq.~(\ref{Eq:App1-ThinSol2}) in the previous subsection. \end{itemize} \subsubsection{Spontaneous bending at large deflections}\label{Sec:App1-Thin-Ritz} We now consider the case of relatively large deflections compared with the plate thickness ($h$) but still small compared with the lateral radius $R$ of the plate, \emph{i.e.}, $h\ll w\ll R$. We still neglect the effects of gravitational forces with $\rho g=0$. In this case, we can't use Kirchhoff's plate theory but have to use von-k\'arm\'an's plate theory~\cite{Masters1994,Freund2000}: the nonlinear terms involving $w$ in the definitions of neutral-surface strain can not be neglected, while the nonlinear terms involving in-plane displacements are still assumed negligible. Hence, the displacement vector can still take the form of Eq.~(\ref{Eq:App1-Displacements}), but the neutral-surface strains are given by \begin{equation}\label{Eq:App1-DeepRitzStrains} \epsilon_{\rm rr}=u'+\frac{1}{2}w'^2-zw'', \quad \epsilon_{\rm \theta\theta}=u/r-zw'/r. \end{equation} which include nonlinear term $\frac{1}{2}w'^2$ and are different from Eq.~(\ref{Eq:App1-ThinStrains}) for small deflections. Substituting them into Eq.~(\ref{Eq:App1-ThinFt}) and integrating over thickness $z$-direction, we obtain the total energy as a functional of $u(r)$ and $w(r)$: \begin{equation}\label{Eq:App2-ThinFtuw} \begin{aligned} &{\cal F}_{\rm t}[u(r),w(r)]= \\ & \int_0^R dr 2\pi r \left\{\frac{Y}{2}\left[\left(u'+\frac{1}{2}w'^2 \right)^2 +\frac{u^2}{r^2}+2\nu_0 \frac{u}{r} \left(u'+\frac{1}{2}w'^2 \right)\right] \right.\\ & - \tau_{\rm a}\left(u'+\frac{1}{2}w'^2+\frac{u}{r}\right) +\frac{D}{2}\left(w''^2 +\frac{w'^2}{r^2}+2\nu_0 \frac{w'w''}{r}\right)\\ &\left. -M_{\rm a}\left(w''+\frac{w'}{r}\right) \right\}. \end{aligned} \end{equation} Here we only consider uniform active contraction with $\zeta_{\rm a}=\zeta_0<0$. Using Ritz method, we take the trial function~\cite{Masters1994,Freund2000} as \begin{equation}\label{Eq:App1-DeepRitzSol1} u(r)=\epsilon_1 r+\epsilon_2 \frac{r^3}{R^2}, \quad w(r)=\frac{1}{2} \kappa r^2, \end{equation} in which $\epsilon_1$, $\epsilon_2$, and $\kappa$ are three undetermined parameters. Substituting them into Eq.~(\ref{Eq:App2-ThinFtuw}), we obtain the total energy as a function of the three parameters as \begin{equation}\label{Eq:App1-DeepRitzFt1} \begin{aligned} &{\cal F}_{\rm t}(\epsilon_1,\epsilon_2,\kappa) = 2\pi R^2 \left[(1+\nu_{0})\frac{Y}{2} \left(\epsilon_1^2+2\epsilon_1\epsilon_2+\frac{5+3\nu_0}{3+3\nu_0}\epsilon_2^2\right) \right. \\ & + \frac{D}{2}(1+\nu_0) \left(1+3 \epsilon_1 \frac{R^2}{h^2} + 2\epsilon_2\frac{3+\nu_0}{1+\nu_0} \frac{R^2}{h^2} \right) \kappa^2 + \frac{D}{4h^2}\kappa^4 R^4 \\ & \left. -\alpha \zeta_0h\left(\epsilon_1 +\epsilon_2-\frac{1}{2}(1-\alpha)\kappa h+\frac{1}{8}\kappa^2R^2 \right) \right]. \end{aligned} \end{equation} Minimization of ${\cal F}_{\rm t}$ with respect to $\epsilon_1$, $\epsilon_2$, and $\kappa$ gives \begin{equation}\label{Eq:App1-DeepRitzPara} \begin{aligned} \epsilon_1 =-\frac{1}{6}\alpha{\cal Z}_{\rm b} \frac{h^2}{R^2} &+\frac{1-\nu_0}{16}\frac{h^2}{R^2}{\cal K}^2, \qquad \epsilon_2 =-\frac{3-\nu_0}{16}\frac{h^2}{R^2}{\cal K}^2, \\ & {\cal K}+\frac{1-\nu_0}{16}{\cal K}^3-\alpha(1-\alpha){\cal Z}_{\rm b}=0. \end{aligned} \end{equation} with ${\cal Z}_{\rm b}$ defined in Eq.~(\ref{Eq:App1-Zcb}) and the normalized curvature ${\cal K}=\kappa R^2/h$. \subsection{Deep Ritz method (DRM)}\label{Sec:App1-DeepRitz} In this subsection, we use the deep Ritz method to study the spontaneous bending of thin active circular plates. Firstly for small deflections, we de-dimensionalize the free energy in Eq.~(\ref{Eq:App1-ThinFtuw}) by taking $\tilde{r}=r/R$, $\tilde{u}=u R/h^2$. The dimensionless total free energy is then given by \begin{equation}\label{Eq:App1-ThinFtuw-ML1} \begin{aligned} &\frac{{\cal F}_{\rm t}[\tilde{u}(\tilde{r}),\tilde{w}(\tilde{r})]}{E_0\pi h^5/R^2(1-\nu_0^2)} = \int_0^1 d\tilde{r} \tilde{r} \left[\left(\tilde{u}'^2 +\tilde{u}^2/\tilde{r}^2+2\nu_0 \tilde{u}\tilde{u}'/\tilde{r}\right) \right.\\ & +\frac{1}{3}\alpha{\cal Z}_{\rm b} (1+\nu_0)(\tilde{u}'+\tilde{u}/\tilde{r})+ \frac{1}{12}\left(\tilde{w}''^2 +\tilde{w}'^2/\tilde{r}^2+2\nu_0 \tilde{w}'\tilde{w}''/\tilde{r}\right) \\ &\left. -\frac{1}{6}\alpha(1-\alpha){\cal Z}_{\rm b} (1+\nu_0)(\tilde{w}''+\tilde{w}'/\tilde{r})\right] \end{aligned} \end{equation} with $\tilde{u}'=d\tilde{u}/d\tilde{r}$, $\tilde{w}=w/h$, $\tilde{w}'=d\tilde{w}/d\tilde{r}$. We would like to point out that proper de-dimensionalization is important technically for fast convergence in DRM. Following the DRM explained in Sec.~\ref{Sec:VarMeth-DeepRitz}, we first check the performance of the neural network with different parameter settings. As shown in Table~\ref{table:eg1}, one can observe that the $L_\infty$ error and the mean square errors away from the exact solution are all very small when width $m$, depth $N_{\rm n}$, and $N_s$ are relatively large. Particularly, the small $L_\infty$ error about $10^{-5}$ implies a high accuracy of the predicted solution from the neural network. Moreover, we note that the errors are not exactly monotonically decreasing but oscillating in a very small region as $m$, $N_{\rm n}$, or $N_s$ increases, which is reasonable because of the random generation of spatial (input observation) points and the application of stochastic gradient descent algorithms. Furthermore, we find that for a given setting of the network, there seems to exist a minimal training steps (or training time, say $T_{\rm s}$) to obtain a relatively small and stable training error (\emph{i.e.}, the value of the error oscillates around a very small value). Importantly, we find that as $m$, $N_{\rm n}$, or $N_s$ increase, the minimal training time $T_{\rm s}$ seems to increase linearly or even sublinearly, and the training results will not get ``worse'' (for example, no larger errors or over-fitting) as long as the training iterates over the corresponding minimal $T_{\rm s}$ steps. In addition, we have also varied the activation functions, for example, we have tried ReLU, ReLU$^2$, ReLU$^3$, Tanh, Tanh$^3$, and Sigmoid functions. We found that ReLU$^3$ and Tanh$^3$ outperform others and hence we use ReLU$^3$ to carry out all the training studies as shown in this section. In Fig.~\ref{Fig:App1-ML1}, we plotted the temporal evolution of training errors during the training process and the predicted results from the neural network after $100, 000$ training steps with $m$, $N_{\rm n}$, $N_{s}$ chosen to be $10$, $4$, $1000$, respectively, and $l_{\rm r}=0.001$ (decreased to be half at some milestone training steps). The predicted results agree very well with the exact solution in Eq.~(\ref{Eq:App1-ThinSol1}) as shown in Fig.~\ref{Fig:App1-ML1}(b). \begin{table}[ht] \large \begin{tabular}{c|c|c|c|c|c|c} m & $N_{\rm n}$ & $N_{s}$ & $N$ & $E^{\tilde u}_\infty$ & $E^{\tilde w}_\infty$ & $\rm Error$ \\ \hline 5 & 4 & 1000 & 132 & 0.000074 & 0.000448 & 0.000241 \\ 10 & 4 & 1000 & 462 & 0.000058 & 0.000264 & 0.000097 \\ 20 & 4 & 1000 & 1722 & 0.000019 & 0.000117 & 0.000068 \\ 40 & 4 & 1000 & 6642 & 0.000056 & 0.000156 & 0.000076 \\ 80 & 4 & 1000 & 26082 & 0.000032 & 0.000188 & 0.000082 \\ \hline 10 & 1 & 1000 & 132 & 0.000379 & 0.036926 & 0.024460 \\ 10 & 2 & 1000 & 242 & 0.000049 & 0.000162 & 0.000091 \\ 10 & 4 & 1000 & 462 & 0.000058 & 0.000264 & 0.000097 \\ 10 & 6 & 1000 & 682 & 0.000064 & 0.000245 & 0.000107 \\ 10 & 10 & 1000 & 1122 & 0.000109 & 0.000173 & 0.000082 \\ \hline 10 & 4 & 10 & 462 & 0.000569 & 0.001046 & 0.000547 \\ 10 & 4 & 100 & 462 & 0.000093 & 0.000424 & 0.000181 \\ 10 & 4 & 500 & 462 & 0.000089 & 0.000159 & 0.000100 \\ 10 & 4 & 1000 & 462 & 0.000058 & 0.000264 & 0.000097 \\ 10 & 4 & 5000 & 462 & 0.000066 & 0.000384 & 0.000156 \end{tabular} \caption{Performance check of the neural network with different parameter settings: $m$ is network width, $N_{n}$ is network depth, $N_{s}$ is the number of input spatial coordinate points used at every training step, and $N$ is the total number of undetermined parameters. The $L_\infty$ error and the mean square errors of the training predictions away from exact solution are computed. $E^{\tilde u}_\infty=max(abs(\tilde{u}-\tilde{u}_{exact}))$ is the $L_\infty$ error in $\tilde u$ computed on $1000$ uniform points in $[0,1]$, similarly $E^{\tilde w}_\infty=max(abs(\tilde{w}-\tilde{w}_{exact}))$, and ${\rm Error}=MSE_{\tilde u} + MSE_{\tilde w}$ is the summation of the mean square error in $\tilde u$ and $\tilde w$. Here we set the training step to be $50, 000$ and the learning rate $l_{\rm r}=0.001$ (decreased to be half at some milestone training steps).} \label{table:eg1} \end{table} For relatively large deflections with $h\ll w\ll R$, we use the same dimensionless methods and the dimensionless form of the total free energy in Eq.~(\ref{Eq:App2-ThinFtuw}) is then given by \begin{equation}\label{Eq:App1-ThinFtuw-ML2} \small{ \begin{aligned} &\frac{{\cal F}_{\rm t}[\tilde{u}(\tilde{r}),\tilde{w}(\tilde{r})]}{E_0\pi h^5/R^2(1-\nu_0^2)}\\ &=\int_0^1 d\tilde{r} \tilde{r} \left\{\left[\left(\tilde{u}'+\frac{1}{2}\tilde{w}'^2 \right)^2 +\frac{\tilde{u}^2}{\tilde{r}^2} +2\nu_0 \frac{\tilde{u}}{\tilde{r}} \left(\tilde{u}'+\frac{1}{2}\tilde{w}'^2 \right)\right]\right.\\ & + \frac{1}{3}\alpha{\cal Z}_{\rm b} (1+\nu_0)\left(\tilde{u}'+\frac{1}{2}\tilde{w}'^2+\frac{\tilde{u}}{\tilde{r}}\right) + \frac{1}{12}\left(\tilde{w}''^2 +\frac{\tilde{w}'^2}{\tilde{r}^2}+2\nu_0 \frac{\tilde{w}'\tilde{w}''}{\tilde{r}}\right) \\ &\left.-\frac{1}{6}\alpha(1-\alpha){\cal Z}_{\rm b} (1+\nu_0)\left(\tilde{w}''+\frac{\tilde{w}'}{\tilde{r}}\right) \right\}. \end{aligned}} \end{equation} \begin{figure}[ht!] \centering \subfigure{\includegraphics[width = 0.7 \linewidth]{new_eg1_error_picture_Lb_Lc__1.eps}} \subfigure{\includegraphics[width = 0.7 \linewidth]{new_eg1_picture_Lb_Lc__1.eps}} \subfigure{\includegraphics[width = 0.7 \linewidth]{new_eg1_uwerror_Lb_Lc__1.eps}} \caption {Numerical results predicted using the deep Ritz method for the bending of active circular plate at small deflections. (a) The change of ${\rm Error}$ (as defined in Table~\ref{table:eg1}) with respect to $\tilde{u}$ and $\tilde{w}$ during the training process at every 50 training steps. (b) The predicted results and their good agreement with the exact solutions in Eq.~(\ref{Eq:App1-ThinSol1}). (c) The absolute error between the final predicted solution and the exact solution at the corresponding $\tilde{r}$ in Eq.~(\ref{Eq:App1-ThinSol1}). Here we take $\alpha=5/6$ and $\alpha(1-\alpha){\cal Z}_{\rm b}=1$. }\label{Fig:App1-ML1} \end{figure} In this case, the deformation of the active circular plate is more complicated and the exact solution is not available. But in Sec.~\ref{Sec:App1-Thin-Ritz}, we have used the classical Ritz method to derive the first-order approximate solution as those in Eq.~(\ref{Eq:App1-DeepRitzPara}) by taking the simple polynomial trial function in Eq.~(\ref{Eq:App1-DeepRitzSol1}). Here we use the deep Ritz method to numerically solve the variational problem by using the same neural network structure as above, in which the network parameters are now optimized by minimizing the total free energy in Eq.~(\ref{Eq:App1-ThinFtuw-ML2}) as the loss function for several different values of ${\cal Z}_{\rm b}=-{\zeta_0 h R^2}/{2D(1+\nu_0)}$ defined in Eq.~(\ref{Eq:App1-Zcb}). In Fig.~\ref{Fig:App1-ML2}, we plot the normalized curvature ${\cal K}=\kappa R^2/h$ as a function of the normalized torque $\alpha(1-\alpha)\cal Z_{\rm b}$ and its contours in the plane of normalized radius $\tilde{r}=r/R$ and normalized torque $\alpha(1-\alpha)\cal Z_{\rm b}$. In Fig.~\ref{Fig:App1-ML2}(a), the predicted normalized curvature is obtained from a least-square fitting of the predict solution $w(r)$ by $\frac{1}{2}\kappa r^2$. We can see that when $\cal Z_{\rm b}$ is relatively small, the solution agrees well with the Ritz approximation because the exact solution would be closer to a quadratic function as assumed in Ritz approximation in Eq.~(\ref{Eq:App1-DeepRitzSol1}). For larger $\cal Z_{\rm b}$, the predict solution from the deep Ritz method becomes more complicated and deviates from Ritz's approximate solution in Eq.~(\ref{Eq:App1-DeepRitzSol1}). In Fig.~\ref{Fig:App1-ML2}(b), we plot the predicted solutions at several different training steps, implying the convergence of the predicted solution. Indeed, one can observe in Fig.~\ref{Fig:App1-ML2}(c) that, for a large fixed $\cal Z_{\rm b}$, the normalized curvature is not a constant anymore but changes with the normalized radius. The self-consistency of the predicted results justifies the ability of deep Ritz method to explore high dimensional information or more complicated behaviors. However, the accuracy of these results should be further checked and compared quantitatively with finite element simulations or a direct numerical solutions of the equilibrium equations at large deflections. We leave this to our future work. \begin{figure}[htbp] \centering \subfigure{\includegraphics[width = 0.75 \linewidth]{new_kappa_Lb_relation_pic.eps}} \subfigure{\includegraphics[width = 0.75 \linewidth]{new_pic6_figure.eps}} \subfigure{\includegraphics[width = 0.75 \linewidth]{new_contour_plot_Lb_r_kappa_plus.eps}} \caption{Numerical results predicted using the DRM for the bending of active circular plate at large deflections. (a) The change of normalized curvature ${\cal K}=\kappa R^2/h$ with normalized torque $\alpha(1-\alpha){\cal Z}_{\rm b}=-\alpha(1-\alpha){\zeta_0 h R^2}/{2D(1+\nu_0)}$ for large deflections with spatially uniform substrate curvature. The solid line represents the linear relation implied by small deflection theory in Eq.~(\ref{Eq:App1-ThinSol1}). The dashed line represents Ritz's approximate solution in Eq.~(\ref{Eq:App1-DeepRitzFt1}). (b) Predicted solutions obtained at several different training steps: 1,000, 5,000, 10,000, 20,000, and 50,000, with $\alpha=1/3$ and $\alpha(1-\alpha){\cal Z}_{\rm b}=4$. (c) The contour plot of normalized curvature ${\cal K}$ in the plane of normalized radius and normalized torque. A spatially uniform substrate curvature corresponds to a horizontal contour line. Here we take $\alpha=1/3$.} \label{Fig:App1-ML2} \end{figure} \subsection{Gravitaxis of thin active circular plates}\label{Sec:App1-Gravi} Gravitaxis is a form of cell taxis characterized by the directional movement of cells in response to gravitational forces~\cite{Schwartzbach2017}. There are many different biological and physical mechanisms causing the gravitaxis of individual cells. For example, some cells have receptors like statocysts that allow them to sense the gravitational force and to adjust their body orientation or migrating directions accordingly~\cite{Schwartzbach2017,Bechinger2014}. Some other cells do not have gravisensory structures, in which case gravitaxis can result from a purely physical mechanism such as asymmetric mass distribution in the cell body. Here, however, we consider non-motile adherent animal cells and propose theoretically a possible way of sensing gravitational forces in cell aggregates or tissue scales. For this purpose, we study a toy system: a thin active circular plate with supported edges placed horizontally in a gravitational field. The active circular plate can be regarded as a minimal model of cell monolayer. \begin{figure} \centering \includegraphics[width=0.35\textwidth]{Fig8ab.eps} \includegraphics[width=0.35\textwidth]{Fig8c.eps} \includegraphics[width=0.33\textwidth]{Fig8d.eps} \caption {(color online) Spontaneous bending of thin active circular plates with supported edges at (a) zero gravity and (b) non-zero gravity. In the case of non-zero gravity, the deflections $w/h$ of the bending plate are calculated as a function of $r/R$ under different activogravity number $\cal G$ for both (c) uniform and (d) non-uniform active contraction. When ${\cal G}> 1$, gravitational forces are non-negligible in bending the plate. }\label{Fig:App1-Gravi} \end{figure} In order to better show the competition between active cellular forces and gravitational forces, we consider the circular plate shown in Fig.~\ref{Fig:App1-Gravi} where the internal active contraction tends to bend the plate upward (see Fig.~\ref{Fig:App1-Gravi}(a)), while the gravitational force tends to bend it downward (see Fig.~\ref{Fig:App1-Gravi}(b)). In this case, the active stress component is given (in a slightly different form from Eq.~(\ref{Eq:App1-Zeta})) by \begin{align}\label{Eq:App3-Zeta} \zeta = \zeta_{\rm a} \Theta(-z-(1-2 \alpha)\frac{h}{2}), \end{align} with $\zeta_{\rm a}=\zeta_0<0$ and $\zeta_{\rm a}=\zeta_0 r/R<0$ for uniform and non-uniform contraction, respectively. Furthermore, to focus on the physical mechanisms, we only consider small deflections with $w<<h$, in which the components of displacement vector and strain tensor are given by Eqs.~(\ref{Eq:App1-Displacements}) and (\ref{Eq:App1-ThinStrains}). Substituting them into Eq.~(\ref{Eq:App1-ThinFt}) for $\rho g\neq 0$ and integrating over thickness $z$-direction, we obtain the total energy functional: \begin{equation}\label{Eq:App3-ThinFtuw} \begin{aligned} &{\cal F}_{\rm t}[u(r),w(r)] = \int_0^R dr 2\pi r \left[\frac{Y}{2} \left(u'^2 +u^2/r^2+2\nu_0 uu'/r\right)\right. \\ & - \tau_{\rm a} (u'+u/r) + \frac{D}{2}\left(w''^2 +w'^2/r^2+2\nu_0 w'w''/r\right) \left.-M_{\rm a} (w''+w'/r)+\rho g w\right]. \end{aligned} \end{equation} Then from the minimization of ${\cal F}_{\rm t}$ with respect to $u(r)$ and $w(r)$ gives the equilibrium equations (\emph{i.e.}, the Euler-Lagrange equations) in the bulk (for $0\leq r\leq R$) as Eq.~(\ref{Eq:App1-ThinEqns1}) and \begin{subequations}\label{Eq:App3-ThinEqns12345} \begin{equation}\label{Eq:App3-ThinEqns2} D\left( w^{(4)}+\frac{2w'''}{r}-\frac{w''}{r^2}+\frac{w'}{r^3}\right) +\left( M''_{\rm a}+\frac{M'_{\rm a}}{r} \right)=-\rho gh, \end{equation} and boundary conditions as in Eq.~(\ref{Eq:App1-ThinEqns3}) and \begin{equation}\label{Eq:App1-GraviBcs} w|_{r=R}=0, \quad \left[D(w''+\nu_0\frac{w'}{r})+ M_{\rm a}\right]_{r=R}=0, \end{equation} \end{subequations} at the supported edges at $r=R$, which are supplemented with conditions at $r=0$: $u=0$, $w={\rm finite}$, and $w'=0$. Particularly for both uniform and non-uniform active stresses discussed in Eq.~(\ref{Eq:App1-Zeta}), the above equation system can be both solved analytically as follows. \emph{(1) Uniform active contraction with $\zeta_{\rm a}=\zeta_0<0$.} The exact analytical solution is \begin{equation}\label{Eq:App1-GraviSol1} \begin{aligned} w(r) &=\frac{{\cal Z}_{\rm b}h }{2}\left[\frac{{\cal G}(1+\nu_0)}{16} \left(1-\frac{r^4}{R^4}\right) \right.\\ & \left. +\left(\alpha (1-\alpha)-\frac{3+\nu_0}{8}{\cal G}\right) \left(1-\frac{r^2}{R^2}\right)\right], \end{aligned} \end{equation} \emph{(2) Non-uniform active contraction with $\zeta_{\rm a}=\zeta_0 r/R<0$.} The exact analytical solution is \begin{equation}\label{Eq:App1-GraviSol2} \begin{aligned} &w(r)=\frac{{\cal Z}_{\rm b}h }{2} \left[\frac{{\cal G}(1+\nu_0)}{16}\left(1-\frac{r^4}{R^4}\right)+ \frac{2}{9}\alpha (1-\alpha)(1+\nu_0) \right. \\ &\left(1-\frac{r^3}{R^3}\right) \left.+ \left(\frac{1}{3}\alpha (1-\alpha)(1-\nu_0)-\frac{3+\nu_0}{8}{\cal G}\right) \left(1-\frac{r^2}{R^2}\right)\right]. \end{aligned} \end{equation} Here the dimensionless parameter \begin{equation}\label{Eq:App1-GraviNo} {\cal G} \equiv \frac{\rho g hR^2}{|\zeta_0| h^2} = \left( \frac{R}{R_{\rm g}} \right)^2, \end{equation} is denoted as \emph{activo-gravity number}, which measures the strength of gravitational force in bending the plate relative to the asymmetric active contractile forces inside the cell. An \emph{activo-gravity length} $R_{\rm g} \equiv (|\zeta_0| h/\rho g)^{1/2}$ is introduced, which tells that the bending of the plate can be significantly varied by the gravitational force when its lateral dimension $R$ is larger than $R_{\rm g}$, or equivalently ${\cal G} >1$ as shown in Fig.~\ref{Fig:App1-Gravi}. If we assume the active stress $|\zeta_0|\sim 1 {\rm kPa}$ and take $\rho\sim 1.0 {kg/m^3}$, $g\sim 10 \, {\rm m/s^2}$, and $h\sim 100 \, {\rm nm}$, then we get $R_{\rm g} \sim 100 \, {\rm \mu m}$, about several cell diameters. Biologically, this indicates that gravitaxis may be negligible at the length scale of individual cells, but gravitaxis becomes non-negligible and important at larger length scale, for example, during tissue development the gravitational forces may play important roles in guiding the tissue morphogenesis and in breaking the up-down symmetry. In addition, it is interesting to note that the activogravity length takes similar form as the capillary length $\lambda_{\rm c} = (\gamma/\rho g)^{1/2}$ with $\gamma$ being the surface tension and the activogravity number ${\cal G}$ takes similar form as Bond number or E\"{o}tv\"{o}s number that represents the ratio between the buoyancy forces and surface tension of the liquid. \section{Conclusion and remarks}\label{Sec:Conclude} Variational methods have been widely used in the physical modeling of soft matter. These methods are mostly based on two variational principles of statistical thermodynamics: the variational principle of minimum free energy (MFEVP) for static problems\cite{Doi2013,Sam2018} and Onsager's variational principle (OVP) for dynamic problems~\cite{Onsager1931a,Onsager1953,Doi2013,Doi2020,Xu2021,Komura2022}. In our former work~\cite{Xu2021}, we have explored the variational methods that are based on OVP for the modeling of active matter dynamics. Here in this work, we have focused on the variational methods that are based on MFEVP and can be used for the modeling of static problems in active solids. Active solids, consisting of elastically coupled active agents, combine the central properties of passive elastic solids and active fluids. We showed that MFEVP can be used, on the one hand, to derive thermodynamically consistent continuum models for active solids, including both equilibrium equations and matching boundary conditions. On the other hand, direct variational methods such as the Ritz method can be developed to approximate the state of mechanical equilibrium where active stresses are balanced by elastic stresses. Interestingly, we showed that the idea of Ritz method for active solids can be further powered by the deep learning method if we use deep neural networks to construct the trial functions of the variational problems. These variational methods are then applied to study the spontaneous bending and contraction of active circular plates, which can be regarded as a minimal model of a solid-like confluent cell monolayer. We found that circular plates can be bent by asymmetric active contraction inside the plate. We proposed that the importance of gravitational force relative to active cellular force is characterized by an activogravity length, $R_{\rm g}$ (about 100 micron), analogous to capillary length. When the lateral dimension of the plate is larger than $R_{\rm g}$, gravitational forces become important in bending the plate. We therefore propose that such gravitaxis may play significant roles in the morphogenesis and in breaking the up-down symmetry during tissue development. Below we make a few general remarks and outlook. (i) \emph{Applications to tissue morphogenesis dynamics.} The calculations of single-layer circular plates give some implications on the spontaneous bending and contraction of cell monolayer. These calculations can be further extended to study the dynamics of tissue morphogenesis by considering dissipative processes and multilayered composite plates that mimic tissue structure~\cite{Ackermann2022}. (ii) \emph{Taking into account of the elasto-active feedback.} In this work, we have only considered active stresses with frozen, given distributions. In biology, the system activity usually couples closely with mechanics. For example, the orientation of cytoskeleton and the density of cells also change with local deformation, forces, and torques. Cell activity shows mechanochemical couplings with biochemical molecules such as morphogens~\cite{Kinjal2016}. Cells divisions and apoptosis also induce active forces and changes in space and time~\cite{Joanny2010}. Tensional homeostatic behaviors are observed at both single cell and tissue levels~\cite{Eastwood1998}. These new physics can be included either by considering nonlinear elasticity~\cite{Xu2015PRE,Yair2021}, biological penalty~\cite{Sam2013a}, or by introducing more slow variables~\cite{Joanny2015,Xu2021}, such as polarization or nematic order, and chemical compositions. More physical couplings can be incorporated either in the free energy (for reversible or energetic couplings) by using MFEVP or in dissipation functions (for irreversible or dissipative couplings) by using OVP. (iii) \emph{Deep learning-based numerical methods for solving variational problems in active matter physics.} The deep Ritz method mentioned above for the statics of active matter is developed~\cite{E2018} by combining Ritz's variational method of approximation~\cite{Reddy2017} with deep learning methods that are based on deep neural networks and stochastic gradient descent algorithms. Similar deep learning methods can also be developed~\cite{Jeff2018,Jeff2019,Reina12021OVPML,Cichos2020,Dulaney2021,Colen2021} for the dynamics of soft matter and active matter by combining the variational method of approximation based on Onsager's variational principle (OVP)~\cite{Doi2015} with deep learning methods~\cite{ChunLiu2022}. Furthermore, the input of the neural networks should generally include both spatial and temporal coordinates; the output can be not only displacement fields, but also other slow variables such as polarization, concentration, \emph{etc}. In addition, we should also use and compare with the physics informed neural network (PINN)~\cite{Raissi2019} to solve the complicated Euler-Lagrange partial differential equations derived from variational principles. \section*{Conflicts of interest} There are no conflicts to declare. \section*{Acknowledgements} X. Xu is supported in part by a project supported by the National Science Foundation for Young Scientists of China (NSFC, No.~12004082), by Guangdong Province Universities and Colleges Pearl River Scholar Funded Scheme (2019), by 2020 Li Ka Shing Foundation Cross-Disciplinary Research Grant (No.~2020LKSFG08A), by Provincial Science Foundation of Guangdong (2019A1515110809), by Guangdong Basic and Applied Basic Research Foundation (2020B1515310005), and by Featured Innovative Projects (No.~2018KTSCX282) and Youth Talent Innovative Platforms (No.~2018KQNCX318) in Universities in Guangdong Province. D. Wang acknowledges support from National Natural Science Foundation of China grant 12101524 and the University Development Fund from The Chinese University of Hong Kong, Shenzhen (UDF01001803).
c3146970b7684cd1e085efbe85bb2afb3e95002c
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{\textbf{Introduction}} The inverse nodal problem, posed and solved firstly by McLaughlin for a Sturm-Liouville operator \cite{mc1}. McLaughlin showed that the potential of a Sturm-Liouville problem can be determined by a given dense subset of nodal points. Later on, Hald and McLaughlin give some numerical schemes for the reconstruction of the potential \cite{H}. X.F. Yang gave an algorithm for the solution of the inverse nodal Sturm-Liouville problem \cite{yang}. His method is the first of the algorithms still in use today. Inverse nodal problems for various Sturm-Liouville operators have been studied in\ the papers (\cite{yangx}-\cite{guo2} ). Nonlocal boundary conditions appear when we cannot measure data directly at the boundary. This kind conditions arise in various some applied problems of biology, biotechnology, physics and etc. Two types of nonlocal boundary conditions come to the fore. One class of them is called integral type conditions, and the other is the Bitsadze-Samarskii-type conditions. Some inverse problems for a class of Sturm-Liouville operators with nonlocal boundary conditions are investigated in \cite{niz,niz2}. In particular, inverse nodal problems for this-type operators with different nonlocal integral boundary conditions are studied in (\cite{yang6}-\cite{yan6}). The inverse nodal problems for Dirac operators with local and separated boundary conditions are studied in (\cite{jde}-\cite{yang10}). In their works, it is shown that the zeros of the first components of the eigenfunctions determines the coefficients of operator. In \cite{yangyurko}, nonlocal conditions together with the Dirac system are considered. They give some uniqueness theorems according to the classical spectral data. As far as we know, inverse nodal problem for the Dirac system with nonlocal boundary conditions has not been considered before. In the present paper, we consider Dirac operator under some integral type nonlocal boundary conditions and obtain the uniqueness of coefficients of the problem according to a set of nodal points. Moreover, we give an algorithm for the reconstruction of these coefficients. We consider the boundary value problem $L$ generated by the system of Dirac differential equations system \begin{equation} \ell \left[ Y(x)\right] :=BY^{\prime }(x)+\Omega (x)Y(x)=\lambda Y(x),\text{ \ }x\in (0,\pi ), \label{1} \end{equation subject to the boundary conditions \begin{eqnarray} U(y) &:&=y_{1}(0)\sin \alpha +y_{2}(0)\cos \alpha -I_{f}(Y)=0\bigskip \label{2} \\ V(y) &:&=y_{1}(\pi )\sin \beta +y_{2}(\pi )\cos \beta -I_{g}(Y)=0\bigskip \label{3} \end{eqnarray where $B=\left( \begin{array}{cc} 0 & 1 \\ -1 & \end{array \right) ,$ $\Omega (x)=\left( \begin{array}{cc} V(x)+m & 0 \\ 0 & V(x)- \end{array \right) ,$ $Y(x)=\left( \begin{array}{c} y_{1}(x) \\ y_{2}(x \end{array \right) \bigskip $, $I_{f}(Y)=\int_{0}^{\pi }\left( f_{1}(x)y_{1}(x)+f_{2}(x)y_{2}(x)\right) dx,$ $I_{g}(Y)=\int_{0}^{\pi }\left( g_{1}(x)y_{1}(x)+g_{2}(x)y_{2}(x)\right) dx$,$\bigskip $ $\alpha $, \beta $ and $m$ are real constants and $\lambda $ is the spectral parameter. We assume $\Omega (x)$, $f_{i}(x)$ and $g_{i}(x)$ are real-valued functions in the class of $W_{2}^{1}(0,\pi )$ for $i=1,2$ and put $F_{0}:=f_{1}\left( 0\right) \sin \alpha +f_{2}(0)\cos \alpha ,$ $F_{\pi }:=f_{1}\left( \pi \right) \sin \beta +f_{2}(\pi )\cos \beta ,$ $G_{0}:=g_{1}\left( 0\right) \sin \alpha +g_{2}(0)\cos \alpha $ and $G_{\pi }:=g_{1}\left( \pi \right) \sin \beta +g_{2}(\pi )\cos \beta $. \section{\textbf{Spectral properties of the problem}} Let $S(x,\lambda )=\left( \begin{array}{c} S_{1}(x,\lambda ) \\ S_{2}(x,\lambda \end{array \right) $ and $C(x,\lambda )=\left( \begin{array}{c} C_{1}(x,\lambda ) \\ C_{2}(x,\lambda \end{array \right) $ be the solutions of (\ref{1}) under the initial conditions \begin{eqnarray*} S_{1}(0,\lambda ) &=&0\text{, }S_{2}(0,\lambda )=-1\medskip \\ C_{1}(0,\lambda ) &=&1\text{, }C_{2}(0,\lambda )=0\medskip \end{eqnarray* respectively. $C(x,\lambda )$ and $S(x,\lambda )$ are entire functions of \lambda $ for each fixed $x$ and the following asymptotic relations hold for $\left\vert \lambda \right\vert \rightarrow \infty $ (see \cite{jde}). \begin{equation} C_{1}(x,\lambda )=\cos (\lambda x-\omega (x))+\dfrac{m^{2}x}{2\lambda }\sin (\lambda x-\omega (x))+o\left( \dfrac{e^{\left\vert \tau \right\vert x}} \lambda }\right) \bigskip ,\medskip \label{4} \end{equation \begin{equation} C_{2}(x,\lambda )=\sin (\lambda x-\omega (x))-\dfrac{m}{\lambda }\sin (\lambda x-\omega (x))-\dfrac{m^{2}x}{2\lambda }\cos (\lambda x-\omega (x))+o\left( \dfrac{e^{\left\vert \tau \right\vert x}}{\lambda }\right) , \label{5} \end{equation \begin{equation} S_{1}(x,\lambda )=\sin (\lambda x-\omega (x))+\dfrac{m}{\lambda }\sin (\lambda x-\omega (x))-\dfrac{m^{2}x}{2\lambda }\cos (\lambda x-\omega (x))+o\left( \dfrac{e^{\left\vert \tau \right\vert x}}{\lambda }\right) ,\medskip \label{6} \end{equation \begin{equation} S_{2}(x,\lambda )=-\cos (\lambda x-\omega (x))-\dfrac{m^{2}x}{2\lambda }\sin (\lambda x-\omega (x))+o\left( \dfrac{e^{\left\vert \tau \right\vert x}} \lambda }\right) , \label{7} \end{equation where $\omega (x)=\int_{0}^{x}V(t)dt$ and $\tau =$Im$\lambda .$ The characteristic function of problem (\ref{1})-(\ref{3}) i \begin{equation} \Delta (\lambda )=\det \left( \begin{array}{cc} U(C) & U(S)\medskip \\ V(C) & V(S)\medski \end{array \right) \label{8} \end{equation and the zeros of $\Delta (\lambda )$ coincide with the eigenvalues of the problem (\ref{1})-(\ref{3}). Clearly, $\Delta (\lambda )$ is entire function and so the problem has a discrete spectrum. \ Using the asymptotic formulas (\ref{4})-(\ref{7}) in (\ref{8}), one can easily obtain \begin{eqnarray*} \Delta (\lambda ) &=&\sin (\lambda \pi -\omega (\pi )+\beta -\alpha )-\dfrac m^{2}\pi }{2\lambda }\cos (\lambda \pi -\omega (\pi )+\beta -\alpha )\bigskip \\ &&-\dfrac{1}{\lambda }\left( f_{1}\left( \pi \right) \sin \beta +f_{2}\left( \pi \right) \cos \beta -f_{2}\left( 0\right) \cos (\lambda \pi -\omega (\pi )+\beta )\right) \bigskip \\ &&-\dfrac{1}{\lambda }\left( g_{1}\left( \pi \right) \sin (\lambda \pi -\omega (\pi )-\alpha )-g_{2}\left( \pi \right) \cos (\lambda \pi -\omega (\pi )-\alpha )\right) \bigskip \\ &&+\dfrac{1}{\lambda }\left( f_{1}\left( 0\right) \sin (\lambda \pi -\omega (\pi )+\beta )-g_{1}\left( 0\right) \sin \alpha -g_{2}\left( 0\right) \cos \alpha \right) \bigskip \\ &&-\dfrac{m}{\lambda }\sin (\lambda \pi -\omega (\pi )+\beta -\alpha )\cos (\beta +\alpha )\cos (\beta -\alpha )\bigskip \\ &&+\dfrac{m}{\lambda }\cos (\lambda \pi -\omega (\pi )+\beta -\alpha )\cos (\beta +\alpha )\sin (\beta -\alpha )+o\left( \dfrac{e^{\left\vert \tau \right\vert \pi }}{\lambda }\right) \end{eqnarray* for sufficiently large $\left\vert \lambda \right\vert .$ Let $\left\{ \lambda _{n}:n=0,\pm 1,\pm 2,...\right\} _{n\geq 0}$ be the set of eigenvalues. Since $\Delta (\lambda )=\sin (\lambda \pi -\omega (\pi )+\beta -\alpha )+O(\dfrac{e^{\left\vert \tau \right\vert x}}{\lambda })$, the numbers $\lambda _{n}$ are real for $\left\vert n\right\vert \rightarrow \infty $ and\ satisfy the following asimptotic formul \begin{equation*} \lambda _{n}=n+\omega (\pi )-\beta +\alpha +O(\dfrac{1}{n}),\text{ \ \ \left\vert n\right\vert \rightarrow \infty \end{equation* Moreover, it is clear that we can write the following equation. \begin{eqnarray*} &&\bigskip \\ \left( 1+O\left( \frac{1}{\lambda _{n}}\right) \right) \tan (\lambda _{n}\pi -\omega (\pi )+\beta -\alpha ) &=&\dfrac{1}{\lambda _{n}}\left[ \dfrac m^{2}\pi }{2}-F_{0}-G_{\pi }+m\cos (\beta +\alpha )\sin (\alpha -\beta \right] \\ &&+\dfrac{F_{\pi }+G_{0}}{\lambda _{n}\cos (\lambda \pi -\omega (\pi )+\beta -\alpha )}+o\left( \dfrac{1}{\lambda _{n}}\right) . \end{eqnarray* \newline Since $\left( 1+O(\frac{1}{\lambda _{n}})\right) ^{-1}=1+O(\frac{1}{\lambda _{n}}),$\ \ this implies tha \begin{equation} \tan (\lambda _{n}\pi -\omega (\pi )+\beta -\alpha )=\dfrac{A_{1}}{\lambda _{n}}+\frac{A_{2}}{\lambda _{n}\cos (\lambda \pi -\omega (\pi )+\beta -\alpha )}+o\left( \dfrac{1}{\lambda _{n}}\right) \newline \label{9} \end{equation \bigskip for sufficiently large $n$ wher \begin{equation*} A_{1}=\dfrac{m^{2}\pi }{2}+m\cos (\beta +\alpha )\sin (\alpha -\beta )-\left( F_{0}+G_{\pi }\right) , \end{equation* \begin{equation*} A_{2}=F_{\pi }+G_{0}. \end{equation* From (\ref{9}), we can see that \begin{equation*} \lambda _{n}\pi -\omega (\pi )+\beta -\alpha =n\pi +O(\frac{1}{n}),\text{\ \ }\left\vert n\right\vert \rightarrow \infty . \end{equation* Hence \begin{eqnarray} \frac{1}{\cos (\lambda _{n}\pi -\omega (\pi )+\beta -\alpha )} &=&\frac{1} \cos (n\pi +O(\frac{1}{n}))}\bigskip \notag \\ &=&\left( -1\right) ^{n}(1+o(\frac{1}{n})),\text{\ \ }\left\vert n\right\vert \rightarrow \infty .\bigskip \label{10} \end{eqnarray Using (\ref{9}) and (\ref{10}) together, we obtain the following lemma. \begin{lemma} The following asymptotic relation is valid for $\left\vert n\right\vert \rightarrow \infty . \begin{equation} \lambda _{n}=n+\dfrac{1}{\pi }\int\limits_{0}^{\pi }V(t)dt+\dfrac{\alpha -\beta }{\pi }+\dfrac{A_{1}}{n\pi }+\frac{\left( -1\right) ^{n}A_{2}}{n\pi +o\left( \dfrac{1}{n}\right) . \label{11} \end{equation} \end{lemma} \section{\textbf{Nodal points}} Let $\varphi (x,\lambda _{n})=\left( \begin{array}{c} \varphi _{1}(x,\lambda _{n}) \\ \varphi _{2}(x,\lambda _{n} \end{array \right) $ be the eigenfunction of (\ref{1})-(\ref{3}) corresponding to the eigenvalue $\lambda _{n}.$ It is clear tha \begin{equation} \varphi _{i}(x,\lambda _{n})=U(S(x,\lambda _{n}))C_{i}(x,\lambda _{n})-U(C(x,\lambda _{n}))S_{i}(x,\lambda _{n}),\text{ }i=1,2. \label{a} \end{equation} From (\ref{a}) and Lemma 1, we can give the following asymptotic formula for sufficiently large $\left\vert n\right\vert \begin{eqnarray*} \varphi _{1}(x,\lambda _{n}) &=&\left. -\cos (\lambda _{n}x-\omega (x)-\alpha )-\dfrac{m^{2}x}{2\lambda _{n}}\sin (\lambda _{n}x-\omega (x)-\alpha )\right. \bigskip \\ &&\left. -\frac{m\sin 2\alpha }{2\lambda _{n}}\sin (\lambda _{n}x-\omega (x)-\alpha )-\frac{m\sin ^{2}\alpha }{\lambda _{n}}\cos (\lambda _{n}x-\omega (x)-\alpha )\right. \bigskip \\ &&\left. +\frac{\left( -1\right) ^{n}f_{1}\left( \pi \right) }{\lambda _{n} (\cos \beta \cos (\lambda _{n}x-\omega (x)-\alpha )-\sin \beta \sin (\lambda _{n}x-\omega (x)-\alpha ))\right. \bigskip \\ &&\left. -\frac{\left( -1\right) ^{n}f_{2}\left( \pi \right) }{\lambda _{n} (\cos \beta \sin (\lambda _{n}x-\omega (x)-\alpha )+\sin \beta \cos (\lambda _{n}x-\omega (x)-\alpha ))\right. \bigskip \\ &&\left. +\frac{f_{1}\left( 0\right) }{\lambda _{n}}(\sin \alpha \sin (\lambda _{n}x-\omega (x)-\alpha )-\cos \alpha \cos (\lambda _{n}x-\omega (x)-\alpha ))\right. \bigskip \\ &&\left. +\frac{f_{2}\left( 0\right) }{\lambda _{n}}(\cos \alpha \sin (\lambda _{n}x-\omega (x)-\alpha )+\sin \alpha \cos (\lambda _{n}x-\omega (x)-\alpha ))\right. \bigskip \\ &&\left. +o\left( \dfrac{e^{\left\vert \tau \right\vert x}}{\lambda }\right) .\right. \end{eqnarray*} \begin{lemma} For sufficiently large positive $n$, $\varphi _{1}(x,\lambda _{n})$ has exactly $n$ zeros, namely nodal points, $\left\{ x_{n}^{j}:j=\overline{0,n-1 \right\} $ in the interval $\left( 0,\pi \right) $:\newline The numbers $\left\{ x_{n}^{j}\right\} $ satisfy the following asymptotic formula \begin{equation} \begin{array}{l} x_{n}^{j}=\dfrac{\left( j+1/2\right) \pi }{n}+\dfrac{\omega (x_{n}^{j})+\alpha }{n}-\dfrac{\left( j+1/2\right) }{n}\left( \dfrac{\omega (\pi )+\alpha -\beta }{n}\right) \bigskip \\ \text{ \ \ }-\dfrac{\omega (\pi )+\alpha -\beta }{n^{2}\pi }\left( \omega (x_{n}^{j})+\alpha \right) +\dfrac{1}{n^{2}}\left( \frac{m^{2}x_{n}^{j}}{2} \frac{m\sin 2\alpha }{2}+(-1)^{n}F_{\pi }-F_{0}\right) \bigskip \\ \text{ \ \ }-\dfrac{\left( j+1/2\right) }{n}\left( \dfrac{A_{1}+\left( -1\right) ^{n}A_{2}}{n^{2}}\right) +o\left( \frac{1}{n^{2}}\right) .\bigski \end{array} \label{13} \end{equation} \end{lemma} \begin{proof} Let $\kappa _{n,j}:=\lambda _{n}x_{n}^{j}-\omega (x_{n}^{j})-\alpha $. From \varphi _{1}(x_{n}^{j},\lambda _{n})=0,$ we can write for $n\rightarrow \infty \begin{eqnarray*} 0 &=&-\cos \kappa _{n,j}-\dfrac{m\sin 2\alpha }{2\lambda _{n}}\sin \kappa _{n,j}-\dfrac{m\sin ^{2}\alpha }{\lambda _{n}}\cos \kappa _{n,j}-\dfrac m^{2}x_{n}^{j}}{2\lambda _{n}}\sin \kappa _{n,j}+\bigskip \\ &&+\frac{\left( -1\right) ^{n}f_{1}\left( \pi \right) }{\lambda _{n}}\left( \cos \kappa _{n,j}\cos \beta -\sin \kappa _{n,j}\sin \beta \right) +\bigskip \\ &&-\frac{\left( -1\right) ^{n}f_{2}\left( \pi \right) }{\lambda _{n}}\left( \sin \kappa _{n,j}\cos \beta +\cos \kappa _{n,j}\sin \beta \right) +\bigskip \\ &&+\frac{f_{1}\left( 0\right) }{\lambda _{n}}\left( \sin \kappa _{n,j}\sin \alpha -\cos \kappa _{n,j}\cos \alpha \right) +\bigskip \\ &&+\bigskip \frac{f_{2}\left( 0\right) }{\lambda _{n}}\left( \sin \kappa _{n,j}\cos \alpha +\cos \kappa _{n,j}\sin \alpha \right) +o\left( \dfrac e^{\left\vert \tau \right\vert \pi }}{\lambda _{n}}\right) . \end{eqnarray* $\bigskip $\newline It can be obtained tha \begin{eqnarray*} \tan \left( \kappa _{n,j}-\dfrac{\pi }{2}\right) &=&\frac{\dfrac m^{2}x_{n}^{j}}{2\lambda _{n}}+\dfrac{m\sin 2\alpha }{2\lambda _{n}}+\frac \left( -1\right) ^{n}F_{\pi }-F_{0}}{\lambda _{n}}+o\left( \dfrac{1}{\lambda _{n}}\right) }{1+O(\dfrac{1}{\lambda _{n}})} \\ &=&\dfrac{m^{2}x_{n}^{j}}{2\lambda _{n}}+\dfrac{m\sin 2\alpha }{2\lambda _{n }+\frac{\left( -1\right) ^{n}F_{\pi }-F_{0}}{\lambda _{n}}+o\left( \dfrac{1} \lambda _{n}}\right) \end{eqnarray*} Taking into account Taylor's expansion formulas of the arctangent we get \medskip $ \begin{equation*} \kappa _{n,j}=\left( j+\frac{1}{2}\right) \pi +\dfrac{1}{\lambda _{n}}\left( \frac{m^{2}x_{n}^{j}}{2}+\frac{m\sin 2\alpha }{2}+(-1)^{n}F_{\pi }-F_{0}\right) +o\left( \dfrac{1}{\lambda _{n}}\right) .\medskip \end{equation*} It follows from the last equality \begin{equation*} x_{n}^{j}=\dfrac{\left( j+\frac{1}{2}\right) \pi +\omega (x_{n}^{j})+\alpha }{\lambda _{n}}+\dfrac{1}{\lambda _{n}^{2}}\left( \frac{m^{2}x_{n}^{j}}{2} \frac{m\sin 2\alpha }{2}+(-1)^{n}F_{\pi }-F_{0}\right) +o\left( \dfrac{1} \lambda _{n}^{2}}\right) . \end{equation* Finally, using the asymptotic formul \begin{equation*} \lambda _{n}^{-1}=\dfrac{1}{n}\left\{ 1-\dfrac{\omega (\pi )+\alpha -\beta } n\pi }-\dfrac{A_{1}}{n^{2}\pi }-\frac{\left( -1\right) ^{n}A_{2}}{n^{2}\pi +o\left( \dfrac{1}{n^{3}}\right) \right\} \end{equation* we can obtain our desired formula: (\ref{13}). \end{proof} \section{\textbf{Inverse nodal problem}} Let $X$ be the set of nodal points and $\omega (\pi )=0.$ For each fixed x\in \left( 0,\pi \right) $ $\ $we can choose a sequence $\left( x_{n}^{j(n)}\right) \subset X$ so that $x_{n}^{j(n)}$ converges to $x.$ Then the following limits are exist and finite \begin{equation} \underset{\left\vert n\right\vert \rightarrow \infty }{\lim }n\left( x_{n}^{j(n)}-\frac{\left( j(n)+\frac{1}{2}\right) \pi }{n}\right) =\psi _{1}(x), \label{14} \end{equation wher \begin{equation*} \psi _{1}(x)=\omega (x)+\frac{\left( \beta -\alpha \right) x}{\pi }+\alpha \end{equation* an \begin{equation} \underset{\left\vert n\right\vert \rightarrow \infty }{\lim }n^{2}\pi \left( x_{n}^{j(n)}-\frac{\left( j(n)+\frac{1}{2}\right) \pi +\left( \omega (x_{n}^{j(n)})+\alpha \right) }{n}+\dfrac{\left( j(n)+1/2\right) }{n}\left( \dfrac{\alpha -\beta }{n}\right) \right) =\psi _{2}(x), \label{15} \end{equation wher \begin{equation*} \psi _{2}(x)=\left\{ \begin{array}{cc} \psi _{2}^{+}(x), & n\text{ is even}\medskip \\ \psi _{2}^{-}(x), & n\text{ is odd \end{array \right. \end{equation* an \begin{eqnarray*} \psi _{2}^{+}(x) &=&\left( \beta -\alpha \right) \left( \omega (x)+\alpha \right) -x\left( A_{1}+A_{2}\right) +\pi \left( \frac{m^{2}x}{2}+\frac{m\sin 2\alpha }{2}+F_{\pi }-F_{0}\right) ,\medskip \\ \psi _{2}^{-}(x) &=&\left( \beta -\alpha \right) \left( \omega (x)+\alpha \right) -x\left( A_{1}-A_{2}\right) +\pi \left( \frac{m^{2}x}{2}+\frac{m\sin 2\alpha }{2}-F_{\pi }-F_{0}\right) . \end{eqnarray* Therefore, proof of the following theorem is clear. \begin{theorem} The given dense subset of nodal points $X$ uniquely determines the potential $V(x)$ a.e. on $\left( 0,\pi \right) $ and the coefficients $\alpha $ and \beta $ in the boundary conditions; Moreover, $V(x),$ $\alpha $ and $\beta $ can be reconstructed by the following formulae: \textbf{Step-1:} For each fixed $x\in (0,\pi ),$ choose a sequence $\left( x_{n}^{j(n)}\right) \subset X$ such that $\underset{\left\vert n\right\vert \rightarrow \infty }{\lim }x_{n}^{j(n)}=x;$ \textbf{Step-2: }Find the function $\psi _{1}(x)$ and $\psi _{2}(x)$ from \ref{14})\ and (\ref{15}), and calculate \begin{eqnarray*} \alpha &=&\psi _{1}(0)\medskip \\ \beta &=&\psi _{1}(\pi )\medskip \\ V(x) &=&\psi _{1}^{\prime }(x)+\frac{\alpha -\beta }{\pi }\medskip \\ F_{\pi } &=&\frac{\psi _{2}^{+}(0)-\psi _{2}^{-}(0)}{2\pi }\medskip \\ G_{0} &=&\frac{\psi _{2}^{-}(\pi )-\psi _{2}^{+}(\pi )}{2\pi }\medskip . \end{eqnarray*} Additionally, if $m$ is known, then $F_{0}$ and $G_{\pi }$ can be found by the following formula \begin{eqnarray*} F_{0} &=&-\frac{\psi _{2}^{+}(0)+\psi _{2}^{-}(0)}{2}+\alpha \left( \beta -\alpha \right) +m\pi \frac{\sin 2\alpha }{2},\bigskip \\ G_{\pi } &=&\frac{\psi _{2}^{-}(\pi )+\psi _{2}^{+}(\pi )}{2\pi }-\frac \alpha \left( \beta -\alpha \right) }{\pi }-m\frac{\sin 2\beta }{2}.\bigskip \end{eqnarray*} \end{theorem} \begin{example} Let $\left\{ x_{n}^{j}\right\} \subset X$ be the dense subset of nodal points in $(0,\pi )$ given by the following asimptotics:\newline $x_{n}^{j}=\dfrac{\left( j+1/2\right) \pi }{n}+\dfrac{\sin \dfrac{\left( j+1/2\right) \pi }{n}+\frac{\pi }{6}}{n}+\dfrac{\left( j+1/2\right) \pi } 6n^{2}}$ $+\dfrac{1}{6n^{2}}\left( \sin \dfrac{\left( j+1/2\right) \pi }{n}+\frac{\pi }{6}\right) +\dfrac{1}{n^{2}}\left( \frac{3}{2}\left( \dfrac{\left( j+1/2\right) \pi }{n}+\frac{1}{2}\right) +(-1)^{n}2\pi \right) $ $-\dfrac{\left( j+1/2\right) }{n}\left( \dfrac{\left( 2-\sqrt{3}\right) \pi +\left( -1\right) ^{n}4\pi }{2n^{2}}\right) +o\left( \frac{1}{n^{2}}\right) . $\bigskip $\newline It can \ be calculated from (\ref{14})\ and (\ref{15}) that \begin{eqnarray*} \psi _{1}(x) &=&\sin x+\frac{1}{6}\left( x+\pi \right) \\ \psi _{2}(x) &=&\left\{ \begin{array}{cc} \frac{\pi }{6}\left( \sin x+\frac{\pi }{6}\right) -\frac{\pi }{2}\left( 6 \sqrt{3}\right) x+\pi \left( \frac{3}{2}\left( x+\frac{1}{2}\right) +2\pi \right) , & n\text{ is even}\medskip \\ \frac{\pi }{6}\left( \sin x+\frac{\pi }{6}\right) +\frac{\pi }{2}\left( 2 \sqrt{3}\right) x+\pi \left( \frac{3}{2}\left( x+\frac{1}{2}\right) -2\pi \right) , & n\text{ is odd \end{array \right. \end{eqnarray* Therefore, it is obtained by using the algorithm in Theorem 1 \begin{eqnarray*} &&\left. \alpha =\frac{\pi }{6},\medskip \right. \\ &&\left. \beta =\frac{\pi }{3},\medskip \right. \\ &&\medskip \left. V(x)=\cos x,\right. \\ &&\left. F_{\pi }=2\pi ,\right. \\ &&\left. G_{0}=0.\right. \end{eqnarray* If $m=\sqrt{3}$, the \begin{eqnarray*} &&\left. F_{0}=0,\bigskip \right. \\ &&\left. G_{\pi }=\frac{\left( \sqrt{3}+1\right) \pi }{2}.\bigskip \bigskip \right. \bigskip \end{eqnarray*} \end{example} \begin{acknowledgement} The authors would like to thank the referees for their valuable comments which helped to improve the manuscript. \end{acknowledgement}
b74698d6229a24943559d1169a122befd4856aa4
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The sequential recommendation~\citep{fan2021continuous,liu2021augmenting,chen2018sequential,tang2018personalized,zheng2019gated} aims at predicting future items in sequences, where the crucial part is to characterize item relationships in sequences. Recent developments in sequence modeling~\citep{fan2021continuous,liu2021augmenting} verify the superiority of Transform~\citep{vaswani2017attention}, i.e. the self-attention mechanism, in revealing item correlations in sequences. A Transformer~\citep{kang2018self} is able to infer the sequence embedding at specified positions by weighted aggregation of item embeddings, where the weights are learned via self-attention. Existing works~\citep{fan2021continuous,ssept20wu} further improve Transformer by incorporating additional complex signals. However, the \text{data sparsity issue}~\citep{liu2021augmenting} and \text{noise in sequences} undermine the performance of a model in sequential recommendation. The former hinders performance due to insufficient training since the complex structure of a sequential model requires a dense corpus to be adequately trained. The latter also impedes the recommendation ability of a model because noisy item sequences are unable to reveal actual item correlations. To overcome both, a new contrastive self-supervised learning (SSL) paradigm~\citep{liu2021contrastive,xie2020contrastive,zhou2020s3} is proposed recently. This paradigm enhances the capacity of encoders by leveraging additional self-supervised signals. Specifically, the SSL paradigm constructs positive view pairs as two data augmentations from the same sequences~\citep{xie2020contrastive}, while negative pairs are augmentations from distinct sequences. Incorporating augmentations during training increases the amount of training data, thus alleviating the sparsity issue. And the contrastive loss~\citep{chen2020simple} improves the robustness of the model, which endows a model with the ability to against noise. Though being effective in enhancing sequential modeling, the data augmentation methods adopted in the existing SSL paradigm suffer from the following weaknesses: \begin{itemize}[leftmargin=*] \item Optimal data augmentation methods are hard to devise. Current sequence augmentation methods adopts random sequence perturbations~\citep{liu2021contrastive,xie2020contrastive}, which includes \text{crop}, \text{mask}, \text{reorder}, \text{substitute} and \text{insert} operations. Though a random combination of those augmenting operations improves the performance, it is rather time-consuming to search the optimal augmentation methods from a large number of potential combinations for different datasets~\citep{liu2021contrastive}. \item Data augmentation methods destroy sequential correlations, leading to less confident positive pairs. The existing SSL paradigm requires injecting perturbations into the augmented views of sequences for contrastive learning. However, because the view construction process is not optimized to characterize sequential correlations, two views of one sequence may reveal distinct item relationships, which should not be recognized as positive pairs. \item Data augmentation fails to incorporate comprehensive self-supervised signals. Current data augmentation methods are designed based on heuristics, which already requires additional prior knowledge. Moreover, since the view construction process is not optimized with the encoder, data augmentation may only reveal partial self-supervised signals from data perspectives. Hence, we should consider other types of views besides data augmentation. \end{itemize} Therefore, we investigate the possibility of \textit{model augmentation} to construct view pairs for contrastive learning, which functions as a complement to the data augmentation methods. We hypothesis that injecting perturbations into the encoder should enhance the self-supervised learning ability to existing paradigms. The reasons are threefold: Firstly, model augmentation is jointly trained with the optimization process, thus endows the end-to-end training fashion. As such, it is easy to discover the optimal view pairs for contrastive learning. Secondly, model augmentation constructs views without manipulation to the original data, which leads to high confidence of positive pairs. Last but not least, injecting perturbation into the encoder has distinct characteristics to data augmentation, which should be an important complement in constructing view pairs for existing self-supervised learning scheme~\citep{liu2021contrastive,zhou2020s3}. This work studies the model augmentation for a self-supervised sequential recommendation from three levels: 1) neuron masking (dropout), which adopts the dropout layer to randomly mask partial neurons in a layer. By operating the dropout twice to one sequence, we can perturb the output of the embedding from this layer, which thus constructs two views from model augmentation perspective~\citep{gao2021simcse}. 2) layer dropping. Compared with neuron masks, we randomly drop a complete layer in the encoder to inject more perturbations. By randomly dropping layers in an encoder twice, we construct two distinct views. Intuitively, layer-drop augmentation enforces the contrast between deep features and shallows features of the encoder. 3) encoder complementing, which leverages other encoders to generate sequence embeddings. Encoder complementing augmentation is able to fuse distinct sequential correlations revealed by different types of encoders. For example, RNN-based sequence encoder~\citep{hidasi2015session} can better characterize direct item transition relationships, while Transformer-based sequence encoder models position-wise sequential correlations. Though only investigating SSL for a sequential recommendation, we remark that model augmentation methods can also be applied in other SSL scenarios. The contributions are as follows: \begin{itemize}[leftmargin=*] \item We propose a new contrastive SSL paradigm for sequential recommendation by constructing views from model augmentation, which is named as \textsc{SRMA}\xspace. \item We introduce three levels of model augmentation methods for constructing view pairs. \item We discuss the effectiveness and conduct a comprehensive study of model augmentations for the sequential recommendation. \item We investigate the efficacy of different variants of model augmentation. \end{itemize} \section{Related Work} \subsection{Sequential Recommendation} Sequential recommendation predicts future items in user sequences by encoding sequences while modeling item transition correlations~\citep{rendle2010factorizing,hidasi2015session}. Previously, Recurrent Neural Network~(RNN) have been adapted to sequential recommendation~\citep{hidasi2015session,wu2017recurrent}, ostensibly modeling sequence-level item transitions. Hierarchical RNNs~\citep{quadrana2017personalizing} incorporate personalization information. Moreover, both long-term and short-term item transition correlations are modelled in LSTM~\citep{wu2017recurrent} . Recently, the success of self-attention models~\citep{vaswani2017attention,devlin2018bert} promotes the prosperity of Transformer-based sequential recommendation models. SASRec~\citep{kang2018self} is a pioneering work adapting Transformer to characterize complex item transition correlations. BERT4Rec~\citep{sun2019bert4rec} adopts the bidirectional Transformer layer to encode sequence. ASReP~\citep{liu2021augmenting} reversely pre-training a Transformer to augment short sequences and fine-tune it to predict the next-item in sequences. TGSRec~\citep{fan2021continuous} models temporal collaborative signals in sequences to recognize item relationships. \subsection{Self-supervised Learning} Self-supervised learning~(SSL) is proposed recently to describe ``the machine predicts any parts of its input for any observed part''\citep{Bengio2021deep}, which stays within the narrow scope of unsupervised learning. To achieve the self-prediction, endeavors from various domains have developed different SSL schemes from either generative or contrastive perspectives~\citep{liu2021self}. For generative SSL, the masked language model is adopted in BERT~\citep{devlin2018bert} to generate masked words in sentences. GPT-GNN~\citep{hu2020gpt} also generates masked edges to realize SSL. Other generative SSL paradigms in computer vision~\citep{oord2016conditional} are proposed. Compared with generative SSL, contrastive SSL schemes have demonstrated more promising performance. SimCLR~\citep{chen2020simple} proposes simple contrastive learning between augmented views for images, which is rather effective in achieving SSL. GCC~\citep{qiu2020gcc} and GraphCL~\citep{you2020graph} adopts contrastive learning between views from corrupted graph structures. CL4SRec~\citep{xie2020contrastive} and CoSeRec~\citep{liu2021contrastive} devise the sequence augmentation methods for SSL on sequential recommendation. This paper also investigates the contrastive SSL for a sequential recommendation. Instead of adopting the data augmentation for constructing views to contrast, we propose the model augmentation to generate contrastive views. \section{Preliminary} \subsection{Problem Formulation} We denote user and item sets as $\mathcal{U}$ and $\mathcal{V}$ respectively. Each user $u\in \mathcal{U}$ is associated with a sequence of items in chronological order $s_{u}= [v_{1}, \dots, v_{t}, \dots, v_{|s_{u}|}]$, where $v_{t}\in \mathcal{V}$ denotes the item that $u$ has interacted with at time $t$ and $|s_{u}|$ is the total number of items. Sequential recommendation is formulated as follows: \begin{equation} \underset{v_{i}\in \mathcal{V}}{\mathrm{arg\,max}}~P(v_{|s_{u}|+1}=v_{i}\left| s_{u}\right.), \end{equation} where $v_{|s_{u}|+1}$ denotes the next item in sequence. Intuitively, we calculate the probability of all candidate items and recommend items with high probability scores. \subsection{Sequential Recommendation Framework} The core of a generic sequential recommendation framework is a sequence encoder $\mathsf{SeqEnc}(\cdot)$, which transforms item sequences to embeddings for scoring. We formulate the encoding step as: \begin{equation}\label{eq:seq_encoder} \mathbf{h}_{u} = \mathsf{SeqEnc}(s_{u}), \end{equation} where $\mathbf{h}_{u}$ denotes the sequence embedding of $s_{u}$. To be specific, if we adopt a Transformer~\citep{kang2018self,vaswani2017attention} as the encoder, $\mathbf{h}_{u}$ is a bag of embeddings, where at each position $t$, $\mathbf{h}_{u}^{t}$, represents a predicted next-item. We adopt the log-likelihood loss function to optimize the encoder for next-item prediction as follows: \begin{equation} \mathcal{L}_{\text{rec}}(u,t) = -\log(\sigma(\mathbf{h}_{u}^{t}\cdot \mathbf{e}_{v_{t+1}}))- \sum_{v_{j}\not\in s_{u}}\log(1-\sigma (\mathbf{h}_{u}^{t} \cdot \mathbf{e}_{v_{j}})), \end{equation} where $\mathcal{L}_{\text{rec}}(u,t)$ denotes the loss score for the prediction at position $t$ in sequence $s_{u}$, $\sigma$ is the non-linear activation function, $\mathbf{e}_{v_{t+1}}$ denotes the embedding for item $v_{t+1}$, and $v_{j}$ is the sampled negative item for $s_u$. The embeddings of items are retrieved from the embedding layer in $\mathsf{SeqEnc}(\cdot)$, which is jointly optimized with other layers. \subsection{Contrastive Self-supervised Learning Paradigm} Other than the next-item prediction, we can leverage other pretext tasks~\citep{sun2019bert4rec,liu2021self,liu2021contrastive} over the sequence to optimize the encoder, which harnesses the self-supervised signals within the sequence. This paper investigate the widely adopted contrastive SSL scheme~\citep{liu2021contrastive,xie2020contrastive}. This scheme constructs positive and negative view pairs from sequences, and employs the contrastive loss~\citep{oord2018representation} to optimize the encoder. We formulate the SSL step as follows: \begin{equation} \mathcal{L}_{\mathrm{ssl}}(\mathbf{\Tilde{h}}_{2u-1}, \mathbf{\tilde{h}}_{2u}) = - \log \frac{\exp(\text{sim}(\mathbf{\tilde{h}}_{2u-1}, \mathbf{\tilde{h}}_{2u}))} {\sum_{m=1}^{2N}\mathbbm{1}_{m\neq 2u-1}\exp(\text{sim}(\mathbf{\tilde{h}}_{2u-1}, \mathbf{\tilde{h}}_{m}))}, \end{equation} where $\mathbf{\tilde{h}}_{2u}$ and $\mathbf{\tilde{h}}_{2u-1}$ denotes two views constructed for sequence $s_{u}$. $\mathbbm{1}$ is an indication function. $\text{sim}(\cdot,\cdot)$ is the similarity function, \textit{e.g.} dot-product. Since each sequence has two view, we have $2N$ samples in a batch with $N$ sequences for training. The nominator indicates the agreement maximization between a positive pair, while the denominator is interpreted as push away those negative pairs. Existing works apply data augmentation for sequences to construct views, \textit{e.g.} \cite{xie2020contrastive} propose \textit{crop}, \textit{mask}, and \textit{reorder} a sequence and \citep{liu2021contrastive} devises \textit{insert} and \textit{substitute} sequence augmentations. For sequential recommendation, since both SSL and the next-item prediction charaterize the item relationships in sequences, we add them together to optimize the encoder. Therefore, the final loss $\mathcal{L} = \mathcal{L}_{\mathrm{rec}} + \lambda \mathcal{L}_{\mathrm{ssl}}.$ Compared with them, we adopt both the data augmentation and model augmentation to generate views for contrast. We demonstrate the contrastive SSL step in Figure~\ref{fig:framework}(a). \begin{figure} \centering \includegraphics[width=0.99\linewidth]{./figures/framework.pdf} \caption{(a) The contrastive SSL framework with model augmentation. We apply the model augmentation to the encoder, which constructs two views for contrastive learning. (b) the neuron masking augmentation. We demonstrate the neuron masking for the Feed-Forward network. (c) the layer dropping augmentation. We add $K$ FFN layers after the encoder and randomly drop $M$ layers (dash blocks) during each batch of training. And (d) the encoder complementing augmentation. We pre-train another encoder for generating the embedding of sequences. The embedding from the pre-trained encoder is combined with the model encoder for contrastive learning. } \label{fig:framework} \end{figure} \section{Model Augmentation} In this section, we introduce the model augmentation to construct views for sequences. We discuss three type of model augmentation methods, which are neuron mask, layer drop and encoder complement. We illustrate these augmentation methods in Figure~\ref{fig:framework}(b), \ref{fig:framework}(c) and \ref{fig:framework}(d), respectively. \subsection{Neuron Masking} This work adopts the Transformer as the sequence encoder, which passes the hidden embeddings to the next layer through a feed-forward network (FFN). During training, we randomly mask partial neurons in each FFN layer, which involves a masking probability $p$. The large value of $p$ leads to intensive embedding perturbations. As such, we generate a pair of views from one sequence from model perspectives. Besides, during each batch of training, the masked neurons are randomly selected, which results in comprehensive contrastive learning on model augmentation. Note that, though we can utilize different probability values for distinct FFN layers, we enforce their neuron masking probability to be the same for simplicity. The neuron masking augmentation on FFN is shown in Figure~\ref{fig:framework}(b). Additionally, we remark that the neuron mask can be applied to any neural layers in a model to inject more perturbations. \subsection{Layer Dropping} Dropping partial layers of a model decreases the depth and reduces complexity. Previous research argues that most recommender systems require only shallow embeddings for users and items~\citep{dacrema2019we}. Therefore, it is reasonable to randomly drop a fraction of layers during training, which functions as a way of regularization. Additionally, existing works~\citep{liu2020towards,he2016deep} claim that embeddings at shallow layers and deep layers are both important to reflect the comprehensive information of the data. Dropping layers enable contrastive learning between shallow embeddings and deep embeddings, thus being an enhancement of existing works that only contrasting between deep features. On the other hand, dropping layers, especially those necessary layers in a model, may destroy original sequential correlations. Thus, views generating by dropping layers may not be a positive pair. To this end, instead of manipulating the original encoder, we stack $K$ FFN layers after the encoder and randomly drop $M$ of them during each batch of training, where $M < K$. We illustrate the layer dropping as in Figure~\ref{fig:framework}(c), where we append $K$ additional FFN layers after the encoder and use dash blocks to denote the dropped layers. \subsection{Encoder Complementing} During self-supervised learning, we employ one encoder to generate embeddings of two views of one sequence. Though this encoder can be effective in revealing complex sequential correlations, contrasting on one single encoder may result in embedding collapse problems for self-supervised learning~\citep{hua2021feature}. Moreover, one single encoder is only able to reflect the item relationships from a unitary perspective. For example, the Transformer encoder adopts the attentive aggregation of item embeddings to infer sequence embedding, while an RNN structure~\citep{hidasi2015session} is more suitable in encoding direct item transitions. Therefore, contrasting between views from distinct encoders enables the model to learn comprehensive sequential relationships of items. However, embeddings from two views of a sequence with distinct encoders lead to a non-Siamese paradigm for self-supervised learning, which is hard to train and suffers the embedding collapse problem~\citep{koch2015siamese,chen2021exploring}. Additionally, if two distinct encoders reveal significantly diverse sequential correlations, the embeddings are far away from each other, thus being bad views for contrastive learning~\citep{tian2020makes}. Moreover, though we can optimize two encoders during a training phase, it is still problematic to combine them for the inference of sequence embeddings to conduct recommendations. As a result, instead of contrastive learning with distinct encoders, we harness another pre-trained encoder as an encoder complementing model augmentation for the original encoder. To be more specific, we first pre-train another encoder with the next-item prediction target. Then, in the self-supervised training stage, we utilize this pre-trained encoder to generate another embedding for a view. After that, we add the view embeddings from a model encoder and the pre-trained encoder. We illustrate the encoder complementing augmentation in Figure~\ref{fig:framework}(d). Note that we only apply this model augmentation in one branch of the SSL paradigm. And the embedding from the pre-trained encoder is re-scaled by a hyper-parameter $\gamma$ before adding to the embedding from the framework's encoder. The smaller value of $\gamma$ implies injecting fewer perturbations from a distinct encoder. The pre-trained encoder are not trainable during training. Hence, there is no optimization for this pre-trained encoder and it is no longer required to take account of both encoders during the inference stage. \section{Experiments} \subsection{Experimental Settings} \textbf{Dataset}~ We conduct experiments on three public datasets. Amazon Sports, Amazon Toys and Games~\citep{mcauley2015image} and Yelp\footnote{https://www.yelp.com/dataset}, which are Amazon review data in Sport and Toys categories, and a dataset for the business recommendation, respectively. We follow common practice in~\citep{liu2021augmenting,xie2020contrastive} to only keep the `5-core' sequences. In total, Sports dataset has 35,598 users, 18,357 items and 296,337 interactions. Toys dataset contains 19,412 users, 11,924 items, and 167,597interactions. Yelp dataset consists 30,431 users, 20,033 items and 316,354 interactions. \textbf{Evaluation Metrics}~ We follow existing works~\citep{wang2019neural,krichene2020sampled,liu2021augmenting} to evaluate models' performances based on the whole item set without negative sampling and report standard \textit{Hit Ratio}$@k$ ($\mathrm{HR}@k$) and \textit{Normalized Discounted Cumulative Gain}$@k$ ($\mathrm{NDCG}@k$) on all datasets, where $k\in\{5, 10, 20\}$. \textbf{Baselines}~ We include two groups of sequential models as baselines for comprehensive comparisons. The first group baselines are sequential models that use different deep neural architectures to encode sequences with a supervised objective. These include \textbf{GRU4Rec}~\citep{hidasi2015session} as an RNN-based method, \textbf{Caser}~\citep{tang2018personalized} as a CNN-based approach, and \textbf{SASRec}~\citep{kang2018self} as one of the state-of-the-art Transformer based solution. The second group baselines additionally leverage SSL objective. \textbf{BERT4Rec}~\citep{sun2019bert4rec} employs a \emph{Cloze} task~\citep{taylor1953cloze} as a generative self-supervised learning sigal. \textbf{S$^3\text{Rec}$}~\citep{zhou2020s3} uses contrastive SSL with `mask' data augmentation to fuse correlation-ships among item, sub-sequence, and correspondinng attributes into the networks. We remove the components for fusing attributes for fair comparison. \textbf{CL4SRec}~\citep{xie2020contrastive} maximize the agreements between two sequences augmentation, where the data augmentation are randomly selected from 'crop', `reorder', and `mask' data augmentations. \textbf{CoSeRec}~\citep{liu2021contrastive} improves the robustness of data augmentation under contrastive SSL framework by leveraging item-correlations. \textbf{Implementation Details} The model encoder in \textsc{SRMA}\xspace is the basic Transformer-based encoder. We adopt the widely used SASRec encoder. The neuron masking probability is searched from $\{0.0,0.1,0.2,\dots,0.9\}$. For layer dropping, the $K$ is searched from $\{1,2,3,4\}$, and $M$ is searched accordingly. As for encoder complementing, we search the re-scale hyper-parameter $\gamma$ from $\{0.005, 0.01, 0.05, 0.1, 0.5, 1.0\}$ and the pre-trained encoder is selected from a $1$-layer Transformer and a GRU encoder. \subsection{Overall Performance} \begin{table* \caption{Performance comparisons of different methods. The best score is in bold in each row, and the second best is underlined.} \vspace{2mm} \label{tab:main-results} \setlength{\tabcolsep}{0.65mm}{ \begin{tabular}{l|l|cccccccr} \toprule Dataset & Metric & GRU4Rec & Caser & SASRec & BERT4Rec & S$^3$-Rec & CL4SRec & CoSeRec & \textsc{SRMA}\xspace \\ \hline \hline \multirow{6}{*}{Sports} & HR@5 & 0.0162 & 0.0154 & 0.0206 & 0.0217 & 0.0121 & 0.0231 & {\ul 0.0287} & \textbf{0.0299} \\ & HR@10 & 0.0258 & 0.0261 & 0.0320 & 0.0359 & 0.0205 & 0.0369 & {\ul 0.0437} & \textbf{0.0447} \\ & HR@20 & 0.0421 & 0.0399 & 0.0497 & 0.0604 & 0.0344 & 0.0557 & {\ul 0.0635} & \textbf{0.0649} \\ & NDCG@5 & 0.0103 & 0.0114 & 0.0135 & 0.0143 & 0.0084 & 0.0146 & {\ul 0.0196} & \textbf{0.0199} \\ & NDCG@10 & 0.0142 & 0.0135 & 0.0172 & 0.019 & 0.0111 & 0.0191 & {\ul 0.0242} & \textbf{0.0246} \\ & NDCG@20 & 0.0186 & 0.0178 & 0.0216 & 0.0251 & 0.0146 & 0.0238 & {\ul 0.0292} & \textbf{0.0297} \\ \midrule \multirow{6}{*}{Yelp} & HR@5 & 0.0152 & 0.0142 & 0.0160 & 0.0196 & 0.0101 & 0.0227 & {\ul 0.0241} & \textbf{0.0243} \\ & HR@10 & 0.0248 & 0.0254 & 0.0260 & 0.0339 & 0.0176 & 0.0384 & {\ul 0.0395} & \textbf{0.0395} \\ & HR@20 & 0.0371 & 0.0406 & 0.0443 & 0.0564 & 0.0314 & 0.0623 & \textbf{0.0649} & {\ul 0.0646} \\ & NDCG@5 & 0.0091 & 0.008 & 0.0101 & 0.0121 & 0.0068 & 0.0143 & {\ul 0.0151} & \textbf{0.0154} \\ & NDCG@10 & 0.0124 & 0.0113 & 0.0133 & 0.0167 & 0.0092 & 0.0194 & {\ul 0.0205} & \textbf{0.0207} \\ & NDCG@20 & 0.0145 & 0.0156 & 0.0179 & 0.0223 & 0.0127 & 0.0254 & {\ul 0.0263} & \textbf{0.0266} \\ \midrule \multirow{6}{*}{Toys} & HR@5 & 0.0097 & 0.0166 & 0.0463 & 0.0274 & 0.0143 & 0.0525 & {\ul 0.0583} & \textbf{0.0598} \\ & HR@10 & 0.0176 & 0.0270 & 0.0675 & 0.0450 & 0.0094 & 0.0776 & {\ul 0.0812} & \textbf{0.0834} \\ & HR@20 & 0.0301 & 0.0420 & 0.0941 & 0.0688 & 0.0235 & 0.1084 & {\ul 0.1103} & \textbf{0.1132} \\ & NDCG@5 & 0.0059 & 0.0107 & 0.0306 & 0.0174 & 0.0123 & 0.0346 & {\ul 0.0399} & \textbf{0.0407} \\ & NDCG@10 & 0.0084 & 0.0141 & 0.0374 & 0.0231 & 0.0391 & 0.0428 & {\ul 0.0473} & \textbf{0.0484} \\ & NDCG@20 & 0.0116 & 0.0179 & 0.0441 & 0.0291 & 0.0162 & 0.0505 & {\ul 0.0547} & \textbf{0.0559} \\ \bottomrule \end{tabular} } \end{table*} We compare the proposed paradigm \textsc{SRMA}\xspace to existing methods with respect to the performance on the sequential recommendation. Results are demonstrated in Table~\ref{tab:main-results}. We can observe that Transformer-based sequence encoders, such SASRec and BERT4Rec are better than GRU4Rec or Caser sequence encoders. Because of this, our proposed model \textsc{SRMA}\xspace also adopts the Transformer as sequence encoder. Moreover, the SSL paradigm can significantly improve performance. For example, the CL4SRec model, which adopts the random data augmentation, improves the performance of SASRec on HR and NDCG by $13.2\%$ and $9.8\%$ on average regarding the Sports dataset, respectively. Also, since \textsc{SRMA}\xspace enhances the SSL with both data augmentation and model augmentation, \textsc{SRMA}\xspace thus outperforms all other SSL sequential recommendation models. \textsc{SRMA}\xspace adopts the same data augmentation methods as CL4SRec. Nevertheless, \textsc{SRMA}\xspace significantly outperforms CL4SRec. On the sports dataset, we achieve $18.9\%$ and $27.9\%$ relative improvements on HR and NDCG, respectively. On the Yelp dataset, we achieve $4.5\%$ and $6.4\%$ relative improvements on HR and NDCG, respectively. And on Toys data, we achieve $8.6\%$ and $13.8\%$ relative improvements on HR and NDCG, respectively. In addition, \textsc{SRMA}\xspace also performs better than CoSeRec which leverages item correlations for data augmentation. Those results all verify the effectiveness of model augmentation in improving the SSL paradigm. \subsection{Comparison between Model and Data Augmentation } Because \textsc{SRMA}\xspace adopts the random sequence augmentation, we mainly focus on comparing with CL4SRec to justify the impacts of model augmentation and data augmentation. In fact, CL4SRec also implicitly uses the neuron masking model augmentation, where dropout layers are stacked within its original sequence encoder. To separate the joint effects of model and data augmentation, we create its variants `CL4S. $p=0$', which sets all the dropout ratios to be $0$, thus disables the neuron masking augmentation. Also, another variant `CL4S. w/o D', which has no data augmentation are also compared. Additionally, we create two other variants of \textsc{SRMA}\xspace as `\textsc{SRMA}\xspace w/o M' and `\textsc{SRMA}\xspace w/o D' by disabling the model augmentation and data augmentation respectively. `\textsc{SRMA}\xspace w/o M' has additional FFN layers compared with `CL4S. $p=0$'. The recommendation performance on the Sports and Toys dataset is presented in Table~\ref{tab:variants-study}. We have the following observations. Firstly, we notice a significant performance drop of the variant `CL4S. $p=0$', which suggests that the neuron masking augmentation is rather crucial. It benefits both the regularization of the training encoder and model augmentation of SSL. Secondly, `\textsc{SRMA}\xspace w/o D' outperforms other baselines on the Sports dataset and has comparable performance to `CL4S.', which indicates the model augmentation is of more impact in the SSL paradigm compared with data augmentation. Thirdly, \textsc{SRMA}\xspace performs the best against all the variants. This result suggests that we should jointly employ the data augmentation and model augmentation in an SSL paradigm, which contributes to comprehensive contrastive self-supervised signals. \begin{table*} \caption{Performance comparison w.r.t. the variants of CL4SRec (CL4S.) and \textsc{SRMA}\xspace. M and D denote the model augmentation and data augmentation, respectively. $p=0$ indicates no neuron masking. The best score in each column are in bold, where the second-best are underlined.} \vspace{2mm} \label{tab:variants-study} \resizebox{\columnwidth}{!}{ \begin{tabular}{l|cc|cc|cc|cc} \toprule \multirow{3}{*}{Model} & \multicolumn{4}{c|}{Sports} & \multicolumn{4}{c}{Toys}\\ \cline{2-9} & \multicolumn{2}{c|}{HR} & \multicolumn{2}{c|}{NDCG} & \multicolumn{2}{c|}{HR} & \multicolumn{2}{c}{NDCG} \\ & @5 & @10 & @5 & @10 & @5 & @10 & @5 & @10 \\ \hline CL4S. w/o D & 0.0162 & 0.0268 & 0.0108 & 0.0142 & 0.0444 & 0.0619 & 0.0306 & 0.0363\\ CL4S. $p=0$ & 0.0177 & 0.0292 & 0.0119 & 0.0156 & 0.0451 & 0.0654 & 0.0305 & 0.037\\ CL4S. & 0.0231 & 0.0369 & 0.0146 & 0.0191 & {\ul 0.0525} & {\ul 0.0776} & {\ul 0.0346} & {\ul 0.0428} \\ SRMA w/o D & {\ul 0.0285} & {\ul 0.0432} & {\ul 0.0187} & {\ul 0.0234} & 0.0504 & 0.0724 & 0.0331 & 0.0402 \\ SRMA w/o M & 0.0165 & 0.0272 & 0.0104 & 0.0138 & 0.0412 & 0.0590 & 0.0279 & 0.0336 \\ SRMA & \textbf{0.0299} & \textbf{0.0447} & \textbf{0.0199} & \textbf{0.0246} & \textbf{0.0598} & \textbf{0.0834} & \textbf{0.0407} & \textbf{0.0484} \\ \bottomrule \end{tabular}} \end{table*} \subsection{Hyper-parameter Sensitivity} In this section, we vary the hyper-parameters in neuron masking and layer dropping to draw a detailed investigation of model augmentation. \textbf{Effect of Neuron Masking.} Though all neural layers can apply the neuron masking augmentation, for simplicity, we only endow the FFN layer with the neuron masking augmentation and set the masking probability as $p$ for all FFN layers in the framework. We fix the settings of layer dropping and the encoder complementing model augmentation and select $p$ from $\{0.0, 0.1, 0.2, \dots, 0.9\}$, where $0.0$ is equivalent to no neuron masking. Also, we compare \textsc{SRMA}\xspace with SASRec to justify the effectiveness of the SSL paradigm. The performance curves of HR$@5$ and NDCG$@5$ on the Sports and Toys dataset are demonstrated in Figure~\ref{fig:neuron_masking_sensitity}. We can observe that the performance improves first and then drops when increasing $p$ from $0$ to $0.9$. The rising of the performance score implies that the neuron masking augmentation is effective in improving the ability of the sequence encoder for a recommendation. And the dropping of the performance indicates the intensity of model augmentation should not be overly aggressive, which may lead to less informative contrastive learning. As to SASRec, we recognize a higher score of SASRec when $p$ is large, which indicates the optimal model augmentation should be a slightly perturbation rather than a intensive distortion. Moreover, \textsc{SRMA}\xspace consistently outperforms SASRec when $0.1<p<0.6$. Since the only difference is that SASRec has no SSL module, we can thus concludes that the performance gains result from the contrastive SSL step by using the neuron masking. \begin{figure} \centering \includegraphics[width=0.99\linewidth]{./figures/neural_mask.pdf} \caption{Performance comparison betweeen SASRec and SRMA in HR@5 and NDCG@5 w.r.t different values of neuron masking probability $p$ on Sports and Toys dataset. } \label{fig:neuron_masking_sensitity} \end{figure} \textbf{Effect of Layer Dropping.} The layer dropping model augmentation is controlled by two hyper-parameters, the number of additional FFN layers and the number of layers to drop during training, which is denoted as $K$ and $M$, respectively. Since we can only drop those additional layers, we have $M < K$. We select $K$ from $\{1,2,3,4\}$ while $M$ are searched accordingly. Due to space limitation, we only report the NDCG$@5$ on the Sports and Toys dataset in Figure~\ref{fig:layer_dropping}. We observe that $K=2, M=1$ achieves the best performance on both datasets, which implies the efficacy of layer dropping. Additionally, we also find that the performance on $K=4$ is consistently worse than $K=2$ on both datasets, which suggests that adding too many layers increases the complexity of the model, which is thus unable to enhance the SSL paradigm. \begin{figure} \centering \includegraphics[width=0.99\linewidth]{./figures/layer_drop.pdf} \caption{The NDCG@5 performance w.r.t. different $K$ and $M$ for layer dropping augmentation on Sports and Toys dataset. } \label{fig:layer_dropping} \end{figure} \subsection{Analyses on Encoder Complementing} \begin{table*}[htb] \caption{Performance comparison among SRMA without encoder complementing (w/o Enc.), with Transformer-based (-Trans) and with GRU-based (-GRU) complementary pre-trained encoder. The best score in each column is in bold.} \vspace{2mm} \label{tab:ablation-study-ec} \resizebox{\linewidth}{!}{ \begin{tabular}{c|cc|cc|cc|cc} \toprule \multirow{3}{*}{Encoders} & \multicolumn{4}{c|}{Sports} & \multicolumn{4}{c}{Toys}\\\cline{2-9} & \multicolumn{2}{c|}{HR} & \multicolumn{2}{c|}{NDCG} & \multicolumn{2}{c|}{HR} & \multicolumn{2}{c}{NDCG} \\ & @5 & @10 & @5 & @10 & @5 & @10 & @5 & @10 \\ \hline w/o Enc. & 0.0269 & 0.0401 & 0.0181 & 0.0224 & 0.0567 & 0.0806 & 0.0389 & 0.0466 \\ -Trans & 0.0268 & 0.0408 & 0.0181 & 0.0226 & \textbf{0.0588} & \textbf{0.0811} & \textbf{0.0402} & \textbf{0.0474} \\ -GRU & \textbf{0.0281} & \textbf{0.0411} & \textbf{0.0186} & \textbf{0.0228} & 0.0577 & 0.0811 & 0.0395 & 0.047 \\ \bottomrule \end{tabular}} \end{table*} In this section, we investigate the effects of encoder complementing augmentation for constructing views. Recall that we combine the embedding from the model's encoder and a distinct pre-trained encoder. For this complementary encoder, we select from a Transformer-based and a GRU-based encoder. Since the model's encoder is a 2-layer Transformer, this pre-trained encoder is a 1-layer Transformer to maintain diversity. We first pre-train the complementary encoder based on the next-item prediction task. As such, we empower the pre-trained encoder to characterize the sequential correlations of items. The comparison is conducted on both Sports and Toys datasets, which are shown in Table~\ref{tab:ablation-study-ec}. The observations are as follows: Firstly, on the Sports dataset, pre-training a GRU encoder as a complement performs the best against the other two, which indicates that injecting distinct encoders for contrastive learning can enhance the SSL signals. Secondly, on the Toys dataset, adopting a 1-layer pre-trained Transformer as the complementary encoder yields the best scores on all metrics. Besides the effectiveness of encoder complementing, this result also suggests that the complementary encoder may not be overly different from the model's encoder on some datasets, which otherwise cannot enhance the comprehensive contrastive learning between views. Lastly, both Transformer-based and GRU-based pre-trained complementary encoders consistently outperform \textsc{SRMA}\xspace without encoder complementing, which directly indicates the necessity of encoder complementing as a way of model augmentation. \section{Conclusion} This work proposes a novel contrastive self-supervised learning paradigm, which simultaneously employs model augmentation and data augmentation to construct views for contrasting. We propose three-level model augmentation methods for this paradigm, which are neuron masking, layer dropping, and encoder complementing. We adopt this paradigm to the sequential recommendation problem and propose a new model \textsc{SRMA}\xspace. This model adopts both the random data augmentation of sequences and the corresponding three-level model augmentation for the sequence encoder. We conduct comprehensive experiments to verify the effectiveness of \textsc{SRMA}\xspace. The overall performance comparison justifies the advantage of contrastive SSL with model augmentation. Additionally, detailed investigation regarding the impacts of model augmentation and data augmentation in improving the performance are discussed. Moreover, ablation studies with respect to three-level model augmentation methods are implemented, which also demonstrate the superiority of the proposed model. Overall, this work opens up a new direction in constructing views from model augmentation. We believe our proposed model augmentation can enhance existing contrastive SSL paradigms which only have data augmentation. \newpage
df27fbe7e4d0c35191ec0d95baf9ac2dc06c27dc
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{\label{sec:level1}Introduction} As a wave propagates through a heterogeneous medium, it undergoes scattering: one part of its energy is diverted from the initial direction, and gives rise to secondary waves which in turn can be scattered again. Multiple scattering can be encountered with all kinds of waves, and has been a very active subject of research for several decades as well in quantum physics as in optics or acoustics~\cite{foldyMultipleScatteringWaves1945,ishimaruWavePropagationScattering1978,akkermansMesoscopicPhysicsElectrons2007,shengIntroductionWaveScattering2006,tiggelenWaveScatteringComplex2003,finkImagingComplexMedia2002,carminatiPrinciplesScatteringTransport2021}. Imaging devices working in reflection as for radar echolocation or medical ultrasound, take advantage of single scattering in order to detect, locate, and possibly characterize the individual heterogeneities. Yet, in ultrasonic imaging, multiple scattering can be far from negligible, for instance in breast~\cite{aubryMultipleScatteringUltrasound2011} or liver~\cite{lambertReflectionMatrixApproach2020} tissues and can be even largely predominant in complex structures such as bones~\cite{Aubry2008} or lungs~\cite{Mohanty2017}. In the context of non-destructive evaluation, polycrystalline media like titanium alloys are intrinsically scattering media for ultrasonic waves due to the random orientations of crystallytes which generate a structural noise \cite{hirsekornScatteringUltrasonicWaves1982,yaldaPredictingUltrasonicGrain1996,wilcoxArrayImagingNoisy2011,kerbratImagingPresenceGrain2003,turnerElasticWavePropagation1999,weaverDiffusivityUltrasoundPolycrystals1990,vanpamelMethodologyEvaluatingDetection2014}. Defects can be detected by ultrasound, provided that the amount of multiple scattering between the grains is sufficiently low. If not, spikes on an ultrasound image might result in false alarms or, on the contrary, a defect might remain hidden in the clutter. Multiple scattering is thus a key issue since it causes conventional imaging techniques to fail. Therefore, whether it be for medical or non-destructive testing applications, there is a need for a depth-dependent indicator of the single scattering weight in the reflected wavefield. In order to account for multiple scattering in a randomly disordered medium, the scattering mean-free path $\ell_s$ is a key parameter. In the case of an incoming plane wave propagating along the $z$-axis, the intensity of the ensemble-averaged wavefield $\left|\left\langle \psi\right\rangle \right| ^2$ decays as $\exp(-z/\ell_s )$. Therefore the scattering mean-free path may be roughly thought of as a typical length scale to determine whether scattering has affected the incoming wave. If the path length is very large compared to $\ell_s$, the incoming wave loses its initial coherence while its energy is transferred to scattered waves; ultimately, the propagation of the average energy density can be described as that of classical particles undergoing a random walk, ruled by a diffusion equation. Working at frequencies for which $\ell_s$ is large, for instance by lowering the frequency, is a classical way to diminish multiple scattering, usually at the cost of a poorer spatial resolution. In the case of ultrasonic waves though, the advent of controllable multi-element arrays gave rise to alternative imaging methods involving a matrix approach. A matrix formalism is particularly appropriate since all the information available on the probed medium can be stored in the array response matrix or the so-called reflection matrix, which contains the set of impulse responses between each array element. Interestingly, single and multiple scattering were shown to exhibit different correlation properties in the reflection matrix measured on a random medium \cite{aubryRandomMatrixTheory2009,shahjahanRandomMatrixApproach2014}. Building on this difference, an algorithm was proposed to separate the single and multiple-scattering contributions to the reflection matrices. A first estimator of a multiple-to-single scattering ratio was built by Aubry \textit{et al.}~\cite{aubryMultipleScatteringUltrasound2011} from the mean intensity of the reflection matrix diagonal elements ; then, Baelde \textit{et al.}~\cite{baeldeEffectMicrostructuralElongation2018} proposed a single scattering estimator $\hat{\rho}$ using the Frobenius norms of the matrices. More recently, Lambert \textit{et al.}~\cite{lambertReflectionMatrixApproach2020} and Velichko~\cite{velichkoQuantificationEffectMultiple2020} built other local multiple-to-single scattering ratio estimators calculated from the projection of the reflection matrix in a focused basis. In the aforementioned references, it is noticed that a residual multiple scattering term is not well separated from single scattering and thus remains in the single scattering estimated matrix. All these estimators are thus biased. The aim of this paper is to estimate and elucidate such bias by providing a physical analysis of the back-scattered echoes. In particular, we will show how part of the multiple scattering contributions, known as { \it recurrent scattering}, share common features with single scattering. In multiple scattering theory, a scattering sequence is said to be recurrent if the first and last scattering events occur at the same point. However, for receivers placed outside the medium, paths whose first and last scattering events take place in the same resolution cell also give rise to a long-range memory effect analogous to single scattering~\cite{aubryRecurrentScatteringMemory2014}, the former being just time delayed compared to the latter. In this paper, we will thus consider this last definition for recurrent scattering. Recurrent scattering has been the object of several studies, in particular, it was shown that recurrent scattering events do not contribute to the coherent backscattering enhancement~\cite{wiersmaExperimentalEvidenceRecurrent1995}; the role of recurrent scattering loops was also studied in the context of Anderson localization in a strong scattering regime~\cite{vollhardtDiagrammaticSelfconsistentTreatment1980,skipetrovDynamicsAndersonLocalization2006,aubryRecurrentScatteringMemory2014} ($k_0\ell_s \sim 1$, with $k_0$ the wavenumber). In this work, we investigate the impact of recurrent scattering on the reflection matrix properties in a much weaker scattering regime ($k_0\ell_s\gg1$). Recurrent scattering is shown to account for a bias made on the estimation of the single scattering component. The original single scattering estimator $\hat{\rho}$~\cite{baeldeEffectMicrostructuralElongation2018} can thus be re-interpreted as a confocal scattering ratio that quantifies the weight of single plus recurrent scattering in the reflection matrix. Given the extreme variety and complexity of elastic wave propagation in biological or polycrystalline media \cite{huContributionDoubleScattering2015}, in this paper we choose to model much simpler media made of random distributions of isotropic scatterers with a numerical scheme based on the Born expansion. The advantage is that the total reflection matrix can be decomposed as a series of matrices $\Knf$, $ n$ indicating the scattering orders, that can be isolated and separately investigated. The chosen numerical scheme also enables the discrimination of recurrent scattering paths among all possible multiple scattering paths. The paper is divided into four parts. The first section recalls the fundamentals of multiple scattering theory under Green's formalism. The second one explains the computation of the single scattering estimator $\hat{\rho}$; then, our analysis is applied to a proof-of-concept experiment that entails an assembly of parallel nylon wires embedded in water insonified by an ultrasonic linear array. The third section consists in translating the theory into a matrix formalism in order to predict the reflection matrix associated with a random distribution of scatterers, and compare the weight of both single and recurrent scattering to the experimental estimator $\hat{\rho}$. The dependence of the single plus recurrent scattering weight with respect to $\ell_s$ will be discussed. The last part shows the manifestation of recurrent scattering on the reflection matrix projected onto a focused basis in a generalized image space~\cite{lambertReflectionMatrixApproach2020,velichkoQuantificationEffectMultiple2020}. The impact of recurrent scattering on a local confocal scattering estimator is also discussed. \section{\label{sec:level2}Born series and T-matrices} In this section, we recall some basics of wave propagation in random media (more details can be found for instance in~\cite{frischWavePropagationRandom1968,bharucha-reidProbabilisticMethodsApplied2014,rytovPrinciplesStatisticalRadiophysics1989,ishimaruWavePropagationScattering1978}). In a homogeneous medium characterized by a wave velocity $c_0$, the scalar wave equation for the wave-field $\psi(\vec{r},t)$ writes \begin{equation} \left(\Delta - \frac{1}{c_0^2} \frac{\partial^2 }{\partial t^2} \right) \psi(\vec{r},t) = s(\vec{r},t), \end{equation} with $s(\vec{r},t)$ the source distribution in the medium. In the case of a harmonic wave with angular frequency $\omega$, the associated Green's equation is \begin{equation} \Delta G_0(\vec{r},\vec{r'},\omega) +k_0^2 G_0(\vec{r},\vec{r'},\omega) = \delta(\vec{r}-\vec{r'}), \end{equation} where $\delta$ is the Dirac distribution and $k_0=\omega/c_0$, the wave number. The homogeneous Green's function $G_0$ accounts for the propagation of a monochromatic wave between two points $\vec{r'}$ and $\vec{r}$ and reads : \begin{equation} G_0 (\vec{r},\vec{r'},\omega) = \left\{ \begin{array}{ll} -\frac{\imath}{4} \mathcal{H}_0^{(1)}(k_0 \left| \vec{r} - \vec{r'} \right|) & \mbox{in 2D,}\\[6 pt] -\frac{\exp(\imath k_0 \left| \vec{r} - \vec{r'} \right|)}{4 \pi \left| \vec{r} - \vec{r'} \right|} & \mbox{in 3D,} \end{array} \right. \label{eq:chap2_solutionGreen} \end{equation} with $\mathcal{H}_0^{(1)}$ the Hankel function of the first kind. In the far-field, the 2D Green's function can be approximated by: \begin{equation} G_0(\vec{r},\vec{r'},\omega) \approx \frac{-e^{\imath \pi / 4}}{\sqrt{8 \pi k_0 \left| \vec{r} - \vec{r'} \right| }} \exp \left( \imath k_0 \left| \vec{r} - \vec{r'} \right| \right). \label{eq:G0champlointain} \end{equation} In a heterogeneous medium where the wave speed varies randomly as a function of spatial coordinates, the Green's equation may be written as : \begin{align} \Delta G (\vec{r},\vec{r'},\omega) +k_0^2 \left(1-\mu(\vec{r})\right)G (\vec{r},\vec{r'},\omega) = \delta(\vec{r}-\vec{r'}). \label{eq:GreenEqHetero} \end{align} The non-dimensional quantity $\mu$ accounts for the medium heterogeneity. In the most common cases, it is a simple scalar: for instance, in optics, $1-\mu$ is the squared refractive index $\left( c_0/c(\vec{r})\right) ^2$, $c_0$ being the speed of light in vacuum; in acoustics, $\psi$ being the pressure field, it is the same expression provided that the fluctuations of mass density at rest are ignored. With no loss of generality, Eq.~\eqref{eq:GreenEqHetero} also applies to less common cases: $\mu$ is then an operator and not a simple scalar~\cite{baydounRadiativeTransferAcoustic2016,baydounScatteringMeanFree2015}. The solution of Eq.~\eqref{eq:GreenEqHetero} may be written recursively using the homogeneous space Green's function $G_0$: \begin{equation} \begin{split} G(\vec{r},\vec{r'},\omega)&= G_0(\vec{r},\vec{r'},\omega) \\ &+ k_0^2 \int G_0(\vec{r},\vec{r_1},\omega) \mu(\vec{r_1}) G(\vec{r_1},\vec{r'},\omega) \dd\vec{r_1}. \end{split} \label{born_rec} \end{equation} Using the definition of the Green's function, the wavefield $\psi(\vec{r})$ is shown to follow the Lippman-Schwinger equation: \begin{equation} \psi(\vec{r})= \psi_0(\vec{r}) + k_0^2 \int G_0(\vec{r},\vec{r_1},\omega) \mu(\vec{r_1}) \psi(\vec{r_1}) \dd\vec{r_1} , \label{lipp} \end{equation} with $\psi_0(\vec{r})$ the incident wavefield generated in the homogeneous medium by an arbitrary source distribution. Both equations \eqref{born_rec} and \eqref{lipp} are recursive, and can be iterated to obtain the Born expansion, for the Green's function as well as for the wavefield: \begin{equation} \begin{split} G(\vec{r},\vec{r'},\omega) &= G_0(\vec{r},\vec{r'},\omega) \\ &+ k_0^2 \int G_0(\vec{r},\vec{r_1},\omega) \mu(\vec{r_1}) G_0(\vec{r_1},\vec{r'},\omega) \dd\vec{r_1} \\ &+ k_0^4 \iint G_0(\vec{r},\vec{r_2},\omega) \mu(\vec{r_2}) G_0(\vec{r_2},\vec{r_1},\omega) \mu(\vec{r_1}) \\ & \qquad \qquad \qquad \qquad \qquad G_0(\vec{r_1},\vec{r'},\omega) \dd\vec{r_1} \dd\vec{r_2} \\ &+ \dots \label{born} \end{split} \end{equation} and, \begin{equation} \begin{split} \psi(\vec{r}) &= \psi_0(\vec{r}) \\ &+ k_0^2 \int G_0(\vec{r},\vec{r_1},\omega) \mu(\vec{r_1}) \psi_0(\vec{r_1}) \dd \vec{r_1} \\ &+ k_0^4 \iint G_0(\vec{r},\vec{r_2},\omega) \mu(\vec{r_2}) G_0(\vec{r_2},\vec{r_1},\omega) \mu(\vec{r_1}) \\ & \qquad \qquad \qquad \qquad \psi_0(\vec{r_1}) \dd \vec{r_2} \dd\vec{r_1} \\ &+ \dots \label{bornPsi} \end{split} \end{equation} Neither \eqref{born_rec} nor \eqref{lipp} are explicit solutions of the scattering problem, they are just a recursive expression of the solution. The Born development is an actual expression of the solution, but it contains an infinite number of terms, corresponding to various scattering orders. Let $V$ be such that $V\left(\vec{r}_2,\vec{r}_1 \right) =k_0^2\mu(\vec{r}_1)\delta(\vec{r}_2-\vec{r}_1)$. Then for the sake of brevity, matrix products can be used instead of multiple integrals, for instance: \begin{equation} \mathbf{V G_0 V} \leftrightarrow \iint V(\vec{r_2},\vec{x}) G_0(\vec{x},\vec{y})V(\vec{y},\vec{r_1}) \dd\vec{x} \dd\vec{y}. \end{equation} Defining the $\mathbf{T}$-matrix (or scattering matrix) as $\mathbf{T}= \mathbf{V}+\mathbf{VG_0V}+\mathbf{VG_0VG_0V}+\dots$ yields an explicit expression for the total wavefield (incident + scattered): \begin{equation}\label{eq:defT} \psi(\vec{r})= \psi_0(\vec{r}) + \iint G_0 (\vec{r},\vec{r_2},\omega) T(\vec{r_2},\vec{r_1},\omega) \psi_0(\vec{r_1}) \dd\vec{r_2} \dd \vec{r_1}. \end{equation} In Eq.~\eqref{eq:defT}, the entire complexity of the medium is wrapped up in $\mathbf{T}$. Eq.~\eqref{eq:defT} can be interpreted as the following series of events: the incident wave $\psi_0$ impinges at $\vec{r_1}$, is affected by $\mathbf{T}$, exits at $\vec{r_2}$, then the resulting wave propagates freely to the receiver at $\vec{r}$. In Eq.~\eqref{eq:defT}, $\mathbf{T}$ is the scattering matrix of the entire medium, as if it was one single large scatterer: intrinsically there is no ``multiple scattering between two points'', unlike in the Born development (Eq.~\eqref{bornPsi}). \\ For a medium composed of $N_s$ discrete objects embedded in a homogeneous fluid, it is common to adopt an intermediate scale, and consider each object, even if it is not point-like, as the unit scattering cell. Let $\mathbf{T}_i$ denote the $\mathbf{T}$-matrix of the $i^{th}$ object; then, Eq.~\eqref{eq:defT} can be developed into a series of scattering sequences: \begin{equation} \begin{split} \mathbf{\psi} &= \mathbf{\psi}_0 + \sum_{i=1}^{N_s} \mathbf{G}_0 \mathbf{T}_i \mathbf{\psi}_0 + \sum_{i=1}^{N_s} \sum_{\substack{j=1 \\ j\ne i}}^{N_s} \mathbf{G}_0 \mathbf{T}_i \mathbf{G}_0 \mathbf{T}_j \mathbf{\psi}_0 + \dots \end{split} \label{tmatrix} \end{equation} The terms on the right-hand side of Eq.~\eqref{tmatrix} correspond respectively to the incident field, the single-scattering contribution, the double-scattering contribution, etc. The total wavefield $\psi$ may be decomposed in that manner whatever the chosen unit scattering cell. In the following, Eq.~\eqref{tmatrix} is the fundamental relation that will be used to compute recursively the reflection matrix, considering one cylindrical scatterer as the unit scattering cell \section{\label{sec:level2b} The single scattering ratio estimation} Let us consider the experimental setup in Fig.~\ref{fig:milieu}. An array of $N$ emitter-receivers at positions $\vec{u_i}=(u_i,0)$, ($i=1,\dots,N$) is placed in front of the scattering medium under investigation. The $N\times N$ inter-element impulse responses between all possible transducers are measured. A Fourier transform yields the reflection matrix \mbox{$\Ktf=[K(u_i,u_j,\omega)]$} at each angular frequency $\omega$. In actual experiments, the various scattering orders described by Eq.~\eqref{tmatrix} cannot be discriminated in $\Ktf$. Nevertheless, one can try to isolate the single scattering contribution from the other terms. To that aim, Aubry \textit{et al.}~\cite{aubryRandomMatrixTheory2009,Aubry2009} proposed to apply a matrix manipulation based on the peculiar correlation of the single scattering matrix $\mathbf{K}^{(1)}$. We first recall the principle of this method, which will be referred to as the matrix filter in the following, we then define the single scattering estimator \cite{baeldeEffectMicrostructuralElongation2018} and apply it on a model experiment. \begin{figure}[hbt!] \centering \includegraphics[width = 8.6cm]{figure1.png} \caption{ Experimental configuration: an ultrasonic probe is used to record the reflection matrix $\mathbf{K}=[K(u_i,u_j,t)]$ associated with the scattering medium. The incident wave emitted by one transducer at $\vec{u_i}$ undergoes a first scattering event at $\vec{r_1}$. The wave can then either go back directly towards the transducer $\vec{u_j}$ (single scattering, blue path) or be multiply-scattered. Multiple scattering paths can be classified in two categories: (\textit{i}) recurrent scattering paths whose first and last scattering events at $\vec{r_1}$ and $\vec{r_2}$ occur within overlapping resolution cells (black arrows); (\textit{ii}) non-recurrent scattering paths (red arrows).} \label{fig:milieu} \end{figure} \subsection{\label{sec:level2b_1}Theoretical derivation} \label{sec:filter} The expression of the single scattering matrix $\Kf$ is the second term of Eq.~\eqref{tmatrix}. For scatterers smaller than the wavelength, the $\mathbf{T}$-matrix of the s$^{th}$ scatterer located at position $r_s=(x_s,z_s)$ can be written \mbox{$T_s(\vec{r},\vec{r^\prime},\omega) = \mathcal{T}_s(\omega) \delta(\vec{r}-\vec{r_s}) \delta(\vec{r^\prime}-\vec{r_s})$}, with $\mathcal{T}_s(\omega)$, the scatterer frequency response. Moreover, when considering the emitter and receiver sizes also much smaller than the wavelength, $\mathbf{\psi}_0$ can be replaced by the Green's matrix $\mathbf{G}_0$ that contains the $N \times N_s$ free space Green's functions between the transducers and the scatterers. Thus, the coefficients of $\Kf$ can be expressed as follows \begin{equation} K^{(1)}(u_i,u_j,\omega = \sum\limits_{s=1}^{N_s}G_0(\vec{u_i},\vec{r_s},\omega) \mathcal{T}_s(\omega) G_0(\vec{r_s},\vec{u_j},\omega). \label{eq:K1int} \end{equation} In a time-resolved experiment, the received waves within a given time-window $[T-\Delta T/2;T+\Delta T/2]$ come from a specific region, called the isochronous volume $\Gamma(T,\Delta T)$~\cite{mallartAdaptiveFocusingScattering1994}. In the single scattering regime, $\Gamma(T,\Delta T)$ is the locus of points $\vec{r}$ such that $\left| \vec{u_i}-\vec{r}\right|+\left| \vec{r}- \vec{u_j}\right|\in[2z-2\Delta z;2z+2\Delta z]$, with $z=c_0T/2$ and $\Delta z=c_0 \Delta T/2$, which describes a skein of ellipses. In the far-field, $\Gamma(T,\Delta T)$ can be approximated by a slice parallel to the transducers array, between depths $z\pm \Delta z/2$. It is therefore a common procedure in ultrasound imaging to time-gate the reflected signals, then analyze their properties as a function of the central time $T$ (or the equivalent depth $z=c_0T/2$). It should be noted that as long as $2z$ is larger than the transverse size of the array, the direct path between the emitter and the receiver is eliminated by time-gating. And in the expression $\Kf$, only the scatterers contained in the isochronous volume $\Gamma$ are considered. Injecting Eq.~\eqref{eq:G0champlointain} into Eq.~\eqref{eq:K1int} and considering the isochronous volume $\Gamma$ as a thin slice of scattering medium around depth $z$, the elements of $\Kf$ can be written as follows: \begin{equation} \begin{split} K^{(1)}(u_i,u_j,\omega) \propto \sum\limits_{(x_s,z_s)\in\Gamma} \mathcal{T}_s(\omega) &\exp \left(\imath k_0 \sqrt{z_s^2+(x_s-u_i)^2} \right) \\ &\exp \left(\imath k_0 \sqrt{z_s^2+(x_s-u_j)^2} \right). \end{split} \end{equation} Under the hypothesis of the paraxial approximation \mbox{$k_0(x_s-u_i)^4/(8z_s^3)<<\pi$}, this expression can be rewritten as follows \begin{equation} \begin{split} K^{(1)}(u_i,u_j,\omega) \propto & \exp \left( \imath k_0 \frac{(u_i-u_j)^2}{4z} \right) \\ \sum\limits_{(x_s,z_s)\in\Gamma}e^{\imath k_0(z_s-z)}\mathcal{T}_s(\omega)&\exp \left(\imath k_0 \frac{(u_i+u_j-2x_s)^2}{4z} \right). \end{split} \label{parax} \end{equation} The first phase term is deterministic and is the same for all emitter-receiver pairs $(i,j)$ such that $u_i-u_j$ is constant i.e., along the diagonals of $\Kf$. The second term depends on the scatterers configuration, therefore it is random and changes from one realization to the next. However it is a function of {$(u_i+u_j)$} hence it is constant along a given anti-diagonal of $\Kf$. As a consequence, the single scattering matrix $\Kf$ exhibits a deterministic coherence along its anti-diagonals, also known as the memory effect, which can be expressed in the following manner: \begin{equation} K^{(1)}(u_{i-d},u_{i+d},\omega)=K^{(1)}(u_i,u_i,\omega)\exp \left(\imath k_0 \frac{(u_{i-d} - u_{i+d})^2}{4z} \right). \label{eq:coherence} \end{equation} There are $N \times N$ matrix elements $K^{(1)}(i,j)$, hence $2N-1$ anti-diagonals than can be labelled from \mbox{$l=1$} to \mbox{$l=2N-1$}. Following~\cite{baeldeEffectMicrostructuralElongation2018}, we define: \begin{equation} E_l(i,j, \omega,T)= \left\{ \begin{array}{ll} 0 \text{ if } i+j \neq l+1, \\ \\ \dfrac{\exp \left(\imath k_0 \dfrac{(u_i-u_j)^2)}{4z} \right)}{\sqrt{\text{min}(l,2N-l)}} \text{ if } i+j = l+1. \end{array} \right. \label{ds} \end{equation} The next operation consists in projecting the reflection matrix $\Ktf$ onto the ``single scattering space'' generated by the set of matrices $\left\{ \En \right\}_{1 \leq l \leq 2N-1}$. At each depth and each frequency, we obtain a $N \times N$ ``filtered'' matrix denoted $\Kfilt$: \begin{equation} \Kfilt = \sum_{l=1}^{2N-1} \left\langle \En | \Ktf \right\rangle \En. \label{eq:proj} \end{equation} By doing so, we select the part of $\Ktf$ that follows coherence along anti-diagonals as stated in Eq.~\eqref{eq:coherence}. Next, we introduce the following estimator: \begin{equation} \hat{\rho} = \frac{\norme{\Kfilt}^2 }{\norme{\Ktf}^2 }. \label{eq:rhof} \end{equation} This estimator can be studied as a function of time (or equivalent depth $z=c_0T/2$) as well as angular frequency $\omega$. It can be averaged over the frequency band, or over realizations of disorder, which can be achieved by randomly drawing a large number of configurations. If the matrix filter worked ideally, we should have \mbox{$\Kfilt = \Kf$}, hence $\hat{\rho}$ could be interpreted as the proportion of single scattering within the reflected wave field; that would be a valuable quantity which could be studied as as function of depth $z$ and angular frequency $\omega$. Before going deeper into the theory, we provide an experimental illustration of this estimator. \subsection{\label{sec:level2b_2}Experimental results} The single scattering estimator is now applied to ultrasonic measurements carried out in a water tank. The scattering medium consists of a collection of randomly distributed parallel nylon wires of radius $a$= 0.1 mm. The wire sample is of dimensions 150$\times$135 mm, with a concentration of 4 wires.cm$^{-2}$, so that the fractional density is approximately 0,125\%. Longitudinal and transverse wave speeds in nylon are 2500 m.s$^{-1}$ and 1100 m.s$^{-1}$ respectively. The density of nylon being close to the one of water, the density contrast can be neglected and the scattering considered as isotropic at low frequencies. This was confirmed in a previous study by Minonzio \textit{et al.}~\cite{minonzioDecompositionOperateurRetournement2006a} who calculated and measured the reflection matrix of a single wire and derived its decomposition onto the cylindrical normal modes of vibration. Measurements were done with a linear array (Imasonic, Besançon, France) composed of $N=$ 64 piezoelectric transducers with pitch $p=$ 0.5 mm and 1.5 MHz central frequency. The distance $z_0$ between the probe and the front face of the sample is 140 mm. To acquire the reflection matrix, each element is excited by a chirp of 30 µs duration and 0.5-2.5 MHz bandwidth with a von Hann window apodization. The experimental setup is sketched in Fig.~\ref{fig:milieu}. \begin{figure}[hbt!] \centering \includegraphics[width=8.6cm]{figure2.png} \caption{\label{fig:propDS_exp} Results obtained from measured data on a nylon wire sample for and $\Delta T =$ 10 µs: (a) reflection matrix at 1.5 MHz for depth $z=205$ mm, (b) filtered matrix obtained from (a), (c) experimental single scattering ratio estimator at 1.3 MHz, 1.5 MHz and 1.7 MHz obtained for one realization.} \end{figure} As a typical example, Fig.~\ref{fig:propDS_exp} displays the reflection matrices before ($\Ktf$) and after ($\Kfilt$) applying the matrix filtering process described in Sec.~\ref{sec:filter}. $\Ktf$ and $\Kfilt$ are very different, which indicates the existence of multiple scattering. The estimator of the single scattering ratio is plotted on Fig.~\ref{fig:propDS_exp}(c), as a function of depth $z$, at 1.3, 1.5 and 1.7 MHz. As expected, the slopes of the curves increase with frequency, which means that the medium exhibits stronger multiple scattering with increasing frequency (smaller scattering mean-free path). One purpose of this article is to analyze and use the information contained in the filtered matrix, and in particular, to understand how $\Kfilt$ differs from the theoretical single scattering matrix $\Kf$. In the next section, we present a numerical calculation of the successive scattering terms $\Knf$ ($n=1, \dots,\infty$) contributing to the total reflection matrix $\Ktf$. Then, the true single scattering ratio \mbox{$\rho=\norme{\Kf}^2/\norme{\Ktf}^2$} can be computed and compared to its estimator $\hat{\rho}$. \section{\label{sec:level3}Born expansion of the reflection matrix} In this section, we describe the theoretical computation of the reflection matrix for a random distribution of scatterers using Born expansion. A similar approach was used by Minonzio \textit{et al.}~\cite{minonzioDecompositionOperateurRetournement2006a} and then by Fan \textit{et al.}~\cite{fanComparisonUltrasonicArray2014} to investigate the effect of multiple scattering of two scatterers in a homogeneous medium on imaging algorithms. The analytical expression of double scattering by a random distribution of scatterers was then analytically derived by Hu and Turner \cite{huContributionDoubleScattering2015}. In this article, for each realisation of disorder, all scattering orders are taken into account. \\ \subsection{\label{sec:level3_1}The scattering medium} The numerical scheme is two-dimensional. The scattering medium is a cloud of $N_s$ identical non-overlapping cylinders of radius $a$, embedded in a fluid of sound velocity $c_0$ and randomly distributed on a rectangular area of surface $A$. It is assumed that the density contrast between the cylinders and surrounding medium is negligible, so that heterogeneity comes from the compressibility contrast; only longitudinal (pressure) waves are taken into account. Denoting $c_s$ the velocity inside the cylinder, the random term $\mu$ in the wave equation \eqref{eq:GreenEqHetero} is \mbox{$\mu=1-(c_s/c_0)^2$} inside the scatterers and \mbox{$\mu=0$} outside. The radius $a$ is smaller than the wavelength, so the differential scattering cross section of a cylinder is isotropic. Under these conditions, the frequency response $\mathcal{T}_0(\omega)$ of each scatterer derived in Appendix \ref{appendix:tmatrix} is given b \begin{equation} \mathcal{T}_0(\omega) = k_0^2 \frac{\pi a^2 \mu}{1 + \frac{\imath k_0^2}{4}\pi a^2 \mu}. \end{equation} and the scattering cross-section of a single scatterer is given by \begin{equation} \sigma (\omega) = \frac{k_0^3}{4}\left| \frac{\pi a^2 \mu}{1 + \frac{\imath k_0^2}{4}\pi a^2 \mu} \right|^2 . \label{eq:sigma} \end{equation} Under the independent scattering approximation, the scattering mean-free path is: \begin{equation} \ell_s (\omega) = \frac{1}{n_s \sigma (\omega)}, \label{eq:ls} \end{equation} with $n_s=N_s/A$ the number of scatterers per unit surface. \subsection{\label{sec:level3_2}Reflection matrices} At each angular frequency $\omega$, the $N\times N$ reflection matrix \mbox{$\Ktf=[K(u_i,u_j,\omega)]$} may be decomposed as a Born expansion, with all scattering orders from $n=1$ to infinity: \begin{equation} \Ktf=\sum_{n=1}^\infty \Knf , \label{eq:somme} \end{equation} with $\Knf$, the n$^{th}$ scattering order of the reflection matrix. The single scattering matrix $\Kf$ can be expressed by rewriting Eq.~\eqref{eq:K1int} under a matrix formalism: \begin{equation} \Kf(\omega) = \mathbf{G}_0(\omega) \times \mathcal{T}_0(\omega) \times \mathbf{G}_0^\top(\omega). \label{eq:K1} \end{equation} $\mathbf{G}_0$ denotes the $N \times N_s$ matrix whose elements are the Green's function $G_0(\vec{u_i},\vec{r_s})$ between each array element and each scatterer. To avoid dimensional confusion, $\G$ denotes the $N_s \times N_s$ matrix whose elements are the Green's function $G_0(\vec{r_s},\vec{r_p})$ between two scatterers. Accordingly, higher scattering orders $\Knf$ ($n>1$) can be deduced from Eq.~\eqref{tmatrix}: \begin{equation} \Knf(\omega) =\mathbf{G}_0(\omega)\times \mathcal{T}_0(\omega) \times (\G(\omega)\mathcal{T}_0(\omega))^{n-1} \times \mathbf{G}_0^\top(\omega). \label{eq:Kn} \end{equation} Injecting Eq.~\eqref{eq:K1} and Eq.~\eqref{eq:Kn} into Eq.~\eqref{eq:somme} leads to the following expression of the reflection matrix: \begin{equation} \Ktf(\omega) = \mathbf{G}_0(\omega)\times \mathcal{T}_0(\omega) \times \left( \Id-\mathcal{T}_0(\omega)\G(\omega) \right)^{-1} \times \mathbf{G}_0^\top(\omega), \label{eq:Ktot} \end{equation} where the exponent $^{-1}$ denotes matrix inversion and $\Id$ the identity matrix. \\ The condition of convergence of the geometrical series $ \sum \Knf$ is ${\left| \nu\right| < 1}$, with $\nu$ any eigenvalue of $\G \mathcal{T}_0$~\cite{osnabruggeConvergentBornSeries2016}. Note that if ${\left| \nu \right| \geqslant 1}$, only the expression of $\Ktf$ given by Eq.~\eqref{eq:Ktot} has a physical meaning. In this paper, as we are interested in the different scattering orders, we will only consider converging cases.\\ \subsection{\label{sec:level3_3}Numerical results} Simulation parameters are chosen to be as close as possible to the experimental configuration described in Sec.~\ref{sec:level2b}. We considered an array of $N=$ 64 transducers with central frequency \mbox{1.5 MHz}, 1 MHz bandwidth with a von Hann apodisation and pitch \mbox{$p$ = 0.5 mm}. \mbox{$N_s$ = 810 scatterers} with velocity \mbox{$c_s$ = 2500 m.s$^{-1}$} are placed in a rectangular area delimited by depths between 140 mm and 275 mm and off-axis distances below 75 mm. The density is 4 scatterers/cm$^2$; the radius is $a=0.1$ mm. The ambient fluid is water (\mbox{$c_0$ = 1480 m.s$^{-1}$}). The scattering mean-free path $\ell_s$ derived from Eq.~\eqref{eq:ls} is 970 mm at 1.5 MHz which is much larger than the sample thickness $L=135$ mm. This medium is thus weakly scattering.\\ \begin{figure}[hbt!] \centering \includegraphics[width =8.6cm]{figure3bis.png} \caption{Numerical results: impulse responses computed from (a) the single scattering matrix $\Kf$, (b) the double scattering matrix $\Kdf$, (c) the triple scattering matrix $\Ktrf$, (d) the total scattering matrix $\Ktf$. The red curves are the mean envelope of the impulse responses, averaged over all emitter-receiver pairs. } \label{fig:ascan} \end{figure} A 1-D inverse Fourier Transform of $\Ktf(\omega)$, $\Kf(\omega)$ and $\Knf(\omega)$ defined by equations \eqref{eq:K1} to \eqref{eq:Ktot} provide the reflected signals in the time domain. Examples of impulse responses $K^{(n)}(u_i,u_j,t)$ corresponding to different scattering orders are shown in Fig.~\ref{fig:ascan}. As expected, the multiple scattering contributions slowly increase after the first arrivals and persist after the end of single scattering signal, resulting in a coda whose duration increases with the scattering order. The shortest distance between a scatterer and the array elements is 140 mm, and the largest is 294 mm; as a result the single scattering contributions occurs between 190 µs and 390 µs ($t=0$ is the emission time). The scattering mean-free time is $\ell_s/c_0=650$ µs at 1.5 MHz; this order of magnitude is consistent with the fact that the double scattering contribution increases with time and its amplitude becomes comparable to that of single scattering a few tenths of microseconds after the arrival of the front face echo. A short-time Fourier analysis is applied to impulse responses, which yields one complex-valued $N \times N$ matrix at each time $T$ and frequency $\omega$. 10-µs time-windows (6 to 7 periods) are used, so that if the single scattering and far-field approximations were valid, the isochronous area $\Gamma$ would correspond to a 7.5 mm-thick slice of the scattering medium. To avoid heavy notations, the time or frequency dependence of matrices will be omitted in the following. Examples of time-gated matrices for different scattering orders are presented in Fig.~\ref{fig:matrices}. As expected, the single scattering matrix $\Kf$ displays a long-range coherence along its antidiagonals Fig.~\ref{fig:matrices}(b). More surprisingly, this coherence seems to persist, at least partially, for the second and third scattering order matrices, $\Kdf$ (Fig.~\ref{fig:matrices}(d)) and $\Ktrf$ (Fig.~\ref{fig:matrices}(e)). It results in a multiple scattering matrix $\Kmult=\Ktf - \Kf$ (Fig.~\ref{fig:matrices}(c)) that is far from having uncorrelated elements contrary to the assertions given in previous works \cite{aubryMultipleScatteringUltrasound2011,baeldeEffectMicrostructuralElongation2018}. Consider matrix elements $(u,u)$ and $(u-\Delta u, u+\Delta u)$: the former is on the main diagonal, the latter is on the same anti-diagonal. The persistence of memory effect (cf. property Eq.~\eqref{eq:coherence}) in the n$^{th}$ multiple scattering matrix can be measured by the correlation coefficient: \begin{equation} C^{(n)}(\Delta u) \nonumber = \langle K^{(n)}(u,u)K^{(n)*}(u-\Delta u,u+\Delta u)\rangle_u , \label{eq:correlation} \end{equation} and its normalized version, \begin{eqnarray} & & \hat{C}^{(n)}(\Delta u) \nonumber \\ &=& \frac{ C^{(n)}(\Delta u) }{\sqrt{\langle |K^{(n)}(u,u)|^2\rangle_u \langle |K^{(n)}(u-\Delta u,u+\Delta u)|^2\rangle_u}}, \label{eq:correlation_norm} \end{eqnarray} where the symbol $\langle \cdots \rangle_u$ denotes an average over each diagonal. $\hat{C}^{(n)}(\Delta u)$ evaluates the degree of correlation between anti-diagonal elements $(u-\Delta u, u+\Delta u)$ of matrices $\Knf$. \\ Figure~\ref{fig:matrices}(f) shows the correlation coefficient associated with matrices $\Kf$, $\Kdf$ and $\Ktrf$. A constant correlation coefficient $\hat{C}^{(1)}(\Delta u)$ is found for the single scattering component: this is the manifestation of the long-range memory effect highlighted by Eq.~\eqref{parax}. Interestingly, the correlation coefficients $\hat{C}^{(2)}(\Delta u)$ and $\hat{C}^{(3)}(\Delta u)$ display the following shape: a narrow peak characteristic of {a multiply-scattered (\textit{i.e} spatially-incoherent) wave-field and of shape equal to the coherent back-scattering peak~\cite{Tourin1997,aubryCoherentBackscatteringFarfield2007} (see Appendix~\ref{appC})}, on top of a constant background characteristic of a long-range correlation, similar to the memory effect exhibited by $\Kf$. In other words, the correlation described by Eq.~\eqref{eq:coherence} that was typical of single scattering also appears in the double-scattering contribution $\Kdf$, and also (yet to a lesser level) in the triple-scattering contribution $\Ktrf$. In the light of this surprising result, the validity of $\hat{\rho}$ as an indicator of single scattering ratio is investigated in the next paragraph. \begin{figure*}[hbt!] \centering \includegraphics[width=17.2cm]{figure4bis.png} \caption{Modulus of the elements of the different calculated matrices : (a) total scattering matrix $\Ktf$, (b) single scattering matrix $\Kf$, (c) multiple scattering matrix $\Kmult = \Ktf - \Kf$, (d) double scattering matrix $\Kdf$, (e) triple scattering matrix $\Ktrf$, (g) recurrent scattering matrix $\Krec$, (h) confocal scattering matrix $\Kc = \Kf + \Krec$, (i) conventional multiple scattering matrix $\Kpmult = \Kmult - \Krec$. Matrices are time-gated (10 µs window around depth 205 mm) and shown at the central frequency. (f) correlation along the anti-diagonals as a function of the distance to the main matrix diagonal (Eq.~\eqref{eq:correlation}).} \label{fig:matrices} \end{figure*} \begin{figure}[hbt!] \centering \includegraphics[width =8.6cm]{figure5bis.png} \caption{\label{fig:propDS} Average and standard deviation over 50 medium realizations of the single scattering ratio $\rho$, the confocal scattering ratio $\rho_{c}$ and the estimator $\hat{\rho}$ with a 10 µs time-gating.} \end{figure} \begin{figure}[hbt!] \centering \includegraphics[width =8.6cm]{figure6bis.PNG} \caption{\label{fig:ps} Average and standard deviation over 50 medium realizations of the normalized scalar products $\Pi_1(\Knf)$ (Eq.~\eqref{eq:pi}) and $\Pi_c(\Kpn)$ (Eq.~\eqref{eq:pir}).} \end{figure} \subsection{\label{sec:level3_4}Single scattering ratio estimator and first order Born approximation.} The single scattering ratio estimator $\hat{\rho}$ averaged over 50 realizations of disorder is plotted in Fig.~\ref{fig:propDS} as a function of time (blue line). As observed experimentally in Fig.~\ref{fig:propDS_exp}, $\hat{\rho}$ decreases with time. The orders of magnitude for the decay length of $\hat{\rho}$ are in reasonable agreement with the experimental results: at depth 260 mm, $\hat{\rho} \approx$ 0.85 in the experiment while $\hat{\rho} \approx 0.9$ in the simulation. The discrepancies between simulated and experimental curves computed at the same frequency (1.5 MHz, blue curve on Fig.~\ref{fig:propDS_exp}) can be explained by the simplified model used in the simulation. First, the diffraction in the third dimension that occurs in the experiment is not taken into account by the model; second, the simulated $\mathbf{T}$-matrix does not take into account shear velocity and density contrast and considers monopolar scattering only. As a consequence, the numerical scattering cross-section of the scatterers does not precisely agree with the experimental one. The numerical scheme yields a straightforward definition of the true single scattering ratio as the ratio between the norms of the single and total scattering matrices: \begin{equation} \rho= \frac{\norme{\Kf}^2}{\norme{\Ktf}^2}. \label{eq:rho1} \end{equation} The single scattering ratio ${\rho}$ averaged over 50 realizations of disorder is plotted in Fig.~\ref{fig:propDS} as a function of time (red circles). Surprisingly, unlike the estimator $\hat{\rho}$, the single scattering ratio $\rho$ is found to be larger than 1 and even increasing with time. The fact that $\norme{\Kf} > \norme{\Ktf}$ may seem counter-intuitive; going back to the definition of $\Ktf$ as the sum of the scattering orders, this is possible only if $\Kf$ and higher scattering order matrices are correlated in such a way that the norm of their sum is not equal to the sum of their individual norms. To investigate this, we proposed to compute the normalized scalar product $\Pi_1\left (\Knf \right ) $ between the single and the $n^{th}$ order scattering matrices, $\Kf$ and $\Knf$. At each frequency and time, $\Pi_1\left (\Knf \right )$ is computed as follows: \begin{equation} \Pi_1\left (\Knf \right ) = \frac{|\left\langle \Knf | \Kf \right\rangle|}{\norme{\Knf}\norme{\Kf}}. \label{eq:pi} \end{equation} Fig.~\ref{fig:ps} displays $\Pi_1(\Knf) $ as a function of depth for $2 \leq n \leq 4$. We observe that the correlation between $\Knf$ and $\Kf$ increases with depth and decreases with the scattering order, however this correlation remains strong up to the fourth scattering order. This is consistent with the observation made on the multiple scattering matrices (Fig.~\ref{fig:matrices}(c) to Fig.~\ref{fig:matrices}(e)) and the correlation coefficient of Eq.~\eqref{eq:correlation} (Fig.~\ref{fig:matrices}(f)). It explains why $\Kfilt$ cannot always be a perfect estimator of $\Kf$: the ``matrix filter'' does not extract single scattering in the sense of the first order Born approximation. Indeed it extracts all contributions (including some of multiple scattering) which entail the memory effect of Eq.~\eqref{eq:coherence}. In the next section, we will show how to build new matrices with less correlation between the scattering orders and emphasize the weight of recurrent scattering on $\hat{\rho}$. \section{\label{sec:level4}Recurrent scattering} As explained in Sec.~\ref{sec:level2b}, the single scattering matrix $\Kf$ (Fig~\ref{fig:matrices}(b)) exhibits a spatial coherence along the anti-diagonals, known as the memory effect in optics~\cite{freundMemoryEffectsPropagation1988}, which can be taken advantage of to discriminate single from multiple scattering contributions~\cite{shahjahanRandomMatrixApproach2014}. Surprisingly, the multiple scattering contribution $\Kmult$ exhibits the same kind of anti-diagonal correlation, though to a lesser degree. In this section, we provide a theoretical analysis of this phenomenon which we explain as a consequence of the combined effects of recurrent scattering and diffraction-limited resolution. Then, to confirm this analysis, we use the numerical scheme to discriminate recurrent and non-recurrent multiple scattering contributions. \subsection{\label{sec:level4_1} Antidiagonal coherence in $\Kmult$} A multiple scattering sequence involves at least two distinct scatterers. Let us denote $\vec{r_1}$ and $\vec{r_2}$ their positions. Taking the individual scatterer as the unit scattering cell, we sum all over possible entry and exit scatterer pairs whose positions are compatible with the time-gating condition. Using the properties of the $\mathbf{T}$-matrices, the $(i,j)$ element of $\Kmult$ may be written as: \begin{equation} \begin{split} \label{Km} K_m(u_i,u_j) = k_0^2 \iint\limits G_0(\vec{u_i},\vec{r_1}) & \mu(\vec{r_1}) G(\vec{r_1},\vec{r_2}) \mu(\vec{r_2})\\ &G_0(\vec{r_2},\vec{u_j}) \dd\vec{r_1}\dd\vec{r_2}. \end{split} \end{equation} Only the multiple scattering sequences whose path lengths are comprised between $c_0(T-\Delta T/2)$ and $c_0(T+\Delta T/2)$ are considered; this affects the possible entry and exit scatterers and limits the heterogeneous Green's function to a domain that depends on the entry and exit scatterer pairs. Next, we investigate the correlation function $C_m(\Delta u)$ along the antidiagonals of $\Kmult$ as defined in Eq.~\eqref{eq:correlation}, {assuming that the medium is statistically invariant under translation.}. Using Eq.~\eqref{Km} and considering that the average over transducer position is equivalent to an ensemble average, $C_m(\Delta u)$ can be expressed as follows: \begin{equation} \begin{split} \label{Cm} C_m(\Delta u)= & \\ k_0^4 &\left \langle \iiiint G_0(\vec{u},\vec{r_1}) G_0^*(\vec{u}-\Delta \vec{u},\mathbf{r}^\prime_1) G(\vec{r_1},\vec{r_2}) \right .\\ & G^*(\mathbf{r}^\prime_1,\mathbf{r}^\prime_2) G_0(\vec{r_2},\vec{u}) G_0^*(\mathbf{r}^\prime_2,\vec{u}+\Delta \vec{u}) \\ & \left . \vphantom{\int} \mu(\vec{r_1}) \mu^*(\mathbf{r}^\prime_1) \mu(\vec{r_2}) \mu^*(\mathbf{r}^\prime_2) \dd\vec{r_1} \dd\vec{r_2} \dd \mathbf{r}^\prime_1 \dd \mathbf{r}^\prime_2 \right \rangle . \end{split} \end{equation} The full calculation of $C_m(\Delta u)$ is derived in Appendix~\ref{appB}. The conclusion is the following: if the first and the last reflectors of a scattering sequence are located in the same \textit{resolution cell}, the corresponding wave-field is strongly correlated along the antidiagonals of the reflection matrix, as in a single scattering situation (cf. section \ref{sec:level2b}). The resolution cell corresponds to the focal area that would be obtained if the array was used to focus at point $\vec{r_i}$. In our experimental configuration, the resolution cell is an ellipse centered on $\vec{r_i}$ and oriented towards the array central element. According to diffraction theory~\cite{Born}, its typical transverse and axial dimensions are given by $\Delta x = \lambda z/A$ and $\Delta z = 7 \lambda z^2/A^2$, respectively, $A$ being the array width. \subsection{\label{sec:level4_2} The confocal scattering ratio} We take advantage of the numerical scheme to study the impact of recurrent scattering on the statistical properties of the reflection matrix. The diffraction-limited recurrent contribution $\Krec$ is extracted from the total scattering matrix by selecting the paths whose first and last scatterer, $\vec{r_1}$ and $\vec{r_2}$ have overlapping resolution cells (see Fig.~\ref{fig:milieu}). As expected, $\Krec$ displays the long-range memory effect (see Fig.~\ref{fig:matrices}(g)), similarly to $\Kf$. In the following, we will refer to $\Kc=\Kf+\Krec$ as the \textit{confocal matrix} since it corresponds to scattering paths that start and end within the same resolution cell. $\Kc$ is particularly relevant in view of imaging applications based on focused beamforming at emission and reception. An example of $\Kc$ is displayed in Fig.~\ref{fig:matrices}(h). Similarly, one can define a ``conventional'' (i.e., non-recurrent) multiple scattering matrix, $\Kpmult=\Kmult-\Krec$, that only contains the multiple scattering paths whose first and last scattering events do not occur in the same resolution cell. One example of the simulated matrix $\Kpmult$ is shown Fig.~\ref{fig:matrices}(i). It displays a random feature with short-range correlations along its antidiagonals. In the previous section, it was shown that various orders of multiple scattering where correlated with each other; this resulted in a single-scattering ratio which could be larger than 1. We reconsider this issue: $\Kpmult$ is written as a sum of different scattering orders $\Kpn$ obtained by removing the contribution of recurrent scattering paths from each of them. The following scalar product is calculated: \begin{equation} \Pi_c \left (\Kpn \right ) = \frac{\left |\left\langle \Kpn | \Kc \right\rangle \right |}{\norme{\Kpn}\norme{\Kc}}. \label{eq:pir} \end{equation} Fig.~\ref{fig:ps} shows the normalized scalar product $\Pi_c$ between the confocal contribution $\Kc$ and the different scattering orders $\Kpn$ of the conventional multiple scattering contribution. $\Pi_c$ would actually tend to 0 if the matrices where of infinite dimensions ($N \rightarrow \infty$). With $N=64$, the scalar product $\Pi_c$ is found to be much smaller than the initial indicator based on $\Kf$ and $\Knf$ (Eq.~\eqref{eq:pi}). This confirms that the high degree of correlation observed between $\Kf$ and $\Knf$ (simulated data) was due to recurrent scattering. As to experimental data, since the matrix filter (Eq. \eqref{ds}) is based on the memory effect, it is more relevant to interpret the reflection matrix as an addition of confocal+non-recurrent contributions rather than single+multiple scattering contributions. Then, like for the single scattering rate (Eq.~\eqref{eq:rho1}), a confocal scattering ratio can be defined as follows: \begin{equation} \rho_c =\frac{ \norme{\Kc}^2}{\norme{\Ktf}^2 }. \label{eq:rhoc} \end{equation} The ratio $\rho_c$ is calculated with the numerical simulation and plotted in Fig.~\ref{fig:propDS}. It is consistent with the estimator $\hat{\rho}$ that can be obtained from experimental data. This highlights the fact that matrix $\Kc$ is meaningful and corresponds to the filtered matrix $\Kfilt$. We observe that $\rho_c$ as well as $\hat{\rho}$ decrease linearly with depth. As shown experimentally by Fig.~\ref{fig:propDS_exp}, the slope of $\hat{\rho}(z)$ increases with frequency, which means that the multiple scattering weight appears to increase with frequency. To investigate this effect numerically, we compute the scattering mean-free path $\ell_s(\omega)$ at several frequencies in the array bandwidth (using Eq.~\eqref{eq:ls}). We then compute the average slope of $\rho_c(z)$ for each frequency. Figure \ref{fig:pente_ls} displays this slope as a function of $1/\ell_s$. {We find that $\rho_c$ roughly scales as $-z/\ell_s$, which suggests that the scattering mean-free path is qualitatively linked to the decay of the confocal scattering ratio in the weak scattering regime considered in this work}. However, this observation is not yet supported by a theoretical demonstration and would require further investigation. \begin{figure}[hbt!] \centering \includegraphics[width=8.6cm]{figure7ter.PNG} \caption{{Confocal scattering ratio as a function of depth for three different frequencies (top). Average and standard deviation over 50 sample realizations of the slope of $\rho_{c}$ (red o) as a function of $\ell_s^{-1}$ which is also plotted in black (bottom).}} \label{fig:pente_ls} \end{figure} {Finally, note that the confocal scattering ratio only weakly depends on the finite width of the medium. Indeed, because of time gating, a major part of the recurrent scattering contribution corresponds to paths exploring a very few number of resolution cells. Therefore, the recurrent scattering component strongly depends on the dimensions of the resolution cells but not on the lateral size of the medium. This property also holds for the conventional multiple scattering contribution provided that the diffuse halo extension is smaller than the medium width.} \section{\label{sec:level4_3} Link with the reflection matrix in the focused basis} In recent studies \cite{lambertReflectionMatrixApproach2020,velichkoQuantificationEffectMultiple2020}, the reflection matrix has been investigated in a focused basis in order to get a local information about the scattering properties of the medium. In this section, we use our numerical simulation to: (\textit{i}) highlight the properties of this focused reflection matrix; (\textit{ii}) build a new confocal scattering estimator in this basis; (\textit{iii}) compare the confocal scattering weights in the transducer and focused bases. \subsection{Reflection matrices in the focused basis} The focused reflection matrix $\Rrr$ is obtained by a beamforming applied in emission and in reception to a set of $N_i$ points located at depth $z$ in the scattering medium. In practice, this operation can be experimentally achieved by applying appropriate time delays to the probe elements~\cite{lambert_ieee2}. This focusing can also be obtained by a linear projection of the original reflection matrix $\mathbf{K}$ in the frequency domain~\cite{lambertReflectionMatrixApproach2020}: \begin{equation} \label{project} \Rrr = \Hpp^* \times \Ktf \times \Hpp^\dagger, \end{equation} where the symbol $\dagger$ stands for transpose conjugate. \mbox{$\Hpp = [G_0^{\prime \prime}(\vec{r},\vec{u_i},\omega)]$} is the $N_i \times N$ Green’s matrix between the array elements $\vec{u_i}$ and the focal points $\mathbf{r}=(x,z)$. Each element $R(\rin,\rout,\omega)$ of $\Rrr$ is the signal that would be recorded by a virtual transducer located at $\rout=(x_\text{out},z)$ for a virtual source located at $\rin=(x_\text{in},z)$. A ballistic time gating is then performed by integrating $\Rrr$ over the signal bandwidth $\Delta \omega$~{\cite{lambertReflectionMatrixApproach2020}}: \begin{equation} \label{time_gating} \Rz(\rin,\rout) = \int_{\Delta \omega} \Rrr(\rin,\rout,\omega) \dd \omega. \end{equation} The diagonal elements of each matrix $\Rz(z)$, which obey $\rin=\rout$, correspond to the confocal image that would be obtained at the corresponding depth $z$. It was also shown that the coefficients away from the diagonal carry information about aberrations \cite{lambertDistortionMatrixApproach2020} or multiple scattering \cite{lambertReflectionMatrixApproach2020}. In particular, as the information contained in the matrix $\Rrr$ is local, 2D maps of aberration or multiple scattering estimators have been proposed in biological tissues as well as in metallic media \cite{lambertReflectionMatrixApproach2020,velichkoQuantificationEffectMultiple2020}. \begin{figure}[hbt!] \centering \includegraphics[width=8.6cm]{figure8finale.png} \caption{Absolute value of focused reflection matrices at depth $z$ = 242 mm: (a) total scattering matrix $\Rz$, (b) single scattering matrix $\mathbf{\overline{R}}^{(1)}$, (c) multiple scattering matrix $\Rmult$, (d) non recurrent scattering matrix $\Rpmult$. (e) Mean back-scattered intensity $I$ calculated for the matrices $\mathbf{\overline{R}}^{(1)}$, $\Rmult$,$\mathbf{\overline{R}}_{\mathbf{c}}$ and $\Rz$ following Eq.~\eqref{IrDr_fromRrDr} .} \label{fig:matricesFoc} \end{figure} By linearity of the matrix product, the different matrices introduced in the canonical basis $\Ktf$, $\Kf$, $\Kc$, $\Kmult$, $\Kpmult$ can also be represented in the focused basis and are denoted $\Rz$, $\mathbf{\overline{R}}^{(1)}$, $\mathbf{\overline{R}}_{\mathbf{c}}$, $\Rmult$ and $\Rpmult$ respectively. The total, single and multiple scattering focused matrices are displayed in Fig.~\ref{fig:matricesFoc} at depth $z=242$ mm. As expected, the single scattering contribution mainly emerges along the diagonal of $\Rz^{(1)}$ (Fig.~\ref{fig:matricesFoc}(b)). A significant part of the multiple scattering component is also found along the diagonal of $\Rz_m$ (Fig.~\ref{fig:matricesFoc}(c)). Based on our previous observation, this result is actually not so surprising and can be accounted by the predominance of recurrent scattering paths whose contribution emerges along the diagonal of $\Rz_m$ To be more quantitative and investigate the relative part of single, recurrent and multiple scattering in the back-scattered wave-field, the mean intensity along each antidiagonal of $\Rz$ can be computed as : \begin{equation} \label{IrDr_fromRrDr} I(\Delta x )=\left \langle \left | \bar{R}(x +\Delta x /2,x-\Delta x /2,z) \right |^2 \right \rangle , \end{equation} where $\langle\cdots\rangle$ denotes an average over the pairs of points $\rin=(x_\text{in},z)$ and $\rout=(x_\text{out},z)$ which are separated by the same distance $\Delta x=|x_\text{out}-x_\text{in}|$. This intensity can be calculated for each focused matrix. The corresponding intensity profiles $I(\Delta x )$ are shown in Fig.~\ref{fig:matricesFoc}(e). The value of $I_m$ at $\Delta x=0$ yields the recurrent scattering intensity. The latter quantity is thus about one fourth of the single scattering intensity at the corresponding depth. As observed previously in the transducer basis, the single and recurrent scattering intensities are not additive: the total intensity is not equal to their sum along the diagonal. By removing recurrent scattering paths from the multiple scattering matrix $\Rz_m$, the resulting non-recurrent scattering matrix $\Rz_{m \backslash r}$ displays a random feature without any intensity peak along its diagonal (cf. Fig.~\ref{fig:matricesFoc}(d)). As before, the single and recurrent scattering paths can be rearranged in a so-called confocal matrix $\Rz_{c}$. The corresponding confocal intensity is shown to be very close to the overall intensity $I(\Delta x=0)$ along the diagonal of $\Rz$ (Fig.~\ref{fig:matricesFoc}(e)). \subsection{Confocal scattering estimator in the focused basis} The single and confocal scattering rates, defined by Eqs.~\eqref{eq:rho1} and \eqref{eq:rhoc} in the transducer basis, can also be built in the focused basis: \begin{equation} \rho_{\it f}= \frac{ \norme{\mathbf{\overline{R}}^{(1)}}^2}{ \norme{\Rz}^2}, \label{eq:rhof1} \end{equation} \begin{equation} \rho_{\it fc}= \frac{ \norme{\mathbf{\overline{R}}_{\mathbf{c}}}^2}{\norme{\Rz}^2}. \label{eq:rhofc} \end{equation} The evolution of $\rho_{\it f}$ and $\rho_{\it fc}$ as a function of depth is displayed in Fig.~\ref{fig:propDSfoc} for the numerical simulation described above. Because the beamforming operation of Eq.~\eqref{project} is nearly unitary, the values of $\rho_{\it f}$ and $\rho_{\it fc}$ are close to their counterparts, $\rho$ and $\rho_{c}$, in the transducer basis (Fig.~\ref{fig:propDS}). \begin{figure}[hbt!] \centering \includegraphics[width=8.6cm]{figure9_review.PNG} \caption{Average and standard deviation over 50 medium realizations of the single scattering weights $\rho_{\it f}$ (red (upper) line), $\rho_{\it fc}$ (black (bottom) line) and $\hat{\rho}_{\it f}$ (blue (intermediate) line) defined by Eqs.~\eqref{eq:rhof1}, \eqref{eq:rhofc} and \eqref{eq:rhoff}, respectively.} \label{fig:propDSfoc} \end{figure} To find an estimator of these parameters, a single scattering filter has to be defined in the focused basis. Previous works considered a confocal gaussian filter applied to matrix $\Rz$ \cite{badonSmartOpticalCoherence2016,blondelMatrixApproachSeismic2018} in order to eliminate multiply-scattered echoes emerging far from the main diagonal. However, the shape of this filter has not been precisely linked to the intensity distribution of the single scattering matrix $\mathbf{\overline{R}}^{(1)}$. To be more quantitative, an accurate single scattering space should be built in the focused basis, as previously done in the transducer basis (Eq.~\eqref{ds}). In the focused basis, an element of the single scattering space is the scattering matrix for a unique scatterer located at a position $(x_l,z)$, noted $\Rl$. To span the whole single scattering space, $N_l$ points $x_l$ have to be spread along the medium width with at least two points per unit cell. An adequate number of points must be used to avoid oversampling. The set of matrices $\Rl$ is orthogonalized using a Gram-Schmidt process in order to get an orthonormal basis of the single scattering space that is denoted $\Rll$. Two examples of single scattering space matrices are shown in Fig.~\ref{fig:chap3_matricesGénératricesBaseFocOrthonormee}. \begin{figure}[hbt!] \includegraphics[width=8.6cm]{figure10.png} \caption{Two elements of $\left\{ \Rll \right\}$ calculated at the simulation central frequency for two scatterers located at $z =$ 242 mm and lateral positions $x =$ -58 mm (left) and $x =$ 54 mm (right).} \label{fig:chap3_matricesGénératricesBaseFocOrthonormee} \end{figure} The filtered matrix is then obtained by a projection of the focused total scattering matrix onto the set of matrices $\left\{ \Rll \right\}_{1 \leq l \leq N_l}$ at each frequency: \begin{equation} \Rfiltf = \sum_{l=1}^{N_l} \left\langle \Rll | \Rrr \right\rangle \Rll. \label{eq:projfoc} \end{equation} $\Rfiltf$ is then integrated over a bandwidth $\Delta \omega$ to give $\Rfilt$ (Eq.~\eqref{time_gating}). An experimentally available single scattering weight estimator in the focused basis writes: \begin{equation} \hat{\rho}_{\it f}= \frac{ \norme{\Rfilt}^2}{ \norme{\Rz}^2}. \label{eq:rhoff} \end{equation} $\hat{\rho}_{\it f}$ is compared to $\rho_{\it f}$ (Eq.~\eqref{eq:rhof1}) and $\rho_{\it fc}$ (Eq.~\eqref{eq:rhofc}) in Fig.~\ref{fig:propDSfoc}. As in the transducer basis, $\hat{\rho}_{\it f}$ is found to be a satisfying estimator of the confocal scattering ratio ${\rho}_{\it fc}$. Interestingly, the focused basis appears more flexible compared to the canonical basis. Indeed, the time-gating operation of Eq.~\eqref{time_gating} enables an optimal selection of singly-scattered echoes associated with reflectors located at a given depth $z$. It is thus more adapted for imaging purposes than the abrupt time window originally applied to impulse responses in the transducer basis. Furthermore, the estimator $\hat{\rho}_{f}$ does not require any paraxial approximation. To illustrate this superiority of the focused basis, a numerical simulation is performed with a smaller distance, $z_0=80$ mm, between the probe and the front face of the sample. The single and confocal scattering weights and their estimators calculated in both bases are displayed on Fig.~\ref{fig:8cmFromProbe}. At the front face of the sample, the paraxial approximation is not valid. $\hat{\rho}$ is then not a good estimator of the confocal scattering weight $\rho_c$ since the long-range correlation along the anti-diagonals of $\Kf$ is not verified (Eq.~\eqref{eq:coherence}). Beyond the center of the medium ($z>150$ mm), the far-field approximation becomes valid and the parameters $\hat{\rho}$ and $\rho_c$ tend towards each other. On the contrary, the estimator $\hat{\rho}_{\it f}$ in the focused basis is consistent with $\rho_{\it fc}$ over the whole range of depths. This numerical simulation thus illustrates the robustness of the estimator $\hat{\rho}_{\it f}$ defined in the focused basis. \begin{figure}[hbt!] \centering \includegraphics[width=8.6cm]{figure11bis.png} \caption{Numerical simulation beyond the paraxial approximation ($z_0=80$ mm). Average over 50 realizations of {the single scattering ratio $\rho$, the confocal scattering ratio $\rho_c$ and the estimator $\hat{\rho}$ in the canonical basis, and the corresponding values $\rho_{\it f}$, $\rho_{\it fc}$ and $\hat{\rho}_{\it f}$ in the focused basis.}} \label{fig:8cmFromProbe} \end{figure} \section{\label{sec:level6}Conclusion} This paper conveys an improved understanding on the “single scattering rate" of backscattered waves captured by a finite-size array with elements acting both as emitters and receivers. A numerical calculation of the acoustic response of a random medium made of isotropic fluid scatterers is performed. Each term of the Born series is calculated, as well as the sum of the series providing the full reflection matrix in the frequency domain. By means of an inverse Fourier transform, the impulse responses for each scattering order can be obtained, which would not be feasible experimentally. Simple as it is, the numerical scheme sheds new light on the relative importance of single and multiple scattering contributions in the total field. Particularly, the existence of correlations between the elements of the Born series is made clear, and interpreted as a result of recurrent scattering combined with finite axial and lateral resolutions. Accordingly, the single scattering weight $\rho$ as defined by the Born series, is shown to differ from $\rho_c$, the confocal scattering weight that includes both single and recurrent scattering. Unlike $\rho$, $\rho_c$ can be estimated from experimental data. In addition to numerical computations, experiments were carried out with ultrasound waves around 1.5 MHz in a weakly scattering forest of nylon rods. Interestingly, our results indicate that the decay of $\rho_c$ with depth could be used as a characterization tool, giving access to the scattering mean-free path $\ell_s$ in a backscattering configuration. Besides, this measurement is independent of the intrinsic absorption, as long as the duration of the time-windows $\Delta T$ is smaller than the absorption time. In this paper, for simplicity the study has been restricted to two-dimensional weakly scattering media for which the Born series is convergent. In order to broaden the analysis to more complex media, the numerical computation can be extended to 3D; stronger scattering regimes could also be investigated, if necessary by considering absorption in order to prevent the Born series from diverging. Although an acoustic, thus scalar, formalism is considered in this paper, the underlying physical argument is identical for other types of waves e.g, elastic or electromagnetic waves; the Born decomposition can also be applied, though in a less tractable manner, to vector waves by considering wave polarization and Green's tensors. The issue of how much single scattering is present is essential for imaging with waves, whatever their nature: an imaging device has a finite spatial resolution, hence an elementary voxel whose dimensions depend on wavelength, depth and aperture. From the receiver's point of view, two scatterers within the same voxel are unresolved hence behave as one single super-scatterer. As a consequence, reflectivity maps obtained with an imaging device do not result only from single scattering echoes (in the sense of the Born series) but also from recurrent scattering events. Whatever the kind of wave and the kind of media, we hope this paper brings some new insight in that respect. \section{\label{sec:level7}Acknowledgments} The authors wish to thank R. Pierrat for fruitful discussions and advice, and W. Lambert for his help on the matrix analysis algorithms. The authors are grateful for funding provided by LABEX WIFI (Laboratory of Excellence within the French Program Investments for the Future, ANR-10-LABX24 and ANR-10-IDEX-0001-02 PSL*). C.B. acknowledges financial support from Safran. A.A. acknowledges financial support from the European Research Council (ERC) under the European Union’s Horizon 2020 research and innovation programme (grant agreement No. 819261).
4090dcc4cb26f141a05972f8c29d4879e35133da
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{sec:org7d983f2} Grifo \cite{grifo-stable-2020} proposed the following stable version of the Harbourne conjecture \cite{bauer-primer-2009, harbourne-are-2013}. \begin{conjecture}[The stable Harbourne conjecture \cite{grifo-stable-2020}] \comment{Conjecture. [The stable Harbourne conjecture \cite{grifo-stable-2020}]} \label{sec:org48c86d5} If \(\ccI\) is a radical ideal of big height \(\ccc\) in a regular ring, then \begin{equation} \label{org6e11cdb} \ccI^{(\ccc \ccn - \ccc + 1)} \subseteq \ccI^{\ccn} \tfor \ccn \gg 0, \end{equation} where \(\ccI^{(\ccn)}\) is the \(\ccn\)th symbolic power of \(\ccI\). \end{conjecture} \comment{connect} \label{sec:orgcb6a6d9} The next theorem gives a sufficient condition to satisfy the stable Harbourne conjecture. \begin{theorem}[Grifo, Huneke, and Mukundan \cite{grifo-expected-2020}] \comment{Thm. [Grifo, Huneke, and Mukundan \cite{grifo-expected-2020}]} \label{sec:org172e0ab} \label{org34085be} Let \(\ccI\) be a quasi-homogeneous radical ideal of big height \(\ccc\) in a polynomial ring over a field with irrelevant maximal ideal \(\clm\). If \begin{equation} \label{equ:thm-ghm} \ccI^{(\ccc \ccn - \ccc + 1)} \subseteq \clm \ccI^{\ccn} \tforsome \ccn, \end{equation} and \(\ccI^{(\ccl)}_{\clp} = \ccI^l_{\clp}\) for all prime ideals \(\clp\) with \(\clp \neq \clm\) and for all positive integers \(\ccl\), then \[ \sup \Set{\frac{\ccm}{\ccs} : \ccI^{(\ccm)} \not \subseteq \ccI^\ccs} < \ccc; \] in particular, \(\ccI\) satisfies the stable Harbourne conjecture. \end{theorem} \comment{connect} \label{sec:orga057243} The purpose of this paper is to prove \eqref{equ:thm-ghm} for space monomial curves.\footnote{In \cite{grifo-expected-2020}, the stable Harbourne conjecture was claimed to be true for the ideal \(\clp\) defining a space monomial curve; in the proof, the following claim was assumed: \(\clp^{(3)} \subseteq \clm \clp^2\). However, as we will see in Example \ref{orgd5c7733}, there is a counterexample to this claim.} Let \(\cck\) be a field. For positive integers \(n_1\), \(n_2\), and \(n_3\), consider the ring homomorphism from \(\cck[\ccx, \ccy, \ccz]\) to \(k[t]\) defined by \(x \mapsto t^{n_1}\), \(y \mapsto t^{n_2}\), and \(z \mapsto t^{n_3}\), where \(\cck[\ccx, \ccy, \ccz]\) and \(k[t]\) are polynomial rings over \(\cck\). The kernel of this map is called the \emph{ideal defining the space monomial curve} \(k[t^{n_1}, t^{n_2}, t^{n_3}]\), and is denoted by \(\clp(n_1, n_2, n_3)\). Let \(\clp = \clp(\ccn_1, \ccn_2, \ccn_3)\). If \(\clp\) is a complete intersection, then \(\clp^{(n)} = \clp^n\) for all \(\ccn\). Throughout this paper, \(\clp\) is assumed to be not a complete intersection. Since the (big) height of \(\clp\) equals 2, our goal is to prove that \begin{equation} \label{equ:ghm-condition} \clp^{(2 \ccn - 1)} \subseteq \clm \clp^{\ccn} \tforsome \ccn, \end{equation} where \(\clm\) is the maximal ideal \((\ccx, \ccy, \ccz)\). Note that it follows from a theorem due to Huneke and Hochster~\cite{hochster-comparison-2002} that \(\clp^{(2 \ccn)} \subseteq \clp^{\ccn}\) for all \(\ccn\). To prove \eqref{equ:ghm-condition}, we first characterize \(\clp\) satisfying \eqref{equ:ghm-condition} for \(\ccn = 2\) (Theorem~\ref{orgeb6e5b6}). When \(\clp^{(3)} \not \subseteq \clm \clp^2\), we show \eqref{equ:ghm-condition} by calculating some higher symbolic powers of \(\clp\) (Theorem~\ref{org319617b}). To state our main results precisely, we introduce some notation. Let \(\ccR = \cck[\ccx, \ccy, \ccz]\) and \[ M =\begin{bmatrix} x^{\cca_1} & y^{\ccb_1} & z^{\ccc_1} \\ z^{\ccc_2} & x^{\cca_2} & y^{\ccb_2} \\ \end{bmatrix}, \] where \(a_1\), \(a_2\), \(b_1\), \(b_2\), \(c_1\), and \(c_2\) are positive integers. Let \(\clp_{\ccM}\) or \(\ccI_2(\ccM)\) denote the ideal in \(\ccR\) generated by the maximal minors of \(\ccM\); we write \(\clp\) instead of \(\clp_{\ccM}\) when no confusion can arise. Then \(\idealA = (\ccF, \ccG, \ccH)\), where \begin{align*} \ccF &= y^{\ccb_1 + \ccb_2} - x^{\cca_2} z^{\ccc_1},\\ \ccG &= z^{\ccc_1 + \ccc_2} - y^{\ccb_2} x^{\cca_1},\\ \ccH &= x^{\cca_1 + \cca_2} - z^{\ccc_2} y^{\ccb_1}. \end{align*} Herzog \cite{herzog-generators-1970} showed that \(\clp(n_1, n_2, n_3) = \ccI_2(\ccM)\) for some \(2 \times 3\) matrix \(\ccM\). Without loss of generality, we may assume that one of the following two conditions holds. \begin{enumerate} \item \(\cca_1 \le \cca_2\), \(\ccb_1 \ge \ccb_2\), and \(\ccc_1 \ge \ccc_2\). \item \(\cca_1 > \cca_2\), \(\ccb_1 > \ccb_2\), and \(\ccc_1 > \ccc_2\). \end{enumerate} Suppose that \(\ccI_2(\ccM)\) is prime. Then \(\ccM\) is said to be of \emph{type \(1\)} and \emph{type \(2\)} if it satisfies (1) and (2), respectively. \begin{theorem} \comment{Thm.} \label{sec:org7f7a0b2} \label{orgeb6e5b6} Let \(\ccM\) be a matrix of type \(1\) or type \(2\). Then \(\idealA^{(3)} \not \subseteq \clm \idealA^2\) if and only if \(\alpha_3 = \gamma_3 = b_2 - b_1 = 0\), where \(\alpha_3 = \max \set{0, 2 \cca_1 - \cca_2}\) and \(\gamma_3 = \max \set{0, 2 \ccc_2 - \ccc_1}\). \end{theorem} \begin{example} \comment{Exm.} \label{sec:org8b402b3} \label{orgd5c7733} Let \(\clp = \clp(5, 11, 4)\). We see that \(\clp = \ccI_2(\ccM)\), where \[ \ccM =\begin{bmatrix} x & y & z^3 \\ z & x^2 & y \\ \end{bmatrix}. \] Since \(\alpha_3 = \gamma_3 = b_2 - b_1 = 0\), it follows from Theorem~\ref{orgeb6e5b6} that \(\clp^{(3)} \not \subseteq \clm \clp^2\). Indeed, let \(\ccD_2 = \ccz^{-1} (\ccH \ccF - \ccx \ccG^2)\) and \(\ccD_3 = \ccz^{-1} (\ccH \ccD_2 - \ccG^3)\). Then \begin{align*} \ccD_2 &= \ccz^{-1} \bigl((\ccx^3 - \ccy \ccz) (\ccy^2 - \ccx^2 \ccz^3) - \ccx (\ccz^4 - \ccx \ccy)^2 \bigr) \\ & = \ccz^{-1} \bigl(- \ccx^5 \ccz^3 - \ccy^3 \ccz + \ccx^2 \ccy \ccz^4 - \ccx \ccz^8 + 2 \ccx^2 \ccy \ccz^4 \bigr) \\ &= - \ccy^3 - \ccx^5 \ccz^2 + 3 \ccx^2 \ccy \ccz^3 - \ccx \ccz^7, \\ \ccD_3 &= \ccz^{-1} \bigl((\ccx^3 - \ccy \ccz)(- \ccy^3 - \ccx^5 \ccz^2 + 3 \ccx^2 \ccy \ccz^3 - \ccx \ccz^7) - (\ccz^4 - \ccx \ccy)^3 \bigr) \\ &=\ccz^{-1} \bigl (- \ccx^8 \ccz^2 + 4 \ccx^5 \ccy \ccz^3 - \ccx^4 \ccz^7 + \ccy^4 \ccz - 6 \ccx^2 \ccy^2 \ccz^4 + 4 \ccx \ccy \ccz^8 - \ccz^{12} \bigr) \\ &= \ccy^4 - \ccx^8 \ccz + 4 \ccx^5 \ccy \ccz^2 - 6 \ccx^2 \ccy^2 \ccz^3 - \ccx^4 \ccz^6 + 4 \ccx \ccy \ccz^7 - \ccz^{11}. \end{align*} Therefore \(\ccD_2 \in \clp^{(2)}\) and \(\ccD_3 \in \clp^{(3)}\). Furthermore, \begin{align*} \ccD_3 &= \ccy^4 - \ccx^8 \ccz + 4 \ccx^5 \ccy \ccz^2 - 6 \ccx^2 \ccy^2 \ccz^3 - \ccx^4 \ccz^6 + 4 \ccx \ccy \ccz^7 - \ccz^{11} \\ &= (\ccy^2 - \ccx^2 \ccz^3)^2 - \ccz^3 (\ccz^4 - \ccx \ccy)^2 - \ccx^2 \ccz (\ccx^3 - \ccy \ccz)^2 - 2 \ccx \ccz^2 (\ccz^4 - \ccx \ccy) (\ccx^3 - \ccy \ccz)\\ &= \ccF^2 - \ccz^3 \ccG^2 - \ccx^2 \ccz \ccH^2 - 2 \ccx \ccz^2 \ccG \ccH. \end{align*} Hence \(\ccD_3 \not \in \clm \clp^2\), so \(\clp^{(3)} \not \subseteq \clm \clp^2\). This is a counterexample to a claim due to Grifo, Huneke, and Mukundan~\cite[Theorem 4.2]{grifo-expected-2020}, which states that \(\clp^{(3)} \subseteq \clm \clp^2\) when the characteristic of \(\cck\) is not \(3\). We can generalize this example as follows. Let \(\clp = \clp(\ccs + 1, \ccs^2 - \ccs - 1, \ccs)\). Then \(\clp = \ccI_2(\ccM)\), where \[ \ccM =\begin{bmatrix} x & y & z^{\ccs - 1} \\ z & x^{\ccs - 2} & y \\ \end{bmatrix}. \] Since \(\alpha_3 = \max \set{0, 2 - (\ccs - 2)}\) and \(\gamma_3 = \max \set{0, 2 - (\ccs - 1)}\), it follows from Theorem~\ref{orgeb6e5b6} that \(\clp^{(3)} \not \subseteq \clm \clp^2\) for \(\ccs \ge 4\). \end{example} \comment{connect} \label{sec:orgd2900d2} By Theorem~\ref{orgeb6e5b6}, we need only show \eqref{equ:ghm-condition} for \(\ccM\) with \(\alpha_3 = \beta_3 = \ccb_1 - \ccb_2 = 0\). Note that such \(\ccM\) is of type \(1\). Let \(\ccM\) be a matrix of type \(1\). For a positive integer \(\ccn\), let \begin{equation} \label{org643446c} \ccD_{\ccn} = \ccx^{\alpha_{\ccn}} \ccz^{\gamma_{\ccn} - \ccc_2} (\ccH \ccD_{\ccn - 1} - \ccx^{\cca_2 - (\ccn - 1) \cca_1} \ccy^{(\ccn - 1)(\ccb_1 - \ccb_2)} \ccG^{\ccn}), \end{equation} where \(\ccD_0 = - \ccy^{\ccb_2}\) and \[ \alpha_{\ccn} = \max \set{0, (\ccn - 1) \cca_1 - \cca_2},\ \gamma_{\ccn} = \max \set{0, (\ccn - 1) \ccc_2 - \ccc_1}. \] Since \(\ccz^{\ccc_2} \ccF = - \ccy^{\ccb_2} \ccH - \ccx^{\cca_2} \ccG\), we see that \(\ccD_1 = \ccF\). Suppose that \(\ccM\) is a matrix of type \(1\) satisfying \(\ccb_1 = \ccb_2\). Without loss of generality, we may assume that \begin{equation} \label{equ:type-1-p} \frac{\cca_2}{\cca_1} \le \frac{\ccc_1}{\ccc_2}. \end{equation} If a matrix \(\ccM\) of type \(1\) satisfies \(\ccb_1 = \ccb_2\) and \eqref{equ:type-1-p}, then it is said to be of \emph{type \(1'\)}. Define \[ \mres[\ccM] = \left \lfloor \frac{\cca_2 }{\cca_1 } \right \rfloor + 1, \] where \(\lfloor \cca_2 / \cca_1 \rfloor\) is the greatest integer less than or equal to \(\cca_2 / \cca_1\). Note that \begin{equation} \label{equ:inequality-r} (\mres[\ccM] - 1) \cca_1 \le \cca_2 < \mres[\ccM] \cca_1. \end{equation} \begin{theorem} \comment{Thm.} \label{sec:org30662f7} \label{org319617b} If \(\ccM\) is a matrix of type \(1'\) and \(\mres = \mres[\ccM]\), then \begin{enumerate} \item \(\idealA^{(\ccl)} = \idealA^{\ccl} + (\ccD_{\ccl})\) for \(0 \le \ccl \le \mres\); \item \(\idealA^{(\mres + 1)} = \idealA^{(\mres)} \idealA + (\ccD_{\mres + 1})\); \item \(\idealA^{(\mres + 2)} = \idealA^{(\mres + 1)} \idealA + \idealA^{(\mres)} \idealA^{(2)}\). \end{enumerate} \end{theorem} \begin{theorem} \comment{Thm.} \label{sec:orgb504ad5} \label{org204a6ab} If \(\ccM\) is a matrix of type \(1'\) and \(\ccn = \lfloor (\mres[\ccM] + 1)/2 \rfloor + 1\), then \(\idealA^{(2 \ccl - 1)} \not \subseteq \clm \idealA^{\ccl}\) for \(1 \le \ccl \le \ccn - 1\) and \begin{equation} \label{equ:thm:stable-harbourne} \idealA^{(2 \ccn - 1)} \subseteq \clm \idealA^{\ccn}. \end{equation} \end{theorem} \begin{example} \comment{Exm.} \label{sec:org2fe3ae6} \label{org8c11ad5} Let \(\idealA = \clp(5, 11, 4)\). Then \(\mres[\ccM] = \lfloor 2/1 \rfloor + 1 = 3\) and \(\ccn = \lfloor (\mres[\ccM] + 1)/2 \rfloor + 1 = 3\). As we have seen in Example \ref{orgd5c7733}, \(\idealA^{(3)} = \idealA^{(2 \cdot 2 - 1)} \not \subseteq \clm \idealA^2\). However, by Theorem \ref{org204a6ab}, \(\idealA^{(5)} = \idealA^{(2 \cdot 3 - 1)} \subseteq \clm \idealA^3\). \end{example} \comment{connect} \label{sec:org12e8e0e} From Theorems \ref{org34085be}, \ref{orgeb6e5b6}, and \ref{org204a6ab}, we obtain the following corollary. \begin{corollary} \comment{Cor.} \label{sec:orgbb5cdb3} The stable Harbourne conjecture holds for ideals defining space monomial curves. \end{corollary} \comment{connect} \label{sec:orgacd3ec7} This paper is organized as follows. In Section \ref{org6477ab4}, we recall some known results about the second and third symbolic powers of \(\idealA\), and prove Theorem \ref{orgeb6e5b6}. In Section \ref{org75e5b10}, we calculate up to the \(\mres[\ccM] + 2\)nd symbolic power of \(\idealA\) when \(\ccM\) is of type \(1'\), and show Theorem \ref{org319617b}. Finally, we prove Theorem \ref{org204a6ab} in Section~\ref{org87a2868}. \section{The second and third symbolic powers} \label{sec:org5dd7544} \label{org6477ab4} In this section, we prove Theorem~\ref{orgeb6e5b6}. \subsection{The second symbolic power} \label{sec:org509d62e} \begin{lemma}[\hspace{1sp}\cite{schenzel-examples-1988}] \comment{Lem. [\hspace{1sp}\cite{schenzel-examples-1988}]} \label{sec:org28ba317} \label{orgc0004c6} If \(\ccM\) is a matrix of type \(1\) or \(2\), then \(\idealA^{(2)} = \idealA^2 + (\ccD_2)\), where \(\ccD_2 = \ccx^{\alpha_2} \ccz^{- \ccc_2} (\ccH \ccF - x^{\cca_2 - \cca_1} y^{\ccb1 - \ccb_2} \ccG^2)\) and \(\alpha_2 = \max \set{0, \cca_1 - \cca_2}\). \end{lemma} \begin{lemma} \comment{Lem.} \label{sec:org9ad5c7c} \label{orgce83638} If \(\ccM\) is a matrix of type \(1\) or \(2\), then \(\idealA^{(2)} \subseteq \clm \idealA\). \end{lemma} \begin{proof} \comment{Proof.} \label{sec:org3762f59} Since \begin{align*} \ccD_2 &= \ccz^{-\ccc_2} \ccx^{\alpha_2}( \ccF \ccH - \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - \ccb_2} \ccG^2) \\ &= -\ccx^{\alpha_2} (\ccy^{2\ccb_1 + \ccb_2} - 3 \ccx^{\cca_2} \ccy^{\ccb_1} \ccz^{\cc_1} + \ccx^{\cca_1 + 2 \cca_2} \ccz^{\ccc_1 - \ccc_2} + \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - \ccb_2} \ccz^{2 \ccc_1 + \ccc_2})\\ &= - \ccx^{\alpha_2} (\ccy^{\ccb_1} \ccF + \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - \ccb_2} \ccz^{\ccc_1} \ccG + \ccx^{\cca_2} \ccz^{\ccc_1 - \ccc_2}\ccH), \end{align*} it follows from Lemma \ref{orgc0004c6} that \(\idealA^{(2)} \subseteq \clm \idealA\). \end{proof} \subsection{The third symbolic power of type \(1\)} \label{sec:org161a838} \label{org0850df7} Let \(\ccM\) be a matrix of type 1. Then \(\cca_1 \le \cca_2\), \(\ccb_1 \ge \ccb_2\), and \(\ccc_1 \ge \ccc_2\). Let \(\alpha = \alpha_3 = \max \set{0, 2 \cca_1 - \cca_2}\), \(\beta = \beta_3 = \max \set{0, 2 \ccb_2 - \ccb_1}\), and \(\gamma = \gamma_3 = \max \set{0, 2 \ccc_2 - \ccc_1}\). Let \[ \ccD'_3 = \ccy^{\beta} \ccz^{\gamma - \ccc_2} (\ccH \ccD_2 + \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - 2 \ccb_2} \ccF \ccG^2). \] \begin{lemma}[\hspace{1sp}\cite{goto-topics-1991, knodel-explicit-1992}] \comment{Lem. [\hspace{1sp}\cite{goto-topics-1991, knodel-explicit-1992}]} \label{sec:org76be569} \label{orgbaa3c84} If \(\ccM\) is a matrix of type \(1\), then \[ \idealA^{(3)} = \idealA^{(2)} \idealA + (\ccD_3, \ccD'_3). \] \end{lemma} \begin{lemma} \comment{Lem.} \label{sec:org8457802} \label{org06b5254} If \(\ccM\) is a matrix of type \(1\), then \(\ccD_3\) and \(\ccD'_3\) can be expressed in terms of \(\ccF^2\), \(\ccG^2\), \(\ccH^2\), and \(\ccG \ccH\) as follows: \begin{equation} \label{equ:lem-type1-formula1} \begin{split} \ccD_3 &= \ccx^{\alpha} y^{b_1 - b_2} z^{\gamma} F^2 - x^{a_2 - 2 a_1 + \alpha} y^{2 b_1 - 2 b_2} z^{c_1 + \gamma} G^2 \\ &- x^{a_2 + \alpha} \ccz^{c_1 - 2 c_2 + \gamma} H^2 - 2 x^{a_2 - a_1 + \alpha} y^{b_1 - b_2} z^{c_1 - c_2 + \gamma} G H, \end{split} \end{equation} \begin{equation} \label{equ:lem-type1-formula2} \begin{split} \ccD'_3 &= y^{b_1 - b_2 + \beta} z^{\gamma} F^2 - x^{2 a_2 - a_1} y^{b_1 - 2 b_2 + \beta} z^{c_1 - c_2 + \gamma} G^2 \\ &- x^{a_2} \ccy^{\beta} \ccz^{c_1 - 2 c_2 + \gamma} H^2 - 2 x^{a_2 - a_1} y^{b_1 - b_2 + \beta} z^{c_1 - c_2 + \gamma} G H. \end{split} \end{equation} In particular, \(\ccD_3, \ccD'_3 \in \idealA^{2}\). \end{lemma} \begin{proof} \comment{Proof.} \label{sec:orgb92e8db} A direct calculation shows that \begin{align*} \ccD_2 &= \ccz^{- \ccc_2} (\ccH \ccF - \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - \ccb_2} \ccG^2) \\ &= - \ccy^{2 \ccb_1 + \ccb_2} - \ccx^{\cca_1 + 2 \cca_2} \ccz^{\ccc_1 - \ccc_2} + 3 \ccx^{\cca_2} \ccy^{\ccb_1} \ccz^{\ccc_1} - \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - \ccb_2} \ccz^{2 \ccc_1 + \ccc_2} \end{align*} and \begin{align*} & \ccx^{- \alpha} \ccz^{\ccc_2 - \gamma} \ccD_3 \\ &= \ccH \ccD_2 - \ccx^{\cca_2 - 2\cca_1} \ccy^{2 \ccb_1 - 2 \ccb_2} \ccG^3 \\ &= - \ccx^{2 \cca_1 + 3 \cca_2} z^{\ccc_1-\ccc_2} + 4 \ccx^{\cca_1 + 2 \cca_2} \ccy^{\ccb_1} z^{\ccc_1} - \ccx^{2 \cca_2} \ccy^{\ccb_1 - \ccb_2} \ccz^{2 \ccc_1 + \ccc_2} + \ccy^{3 \ccb_1 + \ccb_2} \ccz^{\ccc_2}\\ & \phantom{=} - 6 \ccx^{\cca_2} \ccy^{2 \ccb_1} \ccz^{\ccc_1 + \ccc_2} + 4 \ccx^{\cca_2 - \cca_1} \ccy^{2 \ccb_1 - \ccb_2} \ccz^{2 \ccc_1 + 2 \ccc_2} - \ccx^{\cca_2 -2 \cca_1} \ccy^{2 \ccb_1 - 2 \ccb_2} \ccz^{3 \ccc_1 + 3 \ccc_2} \\ &= \ccz^{\ccc_2} \bigl(\ccy^{\ccb_1 - \ccb_2} \ccF^2 - \ccx^{\cca_2 - 2 \cca_1} \ccy^{2 \ccb_1 - 2 \ccb_2} \ccz^{\ccc_1} \ccG^2 - \ccx^{\cca_2} \ccz^{\ccc_1 - 2 \ccc_2} \ccH^2 - 2 \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - \ccb_2} \ccz^{\ccc_1 - \ccc_2} \ccG \ccH \bigr). \end{align*} This yields \eqref{equ:lem-type1-formula1}. We also see that \(\ccD_3 \in \idealA^2\) since the coefficients of \(F^2\), \(\ccG^2\), \(\ccH^2\), and \(\ccG \ccH\) are in \(\cck[\ccx, \ccy, \ccz]\). Similarly, \begin{align*} & \ccy^{- \beta} \ccz^{\ccc_2 - \gamma} \ccD'_3 \\ &= \ccH \ccD_2 + \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - 2 \ccb_2} \ccF \ccG^2 \\ &= - \ccx^{2 \cca_1+3 \cca_2} \ccz^{\ccc_1-\ccc_2} + 3 \ccx^{\cca_1 + 2 \cca_2} \ccy^{\ccb_1} \ccz^{\ccc_1} + \ccx^{2 \cca_2} \ccy^{\ccb_1-\ccb_2} \ccz^{2 \ccc_1+\ccc_2} + \ccy^{3 \ccb_1+\ccb_2} \ccz^{\ccc_2} \\ & \phantom{=} -5 \ccx^{\cca_2} \ccy^{2 \ccb_1} \ccz^{\ccc_1+\ccc_2} + 2 \ccx^{\cca_2 -\cca_1} \ccy^{2 \ccb_1-\ccb_2} \ccz^{2 \ccc_1+2 \ccc_2} - \ccx^{2 \cca_2 -\cca_1} \ccy^{\ccb_1-2 \ccb_2} \ccz^{3 \ccc_1+2 \ccc_2} \\ &= \ccz^{\ccc_2} \bigl(\ccy^{\ccb_1 - \ccb_2} \ccF^2 - \ccx^{2 \cca_2 - \cca_1} \ccy^{\ccb_1 - 2 \ccb_2} \ccz^{\ccc_1 - \ccc_2} \ccG^2 - \ccx^{\cca_2} \ccz^{\ccc_1 - 2 \ccc_2} \ccH^2 - 2 \ccx^{\cca_2 - \cca_1} \ccy^{\ccb_1 - \ccb_2} \ccz^{\ccc_1 - \ccc_2} \ccG \ccH \bigr). \end{align*} Therefore \eqref{equ:lem-type1-formula2} holds and \(\ccD_3' \in \idealA^2\). \end{proof} \begin{remark} \comment{Rem.} \label{sec:org5e069c9} \label{orgbdcb8f2} Let \(\ccM\) be a matrix of type 1. It follows from Lemmas \ref{orgbaa3c84} and \ref{org06b5254} that \(\idealA^{(3)} \subseteq \idealA^2\). This fact, which also holds for a matrix of type 2, was proved by Nishida \cite{kojinishida-third-2008} for an arbitrary field and independently by Grifo \cite{grifo-stable-2020} for a field of characteristic not \(3\). \end{remark} \begin{theorem} \comment{Thm.} \label{sec:org9c64f4e} \label{org5623dd8} If \(\ccM\) is a matrix of type \(1\), then \(\idealA^{(3)} \not \subseteq \clm \idealA^2\) if and only if \begin{equation} \label{equ:thm-type-1} \alpha = \gamma = b_2 - b_1 = 0. \end{equation} \end{theorem} \begin{proof} \comment{Proof.} \label{sec:orgced3f3b} First, suppose that \eqref{equ:thm-type-1} holds. Then the coefficient of \(\ccF^2\) in \eqref{equ:lem-type1-formula1} is equal to 1. Therefore \(\ccD_3 \not \in \clm \idealA^2\) because, among the six generators \(\ccF^2\), \(\ccG^2\), \(\ccH^2\), \(\ccF \ccG\), \(\ccF \ccH\), and \(\ccG \ccH\) of \(\idealA^2\), the polynomial \(F^2\) only contains a power of \(\ccy\) as a term. It follows from Lemma \ref{orgbaa3c84} that \(\idealA^{(3)} \not \subseteq \clm \idealA^2\). Next, suppose that \eqref{equ:thm-type-1} does not hold. Then the coefficients of \(\ccF^2\), \(\ccG^2\), \(\ccH^2\), and \(\ccG \ccH\) in \eqref{equ:lem-type1-formula1} and \eqref{equ:lem-type1-formula2} are in \(\clm\). Therefore \(\ccD_3, \ccD_3' \in \clm \idealA^2\). By Lemmas \ref{orgce83638} and \ref{orgbaa3c84}, we see that \(\idealA^{(3)} \subseteq \clm \idealA^2\). \end{proof} \subsection{The third symbolic power of type \(2\)} \label{sec:orgd9ef487} \label{org0f88f4e} Let \(\ccM\) be a matrix of type 2. Then \(\cca_1 > \cca_2\), \(\ccb_1 > \ccb_2\), and \(\ccc_1 > \ccc_2\). Let \(\alpha = \max \set{0, 2 \cca_2 - \cca_1}\), \(\beta = \max \set{0, 2 \ccb_2 - \ccb_1}\), and \(\gamma = \max \set{0, 2 \ccc_2 - \ccc_1}\). Note that the definition of \(\alpha\) is different from that of in Section \ref{org0850df7}. Let \(\sigma\) be the permutation \((x, y, z)(a_1, b_1, c_1)(a_2, b_2, c_2)(\alpha, \beta, \gamma)\). Note that \(\ccF^\sigma = \ccG\) and \(\ccF^{\sigma^2} = \ccH\). Let \begin{align*} \ccD_3 &= \ccz^{- \ccc_2} \ccy^{\beta} \ccx^{\alpha}(\ccx^{\cca_1 - 2 \cca_2} \ccH^2 \ccF + \ccy^{\ccb_1 - 2 \ccb_2} \ccG^3 ), \\ \ccD_3' = \ccD_3^{\sigma} &= \ccx^{- \cca_2} \ccz^{\gamma} \ccy^{\beta}(\ccy^{\ccb_1 - 2 \ccb_2} \ccF^2 \ccG + \ccz^{\ccc_1 - 2 \ccc_2} \ccH^3),\\ \ccD_3''= \ccD_3^{\sigma^2} &= \ccy^{- \ccb_2} \ccx^{\alpha} \ccz^{\gamma}(\ccz^{\ccc_1 - 2 \ccc_2} \ccG^2 \ccH + \ccx^{\cca_1 - 2 \cca_2} \ccF^3 ). \end{align*} \begin{lemma}[\hspace{1sp}\cite{goto-topics-1991, knodel-explicit-1992}] \comment{Lem. [\hspace{1sp}\cite{goto-topics-1991, knodel-explicit-1992}]} \label{sec:orgbea4507} \label{orgd0a69b7} Let \(\ccM\) be a matrix of type \(2\). If the characteristic of \(\cck\) is not \(2\), then \[ \idealA^{(3)} = \idealA^{(2)} \idealA + (\ccD_3, \ccD'_3, \ccD_3''). \] If the characteristic of \(\cck\) is \(2\), then \(x^{- \cca_2 + \alpha} \ccD_3 = y^{- \ccb_2 + \beta} \ccD_3 = z^{- \ccc_2 + \gamma} \ccD_3 \in k[x,y,z]\) and \[ \idealA^{(3)} = \idealA^{(2)} \idealA + (\ccz^{- \ccc_2 + \gamma} \ccD_3). \] \end{lemma} \begin{lemma} \comment{Lem.} \label{sec:org6c9adc3} \label{org745fc89} Let \(\ccM\) be a matrix of type \(2\). Then \begin{equation} \label{equ:lem-type2-formula} \begin{split} \ccD_3 &= \ccx^{\cca_1 - 2 \cca_2 + \alpha} \ccy^{\ccb_1 - \ccb_2 + \beta} \ccz^{\ccc_2} \ccF^2 + \ccx^{\alpha} \ccy^{\ccb_1 - 2 \ccb_2 + \beta} \ccz^{\ccc_1} \ccG^2 \\ &\phantom{=} - \ccx^{\cca_1 - \cca_2 + \alpha} \ccy^{\beta} \ccz^{\ccc_1 - \ccc_2} \ccH^2 + 2 \ccx^{\cca_1 - \cca_2 + \alpha} \ccy^{\ccb_1 - \ccb_2 + \beta} \ccF \ccG \end{split} \end{equation} and \(\ccD_3 \in \idealA^2\). \end{lemma} \begin{proof} \comment{Proof.} \label{sec:orga9e6398} A direct calculation shows that \begin{align*} &\ccx^{-\alpha} \ccy^{-\beta} \ccz^{\ccc_2} \ccD_3 \\ &= \ccx^{\cca_1 - 2 \cca_2} \ccH^2 \ccF + \ccy^{\ccb_1 - 2 \ccb_2} \ccG^3 \\ &= - 2 \ccx^{2 \cca_1 - \cca_2} \ccy^{2 \ccb_1 + \ccb_2} \ccz^{\ccc_2} - \ccx^{3 \cca_1 + \cca_2} \ccz^{\ccc_1} + 5 \ccx^{2 \cca_1} \ccy^{\ccb_1} \ccz^{\ccc_1 + \ccc_2} + \ccx^{\cca_1 - 2 \cca_2} \ccy^{3 \ccb_1 + \ccb_2} \ccz^{2\ccc_2}\\ & \phantom{= }-\ccx^{\cca_1 - \cca_2} \ccy^{2 \ccb_1} \ccz^{\ccc_1 + 2\ccc_2} - 3 \ccx^{\cca_1} \ccy^{\ccb_1 - \ccb_2} \ccz^{2 \ccc_1 + 2 \ccc_2} + \ccy^{\ccb_1 - 2 \ccb_2} \ccz^{3 \ccc_1 + 3 \ccc_2} \\ &= \ccz^{\ccc_2} \bigl (\ccx^{\cca_1 - 2 \cca_2} \ccy^{\ccb_1 - \ccb_2} \ccz^{\ccc_2} \ccF^2 + \ccy^{\ccb_1 - 2 \ccb_2} \ccz^{\ccc_1} \ccG^2 - \ccx^{\cca_1 - \cca_2} \ccz^{\ccc_1 - \ccc_2} \ccH^2 + 2 \ccx^{\cca_1 - \cca_2} \ccy^{\ccb_1 - \ccb_2} \ccF \ccG \bigr). \end{align*} Therefore \eqref{equ:lem-type2-formula} holds and \(\ccD_3 \in \idealA^2\). \end{proof} \begin{theorem} \comment{Thm.} \label{sec:org46874cb} \label{org72d0da8} If \(\ccM\) is a matrix of type \(2\), then \(\idealA^{(3)} \subseteq \clm \idealA^2\). \end{theorem} \begin{proof} \comment{Proof.} \label{sec:org2e2cdfc} First, suppose that the characteristic of \(\cck\) is not \(2\). Since the coefficients of \(F^2, G^2, H^2\) and \(GH\) in \eqref{equ:lem-type2-formula} are in \(\clm\), we see that \(\ccD_3 \in \clm \idealA^2\). By symmetry, \(\ccD'_3, \ccD''_3 \in \clm \idealA^2\). It follows from Lemmas \ref{orgce83638} and \ref{orgd0a69b7} that \(\idealA^{(3)} \subseteq \clm \idealA^2\). Next, suppose that the characteristic of \(\cck\) is \(2\). By Lemma \ref{org745fc89}, \begin{equation} \label{equ:thm-type2} \begin{split} \ccz^{- \ccc_2 + \gamma} \ccD_3 &= - \ccx^{\cca_1 - 2 \cca_2 + \alpha} \ccy^{\ccb_1 - \ccb_2 + \beta} \ccz^{\gamma} \ccF^2 - \ccx^{\alpha} \ccy^{\ccb_1 - 2 \ccb_2 + \beta} \ccz^{\ccc_1 - \ccc_2 + \gamma} \ccG^2\\ &\phantom{=} + \ccx^{\cca_1 - \cca_2 + \alpha} \ccy^{\beta} \ccz^{\ccc_1 - 2\ccc_2 + \gamma} \ccH^2. \end{split} \end{equation} Since the coefficients of \(F^2\), \(G^2\), and \(H^2\) in \eqref{equ:thm-type2} are in \(\clm\), it follows that \(\ccz^{- \ccc_2 + \gamma} \ccD_3 \in \clm \idealA^2\). Therefore \(\idealA^{(3)} \subseteq \clm \idealA^2\). \end{proof} \section{Up to the \(r + 2\)nd symbolic power of type \(1'\)} \label{sec:orgbfd5a1f} \label{org75e5b10} Let \(\ccM\) be a matrix of type \(1'\). Then \(\cca_1 \le \cca_2\), \(\ccb_1 = \ccb_2\), \(\ccc_1 \ge \ccc_2\), and \(\cca_2/\cca_1 \le \ccc_1/\ccc_2\). Let \(\mres = \mres[\ccM] = \lfloor \cca_2/\cca_1 \rfloor + 1\). In this section, we calculate up to the \(\mres + 2\)nd symbolic power of \(\idealA\). Let \(\ccb = \ccb_1\) and \(\myy = \ccy^{\ccb}\). Note that \[ \length{\ccR}(\ccR/\idealA + (\ccx)) = (\ccc_1 + 2 \ccc_2) \ccb \tand \length{\ccR}(\ccR/\idealA + (\ccz)) = (2 \cca_1 + \cca_2) \ccb, \] where \(\ccR = \cck[\ccx, \ccy, \ccz]\) and \(\length{\ccR}(\ccR/\idealA + (\ccx))\) is the length of the \(\ccR\)-module \(\ccR/\idealA + (\ccx)\). By \cite[Lemma 2.3]{schenzel-examples-1988}, we obtain the following result. \begin{lemma} \comment{Lem.} \label{sec:org98dc84c} \label{org9fefb4d} Let \(\ccM\) be a matrix of type \(1'\). If \(\idealB \subseteq \idealA^{(\ccn)}\) and one of the following two conditions holds, then \(\idealB = \idealA^{(\ccn)}\). \begin{enumerate} \item \(\displaystyle \length{\ccR}(\ccR/\idealB + (\ccx)) = \binom{\ccn + 1}{2} (\ccc_1 + 2 \ccc_2) \ccb\); \item \(\displaystyle \length{\ccR}(\ccR/\idealB + (\ccz)) = \binom{\ccn + 1}{2} (2 \cca_1 + \cca_2) \ccb\). \end{enumerate} \end{lemma} \comment{connect} \label{sec:org19ba373} The next lemma enables us to calculate the lengths of certain modules. \begin{lemma}[\hspace{1sp}\cite{goto-gorensteinness-1993}] \comment{Lem. [\hspace{1sp}\cite{goto-gorensteinness-1993}]} \label{sec:orgc8cd029} \label{orgcc5bc69} Let \(\ccu_0, \dotsc, \ccu_{\ccn}, \ccv_0, \dotsc, \ccv_{\ccn}\) be non-negative integers such that \[ \ccu_0 \ge \ccu_1 \ge \dotsb \ge \ccu_{\ccn - 1} > \ccu_{\ccn} = 0 \tand \ccv_0 = 0 < \ccv_1 \le \dotsb \le \ccv_{\ccn}. \] If \(\ccR = \cck[\ccx, \ccy]\) and \(\ccI = (\ccx^{\ccu_\cci} \ccy^{\ccv_\ccj} : \cci + \ccj = \ccn)\), then \[ \length{\ccR}(\ccR/\ccI) = \sum_{\cci = 0}^{\ccn - 1} \ccu_\cci (\ccv_{\cci + 1} - \ccv_{\cci}). \] \end{lemma} \comment{connect} \label{sec:org6d2f579} To apply Lemma \ref{orgcc5bc69}, we calculate \(\ccD_{\ccl} + (\ccx)\) and \(\ccD_{\ccl} + (\ccz)\) in the next two lemmas. \begin{lemma} \comment{Lem.} \label{sec:org89bb523} \label{org2a0af15} Let \(\ccM\) be a matrix of type \(1'\) and \(\mres = \mres[\ccM]\). If \(1 \le \ccl \le \mres\), then \(\ccD_{\ccl} \in \idealA^{(\ccl)}\) and \begin{equation} \label{equ:lem-dn-1} \ccD_{\ccl} \equiv ( - \myy)^{\ccl + 1} - x^{(\ccl - 1)\cca_1 + \ccl \cca_2} \ccz^{\ccc_1 - (\ccl - 1) \ccc_2} \pmod{\ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccz^{\ccc_1 - (\ccl - 1) \ccc_2 + 1}}; \end{equation} moreover, \[ \ccD_{\ccl} \equiv ( - \myy)^{\ccl + 1} \begin{cases} \! \! \! \! \pmod{\ccx} & \tif \cca_2 > (\mres - 1) \cca_1 \\ \! \! \! \! \pmod{\ccz} & \tif \cca_2 = (\mres - 1) \cca_1. \end{cases} \] \end{lemma} \begin{proof} \comment{Proof.} \label{sec:orgd892e4f} We show \eqref{equ:lem-dn-1} by induction on \(\ccl\). If \(\ccl = 1\), then it is obvious. Suppose that \(\ccl \ge 2\). By the induction hypothesis, \[ \ccD_{\ccl - 1} = (- \myy)^{\ccl} - x^{(\ccl - 2)\cca_1 + (\ccl - 1) \cca_2} \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} + \ccA \ccx^{\ccN} \ccz^{\ccM} \tforsome \ccA \in \cck[\ccx, \ccy, \ccz], \] where \(\ccN = \cca_2 - (\ccl - 2) \cca_1\) and \(\ccM = \ccc_1 - (\ccl - 2) \ccc_2 + 1\). We also see that \[ \ccG^{\ccl} = (- \myy \ccx^{\cca_1} + \ccz^{\ccc_1 + \ccc_2})^{\ccl} = (- \myy)^{\ccl} \ccx^{\ccl \cca_1} + \ccB \ccz^{\ccc_1 + \ccc_2} \tforsome \ccB \in \cck[\ccx, \ccy, \ccz]. \] Therefore \begin{align*} \ccz^{\ccc_2} \ccD_{\ccl} &= \ccH \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl} \\ &= (\ccx^{\cca_1 + \cca_2} - \myy \ccz^{\ccc_2}) \bigl((- \myy)^{\ccl} - x^{(\ccl - 2)\cca_1 + (\ccl - 1) \cca_2} \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} + \ccA \ccx^{\ccN} \ccz^{\ccM} \bigr) \\ &\phantom{=} - (- \myy)^{\ccl} \ccx^{\cca_1 + \cca_2} - \ccB \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccz^{\ccc_1 + \ccc_2} \\ &= - \ccx^{(\ccl - 1) \cca_1 + \ccl \cca_2} \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} + \ccA \ccx^{\cca_1 + \cca_2 + \ccN} \ccz^{\ccM} \\ &\phantom{=}+ (- \myy)^{\ccl + 1} \ccz^{\ccc_2} + \myy \ccx^{(\ccl - 2) \cca_1 + (\ccl - 1) \cca_2} \ccz^{\ccc_1 - (\ccl - 3) \ccc_2} - \ccA \myy \ccx^{\ccN} \ccz^{\ccM + \ccc_2} \\ &\phantom{=} - \ccB \ccx^{\cca_1 + (\ccl - 1) \cca_2} \ccz^{\ccc_1 + \ccc_2}, \end{align*} so \begin{align*} \ccD_{\ccl} &= - \ccx^{(\ccl - 1) \cca_1 + \ccl \cca_2} \ccz^{\ccc_1 - (\ccl - 1) \ccc_2} + \ccA \ccx^{\cca_1 + \cca_2 + \ccN} \ccz^{\ccM - \ccc_2} \\ &\phantom{=}+ (- \myy)^{\ccl + 1} + \myy \ccx^{(\ccl - 2) \cca_1 + (\ccl - 1) \cca_2} \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} - \ccA \myy \ccx^{\ccN} \ccz^{\ccM} \\ &\phantom{=} - \ccB \ccx^{\cca_1 + (\ccl - 1) \cca_2} \ccz^{\ccc_1} \\ &\equiv ( - \myy)^{\ccl + 1} - \ccx^{(\ccl - 1)\cca_1 + \ccl \cca_2} \ccz^{\ccc_1 - (\ccl - 1) \ccc_2} \pmod{\ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccz^{\ccc_1 - (\ccl - 1) \ccc_2 + 1}} \end{align*} since \(\ccM - \ccc_2 = \ccc_1 - (\ccl - 1) \ccc_2 + 1\). Thus \(\ccD_{\ccl} \in \idealA^{(\ccl)}\) and \eqref{equ:lem-dn-1} holds. If \(\cca_2 > (\mres - 1) \cca_1\), then \(\cca_2 - (\ccl - 1) \cca_1 \ge \cca_2 - (\mres - 1) \cca_1 \ge 1\), so \(\ccD_{\ccl} \equiv ( - \myy)^{\ccl + 1} \pmod{\ccx}\). Suppose that \(\cca_2 = (\mres - 1) \cca_1\). Recall that \(\ccc_1/\ccc_2 \ge \cca_2/\cca_1 = \mres - 1\). We show that \(\ccc_1 > (\mres - 1) \ccc_2\). Assume that \(\ccc_1 = (\mres - 1) \ccc_2\). Let \(\ccX = \ccx^{\cca_1}\) and \(\ccZ = \ccz^{\ccc_2}\). Then \(\idealA = (\ccX^{\mres} - \myy \ccZ, \ccZ^{\mres} - \myy \ccX, \myy^2 - \ccX^{\mres - 1} \ccZ^{\mres - 1})\). Since \[ \ccX^{\mres} - \myy \ccZ - (\ccZ^{\mres} - \myy \ccX) = (\ccX - \ccZ)(\ccX^{\mres - 1} + \ccX^{\mres - 2} \ccZ + \cdots + \ccX \ccZ^{\mres - 2} + \ccZ^{\mres - 1} + \myy), \] it follows that \(\idealA\) is not a prime ideal, which is a contradiction. Hence \(\ccc_1 > (\mres - 1) \ccc_2\). Therefore, for \(1 \le \ccl \le \mres\), we see that \(\ccc_1 - (\ccl - 1) \ccc_2 \ge \ccc_1 - (\mres - 1) \ccc_2 \ge 1\), so \(\ccD_{\ccl} \equiv ( - \myy)^{\ccl + 1} \pmod{\ccz}\). \end{proof} \begin{example} \comment{Exm.} \label{sec:org2637241} \label{orgf829687} Let \(\ccM\) be as in Example \ref{orgd5c7733}. Then \(\mres[\ccM] = 3\) and \(\cca_2 = 2 = 2 \cdot 1 = (\mres[\ccM] - 1) \cca_1\). Since \[ \ccD_3 = \ccy^4 - \ccx^8 \ccz + 4 \ccx^5 \ccy \ccz^2 - 6 \ccx^2 \ccy^2 \ccz^3 - \ccx^4 \ccz^6 + 4 \ccx \ccy \ccz^7 - \ccz^{11}, \] it follows that \[ \ccD_3 \equiv \begin{cases} \ccy^4 - \ccz^{11} & \pmod{\ccx}, \\ \ccy^4 & \pmod{\ccz}. \end{cases} \] \end{example} \begin{lemma} \comment{Lem.} \label{sec:org6b7777c} \label{org5b49321} Let \(\ccM\) be a matrix of type \(1'\), \(\mres = \mres[\ccM]\), and \(\gamma = \gamma_{\mres + 1}\). Then \(\ccD_{\mres + 1} \in \idealA^{(\mres + 1)}\) and \begin{equation} \label{equ:lem-dn-2} \ccD_{\mres + 1} \equiv - \ccz^{(\mres + 1) \ccc_1 + \mres \ccc_2 + \gamma} \pmod{\ccx}. \end{equation} \end{lemma} \begin{proof} \comment{Proof.} \label{sec:org3e57188} By Lemma \ref{org2a0af15}, \[ \ccD_{\mres} = ( - \myy)^{\mres + 1} + \ccA \ccz^{\ccc_1 - (\mres - 1) \ccc_2} \tforsome \ccA \in \cck[\ccx, \ccy, \ccz]. \] We also see that \[ \ccG^{\mres + 1} = (- \myy)^{\mres + 1} \ccx^{(\mres + 1) \cca_1} + \ccB (- \myy) x^{\cca_1} \ccz^{\ccc_1 + \ccc_2} + \ccz^{(\mres + 1) (\ccc_1 + \ccc_2)} \tforsome \ccB \in \cck[\ccx, \ccy, \ccz]. \] Hence \begin{align*} \ccz^{\ccc_2 - \gamma} \ccD_{\mres + 1} &= \ccx^{\mres \cca_1 - \cca_2} \ccH \ccD_{\mres} - \ccG^{\mres + 1} \\ &= \ccx^{\mres \cca_1 - \cca_2} \bigl(\ccx^{\cca_1 + \cca_2} - \myy \ccz^{\ccc_2}\bigr) \bigl(( - \myy)^{\mres + 1} + \ccA \ccx^{\ccc_1 - (\mres - 1) \ccc_2} \bigr) \\ &\phantom{=}- (- \myy)^{\mres + 1} \ccx^{(\mres + 1) \cca_1} - \ccB (- \myy) \ccx^{\cca_1} \ccz^{\ccc_1 + \ccc_2} - \ccz^{(\mres + 1) (\ccc_1 + \ccc_2)} \\ &= \ccA \ccx^{(\mres + 1) \cca_1} \ccz^{\ccc_1 - (\mres - 1) \ccc_2} + \ccx^{\mres \cca_1 - \cca_2} (-\myy) \ccz^{\ccc_2} \bigl(( - \myy)^{\mres + 1} + \ccA \ccx^{\ccc_1 - (\mres - 1) \ccc_2} \bigr) \\ &\phantom{=}- \ccB (- \myy) \ccx^{\cca_1} \ccz^{\ccc_1 + \ccc_2} - \ccz^{(\mres + 1) (\ccc_1 + \ccc_2)}. \end{align*} Since \(\ccc_1 - (\mres - 1) \ccc_2 - (\ccc_2 - \gamma) = \ccc_1 - \mres \ccc_2 + \gamma \ge 0\), it follows that \begin{align*} \ccD_{\mres + 1} &= \ccA \ccx^{(\mres + 1) \cca_1} \ccz^{\ccc_1 - \mres \ccc_2 + \gamma} + \ccx^{\mres \cca_1 - \cca_2} (-\myy) \ccz^{\gamma} \bigl(( - \myy)^{\mres + 1} + \ccA \ccx^{\ccc_1 - (\mres - 1) \ccc_2} \bigr) \\ &\phantom{=}- \ccB (- \myy) \ccx^{\cca_1} \ccz^{\ccc_1 + \gamma} - \ccz^{(\mres + 1) \ccc_1 + \mres \ccc_2 + \gamma} \in \idealA^{(\mres + 1)} \end{align*} and that \eqref{equ:lem-dn-2} holds. \end{proof} \comment{connect Proof} \label{sec:orgd048b50} \vspace{0.5em} \noindent \emph{Proof of Theorem~\ref{org319617b}}. We divide the proof into two cases. \comment{connect: case 1} \label{sec:org968a681} \paragraph*{Case 1 $(\mres - 1) \cca_1 < \cca_2$.} By Lemmas \ref{org2a0af15} and \ref{org5b49321}, \begin{alignat*}{3} \ccD_{\ccl} &\equiv (- \ccY)^{\ccl + 1} && \pmod{\ccx} \tfor 1 \le \ccl \le \mres, \\ \ccD_{\mres + 1} &\equiv -\ccz^{(\mres + 1) \ccc_1 + \mres \ccc_2 + \gamma} && \pmod{\ccx}. \end{alignat*} \comment{connect: (i)} \label{sec:orgfb3becf} \paragraph*{\textup{(i)}} Let \[ \idealB = (\ccD_{\ccl}) + (\ccG^{\cci} \ccH^{\ccj} : \cci + \ccj = \ccl,\ 0 \le \ccj \le \ccl). \] Then \(\idealB \subseteq (\ccD_{\ccl}) + \idealA^{\ccl} \subseteq \idealA^{(\ccl)}\). We show that \(\length{\ccR}(\ccR/\idealB + (\ccx)) = \binom{\ccl + 1}{2} \ccb (\ccc_1 + 2 \ccc_2)\). Since \begin{alignat*}{3} \ccD_{\ccl} &\equiv (- \ccY)^{\ccl + 1} && \pmod{\ccx}, \\ \ccG^{\cci} \ccH^{\ccj} &\equiv (-\myy)^\ccj \ccz^{(\ccl - \ccj) \ccc_1 + \ccl \ccc_2} && \pmod{\ccx} \tfor 0 \le \ccj \le \ccl, \end{alignat*} it follows from Lemma \ref{orgcc5bc69} that \[ \frac{\length{\ccR}(\ccR/\idealB + (\ccx))}{\ccb} = (\ccl + 1) \ccl \ccc_2 + \sum_{\ccj = 1}^{\ccl} \ccj \ccc_1 = \binom{\ccl + 1}{2} (\ccc_1 + 2 \ccc_2). \] Therefore \(\idealB = \idealA^{(\ccl)}\) by Lemma \ref{org9fefb4d}. \comment{connect: (ii)} \label{sec:org26fdf84} \paragraph*{\textup{(ii)}} Let \[ \idealB = (\ccF \ccD_{\mres}, \ccH \ccD_{\mres}, \ccG \ccD_{\mres}, \ccD_{\mres + 1}) + (\ccG^{\cci} \ccH^{\ccj} : \cci + \ccj = \mres + 1,\ 1 \le \ccj \le \mres + 1). \] Then \(\idealB \subseteq (\ccD_{\mres + 1}) + \idealA^{(\mres)} \idealA \subseteq \idealA^{(\mres + 1)}\). We show that \(\length{\ccR}(\ccR/\idealB + (\ccx)) = \binom{\mres + 2}{2} \ccb (\ccc_1 + 2 \ccc_2)\). Let \(\gamma = \gamma_{\mres + 1} = \max \set{0, \mres \ccc_2 - \ccc_1}\). Then \begin{alignat*}{3} \ccF \ccD_{\mres} &\equiv (-\myy)^{\mres + 3} && \pmod{\ccx},\\ \ccH \ccD_{\mres} &\equiv (-\myy)^{\mres + 2} z^{\ccc_2} && \pmod{\ccx},\\ \ccG \ccD_{\mres} &\equiv (-\myy)^{\mres + 1} z^{\ccc_1 + \ccc_2} && \pmod{\ccx},\\ \ccH^{\mres + 1} &\equiv (-\myy)^{\mres + 1} \ccz^{(\mres + 1) \ccc_2} && \pmod{\ccx},\\ \ccG^{\cci} \ccH^{\ccj} &\equiv (-\myy)^\ccj \ccz^{(\mres + 1 - \ccj) \ccc_1 + (\mres + 1) \ccc_2} && \pmod{\ccx} \tfor 1 \le \ccj \le \mres, \\ \ccD_{\mres + 1} &\equiv -\ccz^{(\mres + 1) \ccc_1 + \mres \ccc_2 + \gamma} && \pmod{\ccx}. \end{alignat*} Note that \[ \min \set{\ccc_1 + \ccc_2, (\mres + 1) \ccc_2} = (\mres + 1)\ccc_2 - \gamma. \] It follows that \begin{align*} \frac{\length{\ccR}(\ccR/\idealB + (\ccx))}{\ccb} &= (\mres + 3) \ccc_2 + (\mres + 2) (\mres \ccc_2 - \gamma) + (\mres + 1) (\ccc_1 + \gamma) \\ &\phantom{=} + \Bigl(\sum_{\ccj = 2}^{\mres} \ccj \ccc_1 \Bigr) + (\ccc_1 - \ccc_2 + \gamma) \\ &= (\mres^2 + 3 \mres + 2) \ccc_2 + \binom{\mres + 2}{2} \ccc_1 = \binom{\mres + 2}{2} (\ccc_1 + 2 \ccc_2). \end{align*} Therefore \(\idealB = \idealA^{(\mres + 1)}\). \comment{connect: (iii)} \label{sec:org0334679} \paragraph*{\textup{(iii)}} Let \[ \idealB = (\ccD_2 \ccD_{\mres}, \ccH^2 \ccD_{\mres}, \ccG \ccH \ccD_{\mres}, \ccG^2 \ccD_{\mres}, \ccH \ccD_{\mres + 1}, \ccG \ccD_{\mres + 1}) + (\ccG^{\cci} \ccH^{\ccj} : \cci + \ccj = \mres + 2,\ 2 \le \ccj \le \mres + 2). \] Then \(\idealB \subseteq \idealA^{(\mres + 1)} \idealA + \idealA^{(\mres)} \idealA^{(2)} \subseteq \idealA^{(\mres + 2)}\). We see that \begin{alignat*}{5} \ccD_2 \ccD_{\mres} &\equiv (- \myy)^{\mres + 4} && \pmod{\ccx}, \\ \ccH^2 \ccD_{\mres} &\equiv (- \myy)^{\mres + 3} z^{2\ccc_2} && \pmod{\ccx}, \\ \ccG \ccH \ccD_{\mres} &\equiv (- \myy)^{\mres + 2} z^{\ccc_1 + 2\ccc_2} && \pmod{\ccx}, \\ \ccH^{\mres + 2} &\equiv (- \myy)^{\mres + 2} \ccz^{(\mres + 2) \ccc_2} && \pmod{\ccx}, \\ \ccG^2 \ccD_{\mres} &\equiv (- \myy)^{\mres + 1} z^{2 \ccc_1 + 2 \ccc_2} && \pmod{\ccx}, \\ \ccG \ccH^{\mres + 1} &\equiv (- \myy)^{\mres + 1} \ccz^{\ccc_1 + (\mres + 2) \ccc_2} && \pmod{\ccx}, \\ \ccG^{\cci} \ccH^{\ccj} &\equiv (- \myy)^\ccj \ccz^{(\mres + 2 - \ccj) \ccc_1 + (\mres + 2) \ccc_2} && \pmod{\ccx} \tfor 2 \le \ccj \le \mres, \\ \ccH \ccD_{\mres + 1} &\equiv \myy \ccz^{(\mres + 1) \ccc_1 + (\mres + 1) \ccc_2 + \gamma} && \pmod{\ccx}, \\ \ccG \ccD_{\mres + 1} &\equiv - \ccz^{(\mres + 2) \ccc_1 + (\mres + 1) \ccc_2 + \gamma} && \pmod{\ccx}. \end{alignat*} Note that \[ \min \set{\ccc_1 + 2\ccc_2, (\mres + 2) \ccc_2} = (\mres + 2) \ccc_2 - \gamma \] and \[ \min \set{2 \ccc_1 + 2 \ccc_2, \ccc_1 + (\mres + 2) \ccc_2} = \ccc_1 + (\mres + 2) \ccc_2 - \gamma. \] Hence \begin{align*} \frac{\length{\ccR}(\ccR/\idealB + (\ccx))}{\ccb} &= (\mres + 4) 2 \ccc_2 + (\mres + 3) (\mres \ccc_2 - \gamma) \\ &\phantom{=} + (\mres + 2) \ccc_1 + (\mres + 1)(\ccc_1 + \gamma) + \Bigl(\sum_{\ccj = 3}^{\mres} \ccj \ccc_1 \Bigr) + 2 (\ccc_1 - \ccc_2 + \gamma) + \ccc_1 \\ &= (2 (\mres + 4) + \mres (\mres + 3) - 2) \ccc_2 + \binom{\mres + 3}{2} \ccc_1 \\ &= \binom{\mres + 3}{2} (\ccc_1 + 2 \ccc_2). \end{align*} Therefore \(\idealB = \idealA^{(\mres + 2)}\). \comment{connect: case 2} \label{sec:org40c83ae} \paragraph*{Case 2 $(\mres - 1) \cca_1 = \cca_2$.} By Lemma \ref{org2a0af15}, \[ \ccD_{\ccl} \equiv (- \ccY)^{\ccl + 1} \pmod{\ccz} \tfor 1 \le \ccl \le \mres. \] \comment{connect: (i)} \label{sec:org0314c23} \paragraph*{\textup{(i)}} Let \[ \idealB = (\ccD_{\ccl}) + (\ccG^{\cci} \ccH^{\ccj} : \cci + \ccj = \ccl,\ 0 \le \cci \le \ccl). \] We show that \(\length{\ccR}(\ccR/\idealB + (\ccz)) = \binom{\ccl + 1}{2} (2 \cca_1 + \cca_2) \ccb = \binom{\ccl + 1}{2} (\mres + 1) \cca_1 \ccb\). Since \begin{alignat*}{2} \ccD_{\ccl} & \equiv (- \myy)^{\ccl + 1} & & \pmod{\ccz}, \\ \ccG^{\cci} \ccH^{\ccj} & \equiv (- \myy)^{\cci} \ccx^{(\ccl \mres - (\mres - 1) \cci) \cca_1} & & \pmod{\ccz} \tfor 0 \le \cci \le \ccl, \end{alignat*} it follows that \begin{align*} \frac{\length{\ccR}(\ccR/\idealB + (\ccz))}{\cca_1 \ccb} &= (\ccl + 1) \ccl + \sum_{\cci = 1}^{\ccl} \cci (\mres - 1) \\ &= \binom{\ccl + 1}{2} (\mres + 1). \end{align*} Therefore \(\idealB = \idealA^{(\ccl)}\). \comment{connect: (ii)} \label{sec:org000fcaa} \paragraph*{\textup{(ii)}} Let \[ \idealB = (\ccF \ccD_{\mres}, \ccH \ccD_{\mres}, \ccG \ccD_{\mres}) + (\ccG^{\cci} \ccH^{\ccj} : \cci + \ccj = \mres + 1,\ 0 \le \cci \le \mres). \] Since \begin{alignat*}{3} \ccF \ccD_{\mres} &\equiv (- \myy)^{\mres + 3} && \pmod{\ccz},\\ \ccG \ccD_{\mres} &\equiv (- \myy)^{\mres + 2} \ccx^{\cca_1} && \pmod{\ccz},\\ \ccH \ccD_{\mres} &\equiv (- \myy)^{\mres + 1} \ccx^{\mres \cca_1} && \pmod{\ccz},\\ \ccG^{\cci} \ccH^{\ccj} &\equiv (- \myy)^\cci \ccx^{(\mres(\mres + 1) - (\mres - 1) \cci) \cca_1} && \pmod{\ccz} \tfor 0 \le \cci \le \mres, \end{alignat*} it follows that \begin{align*} \frac{\length{\ccR}(\ccR/\idealB + (\ccz))}{\cca_1 \ccb} &= (\mres + 3) + (\mres + 2) (\mres - 1) + (\mres + 1) \mres + \sum_{\cci = 1}^{\mres} \cci (\mres - 1) \\ &= 2 \mres^2 + 3 \mres + 1 + (\mres - 1) \frac{(\mres + 1) \mres}{2} \\ &= (\mres + 1) \Bigl( 2 \mres + 1 + \frac{\mres (\mres - 1)}{2} \Bigr) \\ &= (\mres + 1) \binom{\mres + 2}{2}. \end{align*} Therefore \(\idealB = \idealA^{(\mres + 1)}\). \comment{connect: (iii)} \label{sec:org219f8f9} \paragraph*{\textup{(iii)}} Let \[ \idealB = (\ccD_{2} \ccD_{\mres}, \ccG^2 \ccD_{\mres}, \ccG \ccH \ccD_{\mres}, \ccH^2 \ccD_{\mres}) + (\ccG^{\cci} \ccH^{\ccj} : \cci + \ccj = \mres + 2,\ 0 \le \cci \le \mres). \] Since \begin{alignat*}{3} \ccD_2 \ccD_{\mres} &\equiv (- \myy)^{\mres + 4} && \pmod{\ccz},\\ \ccG^2 \ccD_{\mres} &\equiv (- \myy)^{\mres + 3} \ccx^{2\cca_1} && \pmod{\ccz},\\ \ccG \ccH \ccD_{\mres} &\equiv (- \myy)^{\mres + 2} \ccx^{(\mres + 1) \cca_1} && \pmod{\ccz}, \\ \ccH^2 \ccD_{\mres} &\equiv (- \myy)^{\mres + 1} \ccx^{2 \mres \cca_1} && \pmod{\ccz}, \\ \ccG^{\cci} \ccH^{\ccj} &\equiv (- \myy)^{\cci} \ccx^{(\mres(\mres + 2) - (\mres - 1) \cci) \cca_1} && \pmod{\ccz} \tfor 0 \le \cci \le \mres, \end{alignat*} it follows that \begin{align*} \frac{\length{\ccR}(\ccR/\idealB + (\ccz))}{\cca_1 \ccb} &= (\mres + 4) \cdot 2 + (\mres + 3) (\mres - 1) + (\mres + 2) (\mres - 1) + (\mres + 1) \mres + \sum_{\cci = 1}^{\mres} \cci (\mres - 1) \\ &= 2 \mres + 8 + \mres^2 + 2 \mres - 3 + \mres^2 + \mres - 2 + \mres^2 + \mres + (\mres - 1) \frac{(\mres + 1) \mres}{2}\\ &= 3 \mres^2 + 6 \mres + 3 + (\mres - 1) \frac{(\mres + 1) \mres}{2}\\ &= (\mres + 1) \Bigl(3 \mres + 3 + \frac{\mres^2 - \mres}{2} \Bigr)\\ &= (\mres + 1)\binom{\mres + 3}{2}. \end{align*} Therefore \(\idealB = \idealA^{(\mres + 2)}\). \qed \section{The stable Harbourne conjecture} \label{sec:org443784f} \label{org87a2868} To prove Theorem \ref{org204a6ab}, we show the following two lemmas. \begin{lemma} \comment{Lem.} \label{sec:org460e56e} \label{org3d95cf3} Let \(\ccM\) be a matrix of type \(1'\). For \(1 \le \ccl \le \mres[\ccM] + 1\), \begin{equation} \label{equ:lem-exp-dn} \begin{split} \ccx^{- \alpha_{\ccl}} \ccz^{- \gamma_{\ccl}} \ccD_{\ccl} &= \ccz^{- \ccc_2} (\ccH \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl}) \\ &= \ccx^{- \cca_1} (\ccG \ccD_{\ccl - 1} - \ccz^{\ccc_1 - (\ccl - 1) \ccc_2} \ccH^{\ccl}). \\ \end{split} \end{equation} Moreover, \(\ccx^{(\ccl - 1) \cca_1} \ccD_{\ccl} \in \idealA^{\ccl}\) and \(\ccz^{(\ccl - 1) \ccc_2} \ccD_{\ccl} \in \idealA^{\ccl}\). \end{lemma} \begin{proof} \comment{Proof.} \label{sec:orgad57ab8} We show the lemma by induction on \(\ccl\). Note that \(\alpha_{\ccl} = \gamma_{\ccl} = 0\) for \(\ccl \le \mres[\ccM]\). If \(\ccl = 1\), then \(\ccD_{1} = \ccF \in \idealA\) and \[ \ccx^{\cca_1} \ccF = - \myy \ccG - \ccz^{\ccc_1} \ccH, \] so \eqref{equ:lem-exp-dn} holds. Suppose that \(\ccl \ge 2\). Since \[ \ccx^{- \alpha_\ccl} \ccz^{\ccc_2 - \gamma_\ccl} \ccD_{\ccl} = \ccH \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl}, \] it suffices to show that \begin{equation} \label{equ:lem-exp-dn-goal} \ccx^{\cca_1} \bigl(\ccH \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl} \bigr) = \ccz^{\ccc_2} \bigl(\ccG \ccD_{\ccl - 1} - \ccz^{\ccc_1 - (\ccl - 1) \ccc_2} \ccH^{\ccl} \bigr). \end{equation} Since \(\alpha_{\ccl - 1} = \gamma_{\ccl - 1} = 0\), it follows from the induction hypothesis that \begin{align*} \ccD_{\ccl - 1} &= \ccz^{-\ccc_2} \bigl (\ccH \ccD_{\ccl - 2} - \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl-1} \bigr) \\ &= \ccx^{-\cca_1} \bigl (\ccG \ccD_{\ccl - 2} - \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} \ccH^{\ccl- 1} \bigr). \end{align*} This implies that \begin{align*} \ccx^{\cca_1} \bigl(\ccH \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl} \bigr) &= \ccH \bigl (\ccG \ccD_{\ccl - 2} - \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} \ccH^{\ccl - 1}\bigr) - \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl} \\ &= \ccG \ccH \ccD_{\ccl - 2} - \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} \ccH^{\ccl} - \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl} \end{align*} and \begin{align*} \ccz^{\ccc_2} \bigl(\ccG \ccD_{\ccl - 1} - \ccz^{\ccc_1 - (\ccl - 1) \ccc_2} \ccH^{\ccl} \bigr) &= \ccG \bigl (\ccH \ccD_{\ccl - 2} - \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl-1} \bigr) - \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} \ccH^{\ccl} \\ &= \ccG \ccH \ccD_{\ccl - 2} - \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} \ccH^{\ccl} - \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl}. \end{align*} Therefore \eqref{equ:lem-exp-dn-goal} and \eqref{equ:lem-exp-dn} hold. By the induction hypothesis, \(\ccx^{(\ccl - 2) \cca_1} \ccD_{\ccl - 1} \in \idealA^{\ccl - 1}\) and \(\ccz^{(\ccl - 2) \ccc_2} \ccD_{\ccl - 1} \in \idealA^{\ccl - 1}\), so \begin{align*} \ccx^{(\ccl - 1) \cca_1} \ccD_{\ccl} &= \ccx^{(\ccl - 1) \cca_1 + \alpha_{\ccl}} \ccz^{\gamma_{\ccl}} \bigl(\ccx^{- \cca_1} (\ccG \ccD_{\ccl - 1} - \ccz^{\ccc_1 - (\ccl - 1) \ccc_2} \ccH^{\ccl})\bigr) \\ &= \ccz^{\gamma_{\ccl}} \ccG \ccx^{(\ccl - 2) \cca_1 + \alpha_{\ccl}} \ccD_{\ccl - 1} - \ccx^{(\ccl - 2) \cca_1 + \alpha_{\ccl}} \ccz^{\ccc_1 - (\ccl - 1) \ccc_2 + \gamma_{\ccl}} \ccH^{\ccl} \in \idealA^{\ccl} \end{align*} and \begin{align*} \ccz^{(\ccl - 1) \ccc_2} \ccD_{\ccl} &= \ccx^{\alpha_{\ccl}} \ccz^{(\ccl - 1) \ccc_2 + \gamma_{\ccl}} \bigl(\ccz^{- \ccc_2} (\ccH \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl})\bigr) \\ &= \ccx^{\alpha_{\ccl}} \ccH \ccz^{(\ccl - 2) \ccc_2 + \gamma_{\ccl}} \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1 + \alpha_{\ccl}} \ccz^{(\ccl - 2) \ccc_2 + \gamma_{\ccl}} \ccG^{\ccl} \in \idealA^{\ccl} \end{align*} \end{proof} \begin{lemma} \comment{Lem.} \label{sec:org51b5e29} \label{org9a2d553} If \(\ccM\) is a matrix of type \(1'\) and \(0 \le \ccl \le \mres[\ccM] + 1\), then \begin{equation} \label{equ:lem-containment} \ccD_{\ccl} \in \clm^{\delta_{\ccl}} \idealA^{\lfloor \frac{\ccl + 1}{2} \rfloor}, \end{equation} where \[ \delta_{\ccl} = \begin{cases} 1 & \tif \ccl \text{\ is even or\ } \ccl = \mres[\ccM] + 1, \\ 0 & \totherwise. \end{cases} \] \end{lemma} \begin{proof} \comment{Proof.} \label{sec:orgf1f7343} Write \(\ccl = 2 \ccn - \epsilon\) with \(\epsilon \in \set{0, 1}\). Then \[ \left\lfloor \frac{\ccl + 1}{2} \right\rfloor = \left\lfloor \frac{2\ccn - \epsilon + 1}{2} \right\rfloor = \ccn. \] We show that \(\ccD_{\ccl} = \ccD_{2 \ccn - \epsilon} \in \clm^{\delta_{\ccl}} \idealA^{\ccn}\) by induction on \(\ccl\). Note that \(\mres[\ccM] = \lfloor \cca_2 / \cca_1\rfloor + 1 \ge 2\). If \(\ccl = 1\), then \(\ccn = 1\) and \(\ccD_1 = \ccF \in \idealA\). If \(\ccl = 2\), then \(\ccn = 1\) and \(\ccD_2 \in \clm \idealA\) by Lemma \ref{orgce83638}. Suppose that \(\ccl = 3\); then \(\ccn = 2\). By Remark \ref{orgbdcb8f2}, \(\ccD_{3} \in \idealA^2\). If \(\ccl = 3 = \mres[\ccM] + 1\), then \(\mres[\ccM] = 2\) and \(\cca_2 < 2 \cca_1\), so \(\alpha_3 = \max \set{0, 2 \cca_1 - \cca_2} > 0\) and \(\ccD_3 \in \clm \idealA^2\) by Theorem \ref{orgeb6e5b6}. Suppose that \(\ccl \ge 4\), and let \(\alpha = \alpha_{\ccl}\), \(\gamma = \gamma_{\ccl}\), and \(\delta = \delta_{\ccl}\). Note that \(\ccl \ge \ccn + 2\) since \(\ccl - \ccn - 2 = \ccn - \epsilon - 2 \ge 0\). \comment{connect Step 1} \label{sec:org40673ac} \paragraph*{Step 1.} We show that \begin{equation} \label{equ:lem-containment-y2} (\ccx^{\cca_2} \ccz^{\ccc_1} + \myy^2) \ccx^{\alpha} \ccD_{\ccl - 2} \in \clm^{\delta} \idealA^{\ccn}. \end{equation} We can see that \begin{equation} \label{equ:lem-containment-y2-2} \ccx^{\alpha} \ccD_{\ccl - 2} \in \clm^{\delta} \idealA^{\ccn - 1}. \end{equation} Indeed, if \(\ccl \le \mres[\ccM]\), then \(\delta = \delta_{\ccl} = \delta_{\ccl - 2}\) and \(\ccD_{\ccl - 2} \in \clm^{\delta} \idealA^{\ccn - 1}\) by the induction hypothesis, so \(\ccx^{\alpha} \ccD_{\ccl - 2} \in \clm^{\delta} \idealA^{\ccn - 1}\); if \(\ccl = \mres[\ccM] + 1\), then \(\alpha \ge 1\), so \(\ccx^\alpha \ccD_{\ccl - 2} \in \clm \idealA^{\ccn - 1} = \clm^{\delta} \idealA^{\ccn - 1}\). Therefore \eqref{equ:lem-containment-y2-2} holds. Hence \[ \ccF \ccx^{\alpha} \ccD_{\ccl - 2} = (\myy^2 - \ccx^{\cca_2} \ccz^{\ccc_1}) \ccx^{\alpha} \ccD_{\ccl - 2} \in \clm^{\delta} \idealA^{\ccn}. \] By Lemma \ref{org3d95cf3}, \(\ccx^{(\ccl - 3) \cca_1} \ccD_{\ccl - 2} \in \idealA^{\ccl - 2}\). Since \(\cca_2 \ge (\mres[\ccM] - 1) \cca_1 > (\ccl - 3) \cca_1\), it follows that \[ \ccx^{\cca_2} \ccz^{\ccc_1} \ccD_{\ccl - 2} \in \clm \idealA^{\ccl - 2} \subseteq \clm \idealA^{\ccn}. \] Therefore \eqref{equ:lem-containment-y2} holds. \comment{connect Step 2} \label{sec:orgfb5432b} \paragraph*{Step 2.} Let \[ \ccC_0 = \ccx^{\alpha} \bigl(x^{\cca_1 + \cca_2} \ccD_{\ccl - 2} - x^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - 1} \bigr). \] We show that if \(\ccC_0 \in \ccz^{\ccc_2 - \gamma} \idealA^{\ccn}\), then \(\ccD_{\ccl} \in \clm^{\delta} \idealA^{\ccn}\). By Lemma \ref{org3d95cf3}, \begin{align*} \ccx^{- \alpha} \ccz^{\ccc_2 - \gamma} \ccD_{\ccl} &= \ccH \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl} \\ &= (\ccx^{\cca_1 + \cca_2} - \myy \ccz^{\ccc_2}) \ccD_{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccG^{\ccl} \\ &= \ccx^{\cca_2} \bigl(\ccG \ccD_{\ccl - 2} - \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} \ccH^{\ccl - 1} \bigr) \\ &\phantom{=} - \myy \bigl (\ccH \ccD_{\ccl - 2} - \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - 1} \bigr) \\ &\phantom{=} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \bigl(\ccz^{\ccc_1 + \ccc_2} - \myy \ccx^{\cca_1} \bigr) \ccG^{\ccl - 1} \\ &= (\ccx^{\cca_2} \ccG - \myy \ccH) \ccD_{\ccl - 2} + 2 \myy \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - 1} \\ &\phantom{=} - \ccx^{\cca_2} \ccz^{\ccc_1 - (\ccl - 2) \ccc_2} \ccH^{\ccl - 1} - \ccx^{\cca_2 - (\ccl - 1) \cca_1} \ccz^{\ccc_1 + \ccc_2} \ccG^{\ccl - 1}. \end{align*} Notice that \(\ccc_1 - (\ccl - 2) \ccc_2 \ge \ccc_2 - \gamma\) since \[ (\ccc_1 - (\ccl - 2) \ccc_2) - (\ccc_2 - \gamma) \ge \ccc_1 - (\ccl - 2) \ccc_2 - \ccc_2 + (\ccl - 1) \ccc_2 - \ccc_1 = 0. \] Thus \[ \ccz^{\ccc_2 - \gamma} \ccD_{\ccl} \equiv \ccx^{\alpha} \bigl((\ccx^{\cca_2} \ccG - \myy \ccH) \ccD_{\ccl - 2} + 2 \myy \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - 1} \bigr) \pmod {\ccz^{\ccc_2 - \gamma} \clm^{\delta} \idealA^{\ccn}}. \] Since \begin{align*} \ccx^{\cca_2} \ccG - \myy \ccH &= \ccx^{\cca_2} \bigl(\ccz^{\ccc_1 + \ccc_2} - \myy \ccx^{\cca_1}) - \myy (\ccx^{\cca_1 + \cca_2} - \myy \ccz^{\ccc_2} \bigr) \\ &= (\ccx^{\cca_2} \ccz^{\ccc_1} + \myy^2) \ccz^{\ccc_2} - 2 \myy \ccx^{\cca_1 + \cca_2}, \end{align*} it follows from \eqref{equ:lem-containment-y2} that \begin{align*} \ccz^{\ccc_2 - \gamma} \ccD_{\ccl} &\equiv \ccx^{\alpha} \bigl((\ccx^{\cca_2} \ccz^{\ccc_1} + \myy^2) \ccz^{\ccc_2} \ccD_{\ccl - 2} - 2 \myy \ccx^{\cca_1 + \cca_2} \ccD_{\ccl - 2} + 2 \myy \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - 1} \bigr) \\ &\equiv \ccx^{\alpha} \bigl(- 2 \myy \ccx^{\cca_1 + \cca_2} \ccD_{\ccl - 2} + 2 \myy \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - 1} \bigr) \\ &\equiv -2 \myy \ccC_0 \pmod{\ccz^{\ccc_2 - \gamma} \clm^{\delta} \idealA^{\ccn}}. \end{align*} Thus if \(\ccC_0 \in \ccz^{\ccc_2 - \gamma} \idealA^{\ccn}\), then \(\ccz^{\ccc_2 - \gamma} \ccD_{\ccl} \in \ccz^{\ccc_2 - \gamma} \clm^{\delta} \idealA^{\ccn}\), so \(\ccD_{\ccl} \in \clm^{\delta} \idealA^{\ccn}\). \comment{connect Step 3} \label{sec:orgea5da72} \paragraph*{Step 3.} For \(1 \le \ccj \le \ccn\), let \[ \ccC_{\ccj} = \ccx^{\alpha}\bigl(x^{\cca_2 - (\ccj - 1) \cca_1} \ccD_{\ccl - \ccj - 2} - x^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - \ccj - 1} \bigr). \] By induction on \(\ccj\), we show that if \(\ccC_{\ccj} \in \ccz^{\ccc_2 - \gamma} \idealA^{\ccn - \ccj}\), then \(\ccC_0 \in \ccz^{\ccc_2 - \gamma} \idealA^{\ccn}\). If \(\ccj = 0\), then it is obvious. Suppose that \(\ccj \ge 1\). By Lemma \ref{org3d95cf3}, \begin{align*} \ccC_{\ccj - 1} &= \ccx^{\alpha} \bigl(x^{\cca_2 - (\ccj - 2) \cca_1} \ccD_{\ccl - \ccj - 1} - x^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - \ccj} \bigr) \\ &= \ccx^{\alpha} \bigl(x^{\cca_2 - (\ccj - 1) \cca_1} (\ccG \ccD_{\ccl - \ccj - 2} - \ccz^{\ccc_1 - (\ccl - \ccj - 2) \ccc_2} \ccH^{\ccl - \ccj - 1}) - x^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - \ccj} \bigr). \end{align*} Since \(\ccc_1 - (\ccl - \ccj - 2) \ccc_2 \ge \ccc_1 - (\ccl - 2) \ccc_2 \ge \ccc_2 - \gamma\), it follows that \begin{align*} \ccC_{\ccj - 1} &\equiv \ccx^{\alpha} \ccG(x^{\cca_2 - (\ccj - 1) \cca_1} \ccD_{\ccl - \ccj - 2} - x^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - \ccj - 1 }) \\ &\equiv \ccG \ccC_{\ccj} \pmod {\ccz^{\ccc_2 - \gamma} \idealA^{\ccn - \ccj + 1}}. \end{align*} Therefore if \(\ccC_{\ccj} \in \ccz^{\ccc_2 - \gamma} \idealA^{\ccn - \ccj}\), then \(\ccC_{j - 1} \in \ccz^{\ccc_2 - \gamma} \idealA^{\ccn - \ccj + 1}\), so \(\ccC_0 \in \ccz^{\ccc_2 - \gamma} \idealA^{\ccn}\) by the induction hypothesis. \comment{connect Step 4} \label{sec:org3c9a420} \paragraph*{Step 4.} We show that \(\ccC_{\ccn} \in (\ccz^{\ccc_2 - \gamma})\). Note that \begin{align*} \ccC_{\ccn} &= \ccx^{\alpha} \bigl(\ccx^{\cca_2 - (\ccn - 1) \cca_1} \ccD_{\ccl - \ccn - 2} - \ccx^{\cca_2 - (\ccl - 2) \cca_1} \ccG^{\ccl - \ccn - 1}\bigr) \\ &= \ccx^{\alpha} \bigl(\ccx^{\cca_2 - (\ccn - 1) \cca_1} \ccD_{\ccn - \epsilon - 2} - \ccx^{\cca_2 - (2 \ccn - \epsilon - 2) \cca_1} \ccG^{\ccn - \epsilon - 1} \bigr). \end{align*} By Lemma \ref{org2a0af15}, \[ \ccD_{\ccn - \epsilon - 2} \equiv (- \myy)^{\ccn - \epsilon - 1} \pmod{\ccz^{\ccc_1 - (\ccn - \epsilon - 3) \ccc_2}}. \] We see that \(\ccc_1 - (\ccn - \epsilon - 3) \ccc_2 \ge \ccc_2 - \gamma\), so \[ \ccD_{\ccn - \epsilon - 2} \equiv (- \myy)^{\ccn - \epsilon - 1} \pmod{\ccz^{\ccc_2 - \gamma}}. \] Since \begin{align*} \ccG^{\ccn - \epsilon - 1} &= (\ccz^{\ccc_1 + \ccc_2} - \myy \ccx^{\cca_1})^{\ccn - \epsilon - 1} \\ &\equiv (- \myy \ccx^{\cca_1})^{\ccn - \epsilon - 1} \pmod{\ccz^{\ccc_2 - \gamma}}, \end{align*} it follows that \begin{align*} \ccC_{\ccn} &= \ccx^{\alpha} \bigl(\ccx^{\cca_2 - (\ccn - 1) \cca_1} \ccD_{\ccn - \epsilon - 2} - \ccx^{\cca_2 - (2 \ccn - \epsilon - 2) \cca_1} \ccG^{\ccn - \epsilon - 1} \bigr) \\ &\equiv \ccx^{\alpha} \bigl(\ccx^{\cca_2 - (\ccn - 1) \cca_1} (- \myy)^{\ccn - \epsilon - 1} - \ccx^{\cca_2 - (2 \ccn - \epsilon - 2) \cca_1} (- \myy \ccx^{\cca_1})^{\ccn - \epsilon - 1} \bigr) \\ &\equiv 0 \pmod{\ccz^{\ccc_2 - \gamma}}. \end{align*} Therefore \(\ccC_{\ccn} \in (\ccz^{\ccc_2 - \gamma})\). This completes the proof. \end{proof} \comment{connect} \label{sec:org099269b} \vspace{0.5em} \noindent \emph{Proof of Theorem~\ref{org204a6ab}}. We first show that \(\idealA^{(2 \ccl - 1)} \not \subseteq \clm \idealA^{\ccl}\) for \(1 \le \ccl \le \ccn - 1\). Since \(\ccn = \lfloor (\mres[\ccM] + 1)/2 \rfloor + 1 \le (\mres[\ccM] + 1)/2 + 1\), we see that \(2 \ccl - 1 \le 2 \ccn - 3 \le \mres[\ccM]\). By Lemma \ref{org2a0af15}, \(\ccD_{2\ccl - 1} \equiv (-\myy)^{2\ccl} \pmod{\ccx}\) or \(\ccD_{2\ccl - 1} \equiv (-\myy)^{2\ccl} \pmod{\ccz}\), so \(\ccD_{2 \ccl - 1} \not \in \clm \idealA^{\ccl}\). Therefore \(\idealA^{(2 \ccl - 1)} \not \subseteq \clm \idealA^{\ccl}\) by Theorem \ref{org319617b}. We next show that \(\idealA^{(2 \ccn - 1)} \subseteq \clm \idealA^{\ccn}\). First, suppose that \(\mres[\ccM]\) is odd; then \(\mres[\ccM] = 2 \ccn - 3\). Note that \(\ccn \ge 2\). By Theorem~\ref{org319617b}, \begin{align*} \idealA^{(2 \ccn - 3)} &= \idealA^{2 \ccn - 3} + (\ccD_{2 \ccn - 3}),\\ \idealA^{(2 \ccn - 2)} &= \idealA^{(2 \ccn - 3)} \idealA + (\ccD_{2 \ccn - 2}),\\ \idealA^{(2 \ccn - 1)} &= \idealA^{(2 \ccn - 2)} \idealA + \idealA^{(2 \ccn - 3)} \idealA^{(2)}. \end{align*} It follows from Lemmas \ref{orgce83638} and \ref{org9a2d553} that \(\idealA^{(2)} \subseteq \clm \idealA\), \begin{align*} \idealA^{(2 \ccn - 3)} &= \idealA^{2 \ccn - 3} + (\ccD_{2 \ccn - 3}) \subseteq \idealA^{2 \ccn - 3} + \idealA^{\ccn - 1} = \idealA^{\ccn - 1}, \end{align*} and \begin{align*} \idealA^{(2 \ccn - 2)} &= \idealA^{(2 \ccn - 3)} \idealA + (\ccD_{2 \ccn - 2}) \subseteq \idealA^{\ccn} + \clm \idealA^{\ccn - 1} = \clm \idealA^{\ccn - 1}. \end{align*} Therefore \begin{align*} \idealA^{(2 \ccn - 1)} &= \idealA^{(2 \ccn - 2)} \idealA + \idealA^{(2 \ccn - 3)} \idealA^{(2)} \subseteq \clm \idealA^{\ccn - 1} \idealA + \idealA^{\ccn - 1} \clm \idealA = \clm \idealA^{\ccn}. \end{align*} Next, suppose that \(\mres[\ccM]\) is even; then \(\mres[\ccM] = 2 \ccn - 2\). By Theorem~\ref{org319617b}, \begin{align*} \idealA^{(2 \ccn - 2)} &= \idealA^{2 \ccn - 2} + (\ccD_{2 \ccn - 2}),\\ \idealA^{(2 \ccn - 1)} &= \idealA^{(2 \ccn - 2)} \idealA + (\ccD_{2 \ccn - 1}). \end{align*} By Lemma \ref{org9a2d553}, \[ \idealA^{(2 \ccn - 2)} = \idealA^{2 \ccn - 2} + (\ccD_{2 \ccn - 2}) \subseteq \idealA^{2 \ccn - 2} + \clm \idealA^{\ccn - 1} = \clm \idealA^{\ccn - 1} \] and \[ \idealA^{(2 \ccn - 1)} = \idealA^{(2 \ccn - 2)} \idealA + (\ccD_{2 \ccn - 1}) \subseteq \clm \idealA^{\ccn - 1} \idealA + \clm \idealA^{\ccn} = \clm \idealA^{\ccn}. \] This completes the proof. \qed \comment{bibliography} \label{sec:org4596dc1}
d001d1f84f42fc09dc5a610e84d7d8d382af88d2
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} This paper deals with the well studied GI/G/1 queue. In many ways this stochastic model lives in the centre of queueing theory and applied probability as it marks the border of tractable explicit models (e.g. M/G/1) and models for which asymptotic approximations are needed. Living on the explicitly intractable side of the border, GI/G/1 has motivated much early works in asymptotic approximate queueing theory such as \cite{kingman1962queues}, \cite{borovkov1964some} and \cite{iglehart1970mcq}. Indeed GI/G/1 is an extremely studied model (see \cite[Chapter X]{bookAsmussen2003} for an overview). Nevertheless, in this paper, we add new results to the body of knowledge about GI/G/1. There are several stochastic processes and random variables associated with GI/G/1. Of key interest to us is the the queue length process (including the customer in service), $\{Q(t),~t\ge0\}$, the departure counting process (indicating the number of service completions during $[0,t]$), $\{D(t),~t \ge0\}$, the busy period random variable, $B$, as well as several other processes which we describe in the sequel. The processes $Q(\cdot)$, $D(\cdot)$ and the random variable $B$ are constructed in a standard way (see e.g. \cite[Chapter X]{bookAsmussen2003}) on a probability space supporting two independent i.i.d. sequences of strictly positive random variables. Namely, $\{U_i\}_{i=1}^\infty$ denote the inter-arrival times and $\{V_i\}_{i=1}^\infty$ denotes the service times. Note that in this paper we assume that an arrival to an empty system occurs at time $0$ yielding service duration $V_1$ and then after time $U_1$ the next arrival occurs with service duration $V_2$ and so forth. As in many, but not all, of the GI/G/1 studies, our focus is on the very special {\em critical} case, i.e. we assume, \begin{equation}\label{critical} \mathbb{E}~[U_1] = \mathbb{E}~[V_1]:=\lambda^{-1}. \end{equation} We also assume that $\mathbb{E}~[U_1^2],\, \mathbb{E}~[V_1^2] < \infty$, that is, we are in the case where the inter-arrival and service sequences obey a Gaussian central limit law. Critical GI/G/1 has been an exciting topic for research for many reasons. It lies on the border of stability ($\mathbb{E}~[U_1] > \mathbb{E}~[V_1]$) and instability ($\mathbb{E}~[U_1] < \mathbb{E}~[V_1]$). In the near-critical but stable case, sojourn time random variables are approximately exponentially distributed (under some regularity assumptions). Further the queue length and/or workload processes converge to reflected Brownian motion when viewed through the lens of diffusion scaling. Such scaling can be done both in the near-critical case or exactly at criticality. This is then a much more tractable object for further analysis, in comparison to the associated random walks that are used in the non-critical case. See for example \cite{bookWhitt2001} for a comprehensive treatment of diffusion scaling limits. A useful survey is also in \cite{Glynn0518}. So in general, analysis in the critical case has attracted much attention. A further specialty arising in the critical case is the well-known fact that the while the busy-period random variable is finite w.p. $1$, it has infinite expectation. One of the contributions of this paper is that we further establish (under the aforementioned finite-second moment assumptions), that the busy period is a regularly varying random variable with index $1/2$, where the associated slowly varying function is bounded from below. This property of the critical busy period is well-known and essentially elementary to show for the M/M/1 case. Further, for the M/G/1 case it was established as a side result in \cite{zwart2001tail} with exact tail asymptotics. One of the main result of the current paper is that we find similar exact asymptotics for the GI/G/1 case. Tails and related properties of the busy period for GI/G/1 and related models have received much attention during the past 15 years. In addition to \cite{zwart2001tail}, the busy period has been studied under various conditions in \cite{baltrunas2004tail}, \cite{kim2007tail}, \cite{denisov2010global}, \cite{baltrunas2002second}, \cite{liu2014tail}, \cite{palmowski2006exact}, \cite{denisov2013asymptotics} and \cite{foss2004existence}. Our contribution to the body of knowledge in the critical case adds to this. One of the important reasons for studying the tail behavior of the critical busy-period is in relation to the BRAVO effect (Balancing Reduces Asymptotic Variance of Outputs). This is a phenomenon occurring in a variety of queueing systems (see for example \cite{nazarathy2011variance}), and specifically for the critical GI/G/1. For systems without buffer limitations such as GI/G/1, it was first presented in \cite{al2011asymptotic}. The (somewhat counterintuitive) BRAVO effect is that the long-term variability of the output counts is less than the average variability of the arrival and service process. This is with respect to the {\em asymptotic variance}, \[ \overline{v} := \lim_{t \to \infty} \frac{var\big(D(t)\big)}{t} = \lambda (c_a^2+c_s^2) \big(1- \frac{2}{\pi} \big), \] where $c_a^2$ and $c_s^2$ are the squared coefficient of variation of the building block random variables, i.e., \[ c_a^2 := \frac{var(U_1)}{\mathbb{E}~[U_1]^2}, \qquad c_s^2 := \frac{var(V_1)}{\mathbb{E}~[V_1]^2}. \] It thus follows that the variability function $\lim_{t\to\infty} var D(t)/\mathbb{E} D(t)$, when considered as a function of the system load, has a singular point at the system load equal $1$, which can be regarded as a manifestation of the BRAVO phenomenon. More specifically, $\overline{v}$ is essentially determined by either the arrival or the service process when for the system load is not equal $1$, whereas for the system load equal $1$ it is determined by both the arrival and service processes. In \cite{al2011asymptotic}, the BRAVO effect for GI/G/1 was established for M/M/1 by first principles and for the GI/G/1 it was derived via a classic diffusion limits for $D(\cdot)$, \cite{iglehart1970mcq}. Following the development of \cite{al2011asymptotic}, a key technical component for a complete proof of GI/G/1 BRAVO is uniform integrability (UI) of the sequence, \[ \Big\{ \frac{Q(t)^2}{t},~t \ge t_0 \Big\}, \] for some non-negative $t_0$. This UI property was only established in \cite{al2011asymptotic} under the simplifying assumption that $\mathbb{E}~[U_1^4] ,~ \mathbb{E}~[V_1^4] < \infty$ and further under the assumption that the tail behaviour of the busy-period was regularly varying with index half (as we establish in the current paper). It was further conjectured in \cite{al2011asymptotic} that GI/G/1 BRAVO persists under the more relaxed assumptions that we consider here. By using new tail behaviour results for the busy period and further considering properties of renewal processes that generalise some results in \cite{al2011asymptotic}, we settle this conjecture in the current paper under weaker assumptions of existence of $2+\epsilon$ moments of generic inter-arrival and service time. The structure of the remainder of the paper is as follows. In Section~\ref{sec:busyPeriod} we study the busy period tail behaviour and compare it with the M/M/1 and M/G/1 cases. In Section~\ref{sec:bravoAgain} we establish GI/G/1 BRAVO under the relaxed assumptions. \section{Busy Period} \label{sec:busyPeriod} For analysis of the busy period, it is useful to denote $\xi_i := V_i-U_{i}$ for $i=1,2,\ldots$ and \begin{equation}\label{rw} S_n := \sum_{i=1}^n \xi_i\quad \text{with $S_0=0$.} \end{equation} The random walk $S_n$ is embedded within the well known workload process. Within the first busy period, $S_n$ denotes the workload of the system immediately after the arrival of customer $n$. Then the number of customers served during this busy period is $N := \inf \{ n \ge 1 : S_n \le 0\}$. With $N$ at hand we can then define the busy period (duration) random variable as, \begin{equation}\label{busyrepr} B := \sum_{i=1}^N V_i. \end{equation} Note of course that $N$ and the sequence $\{V_i\}$ are generally dependent and further note that $N$ is a stopping time with infinite expectation. We will also need the generic idle period that follows the busy period which equals \[ I := -S_N. \] We recall that in this paper we assume the critical case when \eqref{critical} holds. we will write $f(x)\sim g(x)$ when $\lim_{x\to\infty} f(x)/g(x)=1$. The main result of this section is given by the following theorem \begin{theorem} \label{thm:bpMain} Consider the case where $\mathbb{E}~[U_1] = \mathbb{E}~[V_1]$ and $\mathbb{E}~[U_1^2],~ \mathbb{E}~[V_1^2]< \infty$. Then, \[ \mathbb{P} \big( B > x \big) \sim \mathbb{E}I \sqrt{\frac{2\lambda}{\pi(c_a^2+c_s^2)}} x^{-1/2}. \] \end{theorem} \begin{proof} From \cite[Thm. XVIII.5.1, p. 612]{feller1966ipt} we know that the series \[\sum_{n=1}^\infty\left[\mathbb{P}(S_n<0)-\frac{1}{2} \right]\] converges to some $b>0$ and \begin{equation}\label{meanidle} \mathbb{E}I=-\mathbb{E}S_N=\frac{\sigma}{\sqrt{2}}e^{-b} \end{equation} where \[\sigma^2=var(V_1-U_1)=(c_a^2+c_s^2)\lambda^{-2}.\] Moreover, from \cite[Thm. XII.7.1a, p. 415]{feller1966ipt}, we have \begin{equation}\label{asympN} \mathbb{P}(N>n)\sim \frac{1}{\sqrt{\pi}}e^{-b}n^{-1/2}. \end{equation} Combining above facts gives \begin{equation}\label{asympN} \mathbb{P}(N>n)\sim -\mathbb{E}S_N\sqrt{\frac{2}{\pi\sigma ^2}}n^{-1/2}= \mathbb{E}I \sqrt{\frac{2\lambda^2}{\pi (c_a^2+c_s^2)}}n^{-1/2}. \end{equation} In the last step we apply \cite[Thm. 3.1]{robert2008tails} together with the representation \eqref{busyrepr}. Namely, observe that by \eqref{asympN} is regularly varying and hence of consistent variation. Moreover, $\mathbb{E}V_1^2<\infty$ and $x\mathbb{P}(V_1>x)=o(\mathbb{P}(N>x))$. Thus \[\mathbb{P}(B>x)\sim \mathbb{P}(N>\lambda x)\] which completes the proof in view of \eqref{busyrepr}. \end{proof} From Theorem \ref{thm:bpMain} one can recover known result for the M/G/1 queue. Indeed, in this case the idle period has an exponential distribution with the parameter $\lambda>0$ and therefore $\mathbb{E}I=\frac{1}{\lambda}$. Furthermore, $c_a=1$ and hence \[\mathbb{P}(B > x ) \sim \lambda ^{-1/2} \sqrt{\frac{2}{( 1 + c_s^2) \pi }}{x}^{-1/2} \] The M/G/1 result appeared in \cite{zwart2001tail}, but with a small typo for the constant in front of $x^{-1/2}$. In the case of G/M/1 queue, we have $c_s=1$ and the first increasing ladder height $H_1$ of the random walk \eqref{rw} has exponential distribution with the parameter $\lambda>0$ and therefore $\mathbb{E}H_1=\frac{1}{\lambda}$. Moreover, by \cite[eq. (4c)]{Doney1980} we have \[(c_a^2+c_s^2)\lambda^{-2}=2\mathbb{E}H_1\mathbb{E}I=\frac{2}{\lambda}\mathbb{E}I\] and therefore \[\mathbb{E}I=(c_a^2+c_s^2)\frac{1}{2\lambda}.\] Theorem \ref{thm:bpMain} gives then \[ \mathbb{P}(B > x ) \sim \lambda ^{-1/2} \sqrt{\frac{( c_a^2+1)}{2 \pi}}{x}^{-1/2}. \] Finally we mention that the above agree with the M/M/1 case with $\mathbb{P}(B > x ) \sim \lambda ^{-1/2} {(\pi x)}^{-1/2}$ which may be also obtained via asymptotics of Bessel functions as the distribution of $B$ is exactly know. \section{BRAVO} \label{sec:bravoAgain} We now establish BRAVO for the GI/G/1 with what we believe to be the minimal possible set of assumptions. The result below unifies Theorem~2.1 and Theorem~2.2 of \cite{al2011asymptotic} and also settles Conjecture 2.2 of that paper for the single-server case. \begin{theorem} \label{thm:mainBRAVO} Consider the GI/G/1 queue with $\mathbb{E}~[U_1] = \mathbb{E}~[V_1]$ and $\mathbb{E}~[U_1^{2+\epsilon}],~ \mathbb{E}~[V_1^{2+\epsilon}]< \infty$ for any $\epsilon>0$. Then, \[ \lim_{t \to \infty} \frac{Var\big(D(t)\big)}{\mathbb{E}~[D(t)]} = (c_a^2+c_s^2) \big(1- \frac{2}{\pi} \big). \] \end{theorem} \begin{proof} Following Theorem~2.1 of \cite{al2011asymptotic} we need to show uniformly integrability (UI) of \[ \mathcal{Q} := \Bigg\{ \frac{Q(t)^2}{t},~t \ge t_0 \Bigg\} \] for some $t_0>0$. Once we establish this UI, the result follows. We can follow the same idea like one can find in the proof of \cite[Thm. 2.2]{al2011asymptotic}. Namely, we can apply \cite[Lem. 2.1]{al2011asymptotic} with $r=2+\epsilon$ for $\epsilon>0$ and \cite[Prop. 4.1, Thm. 4.1, Thm. 4.2(ii) and Thm. 4.3]{al2011asymptotic} exchanging 4th moments by $2+\epsilon$ ones and $8=2^3$ should be replaced by $2^{1+\epsilon}$. There is one crucial difference though in the proof of \cite[Thm. 4.1]{al2011asymptotic}. Namely, without using the Wald idenity used in \cite{al2011asymptotic}, we have to show there that, $\mathbb{E}~[M_{V(t)}^{2+\epsilon}] = O(t^{1+\epsilon/2})$, where $M_n = \sum_{i=1}^n \frac{1}{\mathbb{E}~[\zeta_i]} \zeta_i - n$ is mean zero random walk with $\zeta_i$ being i.i.d. random variables with $2+\epsilon$ finite moments and $V(t) = \inf \{n : \sum_{i=1}^n \zeta_i \ge t \}$ is the first passage time. From the Marcinkiewicz-Zygmund inequality for a stopped random walk given in \cite[Thm. I.5.1(iii), p. 22]{Gut} with $r=2+\epsilon$ we can conclude that \[\mathbb{E} |M_{V(t)}|^{2+\epsilon}\leq K\; \mathbb{E}\left|\zeta_1-\frac{1}{\mathbb{E}~[\zeta_i]}\right|^{2+\epsilon} \mathbb{E}V(t)^{(2+\epsilon)/2}= {\rm O}\left(\mathbb{E}V(t)^{1+\epsilon/2}\right)\] for some constant $K$. Moreover, from \cite[Thm. III.8.1, p. 98]{Gut} we know that $\lim_{t\to\infty} \mathbb{E}V(t)^{1+\epsilon/2}/t^{1+\epsilon/2} <\infty$. Hence \[\mathbb{E} |M_{V(t)}|^{2+\epsilon}={\rm O}(t^{1+\epsilon/2})\] which completes the proof. \end{proof} \section*{Acknowledgements} The authors are very thankful to Peter Taylor that was involved in early discussions on this paper.
8e3068d7913a5989bac4c721ec0f1791952f2526
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} As it is well-known (see \cite{ACdS}), a Hamiltonian system is called \emph{completely integrable} if and only if it possesses the maximal number of independent Poisson-commuting first integrals of motion. In the present article we shall work in the holomorphic category and associate to a complex surface endowed with a holomorphic symplectic form and a Hamiltonian function a holomorphic completely integrable system of complex dimension $2d$. Our aim is to describe such a construction and provide a full characterization of the completely integrable systems that arise from it.\\ We will proceed according to the following plan.\\ In section 2 we start from a complex surface $S$ holomorphically projecting onto $\mathbb{C}$ via a map $p$ and recall from \cite{AH} the definition of Hilbert scheme of $d$ points transverse to $p$, which we denote by $S^{[d]}_p$. We also recall from \cite{AB83} and \cite{AH}, \cite{RB15} that $S^{[d]}_p$ is an open subset of the full Hilbert scheme $S^{[d]}$ of length $d$ $0$-dimensional subschemes of $S$, which is smooth and is of complex dimension $2d$ hence so is $S^{[d]}_p$. Next, we show how $p$ induces a natural endomorphism $A$ of the tangent bundle $TS^{[d]}_p$ such that at every point of $S^{[d]}_p$ its characteristic polynomial is the square of its minimal polynomial and its eigenspaces all have complex dimension $2$.\\ In section 3 (Proposition \ref{prop: endom inverse construction}) we show how the eigenvalues and eigenspaces of $A$ determine the geometry of $S$ and $S^{[d]}_p$, meaning that, starting from a $2d$-$\dim_{\mathbb{C}}$ manifold $\mathcal{W}$ endowed with an endomorphism $A$ of $T\mathcal{W}$ with the above properties, $S$ is recovered as the leaf space of a foliation induced by $A$ and $\mathcal{W}$ is identified with $S^{[d]}_p$.\\ Section 4 is finally devoted to the characterization of $S^{[d]}_p$ as a holomorphic completely integrable system. Assuming that the surface $S$ carries a holomorphic symplectic $2$-form $\omega$ we recover Beauville's result (\cite{AB83}) and show that $\omega$ induces a symplectic structure on $S^{[d]}_p$, for which we point out the existence of $d$ independent Poisson-commuting Hamiltonians, thus giving $S^{[d]}_p$ the structure of a completely integrable system. The remainder of the section is then focused on reversing the construction: we start from a complex $2d$-dimensional completely integrable system, endowed with the extra feature of an endomorphism $A$ of its tangent bundle with the aforementioned properties and show how, under some compatibility assumptions between the symplectic form and $A$, $\mathcal{W}$ is recovered as the integrable system constructed as the transverse Hilbert scheme of $d$ points of a surface $S$ with a projection $p \colon S \rightarrow \mathbb{C}$. \begin{rem}\rm The motivation for this paper comes from the link between the theory of completely integrable systems and the geometry of manifolds of higher degree curves in twistor spaces. As explained in \cite{RB14}, given a holomorphic fibration $Z \xrightarrow{\pi} T\mathbb{P}^1 \xrightarrow{\pi_1} \mathbb{P}^1$ such that $Z$ has a real structure covering the antipodal map of $\mathbb{P}^1$ and $\dim_{\mathbb{C}}Z=3$, the space $\mathcal{M}_d$ of real ``degree $d$" curves in $Z$ satisfying appropriate conditions is a hyperkähler manifold of real dimension $4d$. When one complex structure $I_{\zeta}$ among the $S^2$ of possible complex structure is fixed, there is a finite unramified covering map \begin{align} \psi \colon \left(\mathcal{M}_d, I_{\zeta}\right) &\rightarrow \left(Z_{\zeta}^{[d]}\right)_{\pi}\\ C &\mapsto C_{\zeta}, \end{align} where, keeping the notation of \cite{RB14}, $ \left(Z_{\zeta}^{[d]}\right)_{\pi}$ is the Hilbert scheme of $d$ points in $Z_{\zeta}\coloneqq \tilde{\pi}^{-1}(\zeta)$ transverse to the projection $\tilde{\pi}\vert_{Z_{\zeta}}=\left(\pi_1 \circ \pi\right)\vert_{Z_{\zeta}}$, and $C_\zeta=C \cap Z_{\zeta}$.\\ Following the construction of Sections 3 and 4, an endomorphism $A$ can be constructed on $T_{C_{\zeta}}\left(Z_{\zeta}^{[d]}\right)_{\pi}$ for every $C \in \mathcal{M}_d$, which has the mentioned properties on the eigenspaces and characteristic polynomial, fitting the above scenario to our description.\\ Examples of such manifolds are the ones obtained by the generalized Legendre transform such as the moduli space $\mathcal{M}_k$ of charge $k$ monopoles. As described by Atiyah and Hitchin in \cite{AH} we know that, once equipped with one chosen complex structure, $\mathcal{M}_k$ is diffeomorphic to the space $R_k$ of based rational maps of degree $k$, i.e. \begin{align*} R_k=\left\{ \frs{p(z)}{q(z)} \vert ~ \deg q=k, \deg p=k-1, q \text{ is monic and } p(z)\ne 0 \text{ if } q(z)=0 \right\} \end{align*} which, in turn, is equivalent to $S^{[k]}_{p}$ where $S=\mathbb{C} \times \mathbb{C}^*$ and $p$ is the projection onto the first factor.\\ \end{rem} \subsection*{Acknowledgements} The author wishes to acknowledge Roger Bielawski for suggesting the problem as well as for his constant supervision and countless fruitful discussions. He also thanks Simon Salamon for his comments and suggestions during the stay in London and the DFG Graudiertenkolleg 1463 ``Analysis, Geometry and String Theory" for the financial support. \begin{comment} In this article, given a complex surface $S$ projecting onto $\mathbb{C}$ via a projection $p$, we shall consider the construction and provide a characterization of the so-called Hilbert scheme of $d$ points of $S$ transverse to $p$, which we will denote by $S^{[d]}_{p}$.\\ We recall from \cite{AB83} and \cite{AH}, \cite{RB15} that $S^{[d]}_p$ is an open subset of the full Hilbert scheme $S^{[d]}$ of length $d$ $0$-dimensional subschemes of $S$, which is smooth and is of complex dimension $2d$ hence so is $S^{[d]}_p$.\\ It will turn out that $p$ induces a natural endomorphism $A$ of the tangent bundle $TS^{[d]}_p$ such that at every point of $S^{[d]}_p$ its characteristic polynomial is the square of its minimal polynomial and its eigenspaces all have complex dimension $2$. In section 3 we show We will show in Proposition \ref{prop: endom inverse construction} how the eigenvalues and eigenspaces of $A$ determine the geometry of $S$, meaning that $S$ can be recovered, starting from a $2d$-$\dim_{\mathbb{C}}$ manifold $\mathcal{W}$ possessing an endomorphism $A$ of $T\mathcal{W}$ with the above properties, as the leaf space of a foliation induced by $A$.\\ Moreover, it is well known from \cite{AB83} that a symplectic structure $\omega$ on $S$ induces a symplectic structure on $S^{[d]}$, hence on $S^{[d]}_p$. We will show how to reverse the construction starting with a manifold $\mathcal{W}$ as above which we now suppose endowed with a symplectic $2$-form satisfying some compatibility assumption with $A$. \begin{rem}\rm The motivation of this paper primarily comes from the geometry of hyperkähler manifolds of higher degree curves in twistor spaces: what we are going to describe is exactly the picture arising once one among the $S^2$ of possible complex structures is fixed (see \cite{RB14} for details). Examples of such manifolds are the ones obtained by the generalized Legendre transform such as the moduli space $\mathcal{M}_k$ of charge $k$ monopoles. As described by Atiyah and Hitchin in \cite{AH} we know that, once equipped with one chosen complex structure, $\mathcal{M}_k$ is diffeomorphic to the space $R_k$ of based rational maps of degree $k$, i.e. \begin{align*} R_k=\left\{ \frs{p(z)}{q(z)} \vert ~ \deg q=k, \deg p=k-1, q \text{ is monic and } p(z)\ne 0 \text{ if } q(z)=0 \right\} \end{align*} which, in turn, is equivalent to $S^{[k]}_{p}$ where $S=\mathbb{C} \times \mathbb{C}^*$ and $p$ is the projection onto the first factor.\\ This is the fibrewise picture of the twistor fibration for $\mathcal{M}_k$, where the total space of the $L^2$ line bundle on $T\mathbb{P}^1$ is seen as a manifold $Z$ of $\dim_{\mathbb{C}}=3$ fibred over $\mathbb{P}^1$.\\ In general the surface $S$ together with $p \colon S \rightarrow \mathbb{C}$ can represent the fibrewise picture of a given fibration $Z \rightarrow T\mathbb{P}^1 \rightarrow \mathbb{P}^1$, $Z$ being a complex $3$-manifold, which is currently being investigated in its global behaviour. \end{rem} \begin{rem}\rm\label{Rmk: holom compl int sys} The study we are going to present also exhibits a special link with the geometry of holomorphic completely integrable systems. In fact, given a complex surface $S$ with a holomorphic symplectic form $\omega$ and a projection $p \colon S \rightarrow \mathbb{C}$, the results of Sections $2$ and $4$ give $S^{[d]}_p$ the structure of a holomorphic completely integrable system with the extra feature of an endomorphism $A$ of the tangent bundle that satisfies the previously mentioned conditions. The presence of such an endomorphism will be our key to determine whether a given holomorphic completely integrable system arises from the construction of the transverse Hilbert scheme of points of a holomorphic symplectic surface $(S, \omega)$ projecting onto $\mathbb{C}$. \end{rem} \end{comment} \ \section{An Endomorphism of the Tangent Space} Let $S$ be a complex surface (for the moment being we do not assume it to be symplectic) with a surjective holomorphic projection $p \colon S \rightarrow \mathbb{C}$ which is a submersion outside a discrete subset $B \subset S$. We recall from \cite{RB15} the following definition of \emph{transverse Hilbert scheme of $S$ of $d$ points} with respect to the projection $p$. \begin{definition} The length $d$ Hilbert scheme of $S$ transverse to the projection $p$ is the subset $S^{[d]}_{p}$ of the full length $d$ Hilbert scheme $S^{[d]}$ of $S$ consisting of those $0$-dimensional subschemes $Z$ of length $d$ such that $p \colon Z \rightarrow p(Z)$ is an isomorphism onto the scheme-theoretic image. \end{definition} \begin{rem}\rm It is clear from the definition that $p$ induces a surjective holomorphic map $p^{[d]} \colon S^{[d]}_{p} \rightarrow \mathbb{C}^{[d]}\cong S^d(\mathbb{C})$, where $S^d(\mathbb{C})$ stands for the $d$-th symmetric power of $\mathbb{C}$. \end{rem} \begin{rem}\rm A practical interpretation of the transversality condition is the following: taken $Z \in S^{[d]}_p$, if $z \in p(Z) \subset \mathbb{C}$ is a point with multiplicity $k$, then it will correspond via $p$ to a point $s \in p^{-1}(z)$ also of multiplicity $k$. A scenario with points $s_1, \dots, s_j$ of multiplicity $k_1, \dots, k_j$, $\sum k_i=k$, all lying in $p^{-1}(z)$ is hence excluded. \end{rem} On the tangent space to $S^{[d]}_p$ a natural endomorphism is defined as follows. Let $q(z)$ be the monic polynomial of degree $d$ defining the image $p(Z)$ of $Z$ via $p$ and observe that $H^0(Z,\mathbb{C}) \cong \mathbb{C}[z]/(q(z))$, where the generator $z$ stands as a preferred element. Recall now that, for every $Z \in S^{[d]}_p$, one has $T_ZS^{[d]}_p \cong H^0(Z, TS\vert_Z)$ due to a well-known theorem of Kodaira (\cite{KOD62}). Then we set $A_Z$ to be the map \begin{align} \begin{split} H^0(Z, TS\vert_Z) &\longrightarrow H^0(Z,TS\vert_Z) \\[6pt] \sigma(z) & \mapsto f(z)\sigma(z), \end{split} \end{align} where we take $f \colon X \rightarrow \mathbb{C}$ to be the function $z \in H^0(Z,\mathbb{C})$. \begin{rem}\rm If $\sigma \in H^0(Z,TS\vert_Z)$ and $p\in S$ is a point of $Z$ with multiplicity one then $(A\sigma)(p)=z(p)\sigma(p)$. If, instead, $p$ has multiplicity $k>1$, we recall from \cite[Proposition 2.4]{AHH90} that the section $\sigma$ is given as a power series in $(z-z(p))$ truncated at order $k$, that is \begin{align}\label{eq: power series sigma} \sigma(z)=\sigma(z(p))+\sigma'(z(p))(z-z(p))+\dots+\frs{\sigma^{(k)}(z(p))}{k!}(z-z(p))^k. \end{align} Then $A\sigma$ will be give the truncated power series of $z\sigma(z)$, that is \begin{align}\label{eq: power series A(sigma)} (z\cdot\sigma)(z)&=z(p)\sigma(z(p))+(\sigma(z(p))+z(p)\sigma'(z(p)))(z-z(p))+\dots\\[6pt] &+\frs{k\sigma^{(k-1)}(z(p))+z(p)\sigma^{(k)}(z(p))}{k!}(z-z(p))^k. \end{align} Comparing \eqref{eq: power series A(sigma)} and \eqref{eq: power series sigma} we deduce that the eigenspaces of $A$ are of dimension $2$. Also, the eigenvalues have even multiplicity each one equal to the dimension of the relative power expansion space. These two observations altogether yield, at each point of $S^{[d]}_p$, the Jordan canonical form of $A$. \end{rem} \begin{example}[The space of rational maps] \label{ex: rat map and AH}\rm The machinery we have introduced so far allows us to build such an endomorphism $A$ on the tangent space to the space of based rational maps of degree $d$. As an example we compute it for $d=2$.\\ Let us define the complex surface $S=\mathbb{C} \times \mathbb{C}^*$ projecting onto $\mathbb{C}$ via $p$ which we interpret as the moduli space of charge $1$ monopoles and let $S^{[2]}_{p}$ be its Hilbert scheme of points of length $2$ transverse to $p$. We identify (see \cite{AH}) $S^{[2]}_{p}$ with the space of all based rational map of degree $2$, defined by \begin{equation} R_2=\left\{\frs{p(z)}{q(z)}=\frs{a_1z+a_0}{z^2-q_1z-q_0} \vert~ p(z) \text{ and } q(z) \text{ have no common roots } \right\}. \end{equation} Observe that a tangent vector to $R_2$ at a point $(p(z), q(z))$ is given as a couple of degree $1$ polynomials $(q'(z),p'(z))$ where we write $q'(z)=q'_1z+q'_0$ and $p'(z)=p'_1z+p'_0$. Applying the previous construction we get an endomorphism $A$ of the tangent bundle to $R_2$ which on the tangent space to $R_2$ at each point $(p(z),q(z))$ operates as multiplication by $z$ modulo $q(z)$. This means that \begin{align*} A_{(q(z),p(z))} \colon T_{(q(z),p(z))}R_2 & \longrightarrow T_{(q(z),p(z))}R_2 \\[6pt] (q'_1z+q_0, p'_1z+p_0) & \mapsto ((q_1q'_1+q'_0)z+q_0q'_1, (q_1p'_1+p'_0)z+q_0p'_1) \end{align*} is represented at $(p(z), q(z))$ by the block-diagonal matrix \begin{equation}\label{mult by z mod q} A_{(q(z),p(z))} \coloneqq \begin{pmatrix} q_1 & 1 & 0 & 0 \\[6pt] q_0 & 0 & 0 & 0 \\[6pt] 0 & 0 & q_1 & 1 \\[6pt] 0 & 0 & q_0 & 0 \end{pmatrix} \end{equation} where each block is the so-called companion matrix of the polynomial $q(\lambda)$.\\ Let us now focus on the open dense subset of $R_2$ consisting of all based degree $2$ rational maps with simple poles. If a map $p(z)/q(z)$ has distinct poles, i.e. the roots of $q$ are distinct, then it can be identified with the point $X=\left((\beta_1, p(\beta_1), (\beta_2, p(\beta_2))\right) \in S^{[2]}_{p}$, where the $\beta_i$'s are the roots of $q$ and $p(z)$ is recovered by Lagrange interpolation as the unique linear polynomial taking the values $p(\beta_i)$ at $\beta_i$. The projection $p \colon S \longrightarrow \mathbb{C}$ induces on every $X \in S^{[2]}_{p}$ a function $f \colon X \longrightarrow \mathbb{C}$ taking $(\beta_i, p(\beta_i))$ into $\beta_i \in \mathbb{C}$. Using the fact that $T_XS^{[2]}_{p} \cong H^0(X,TS\vert_X)$, the function $f$ induces an endomorphism $H^0(X,TS\vert_X) \longrightarrow H^0(X,TS\vert_X)$ given by $\sigma(x) \longrightarrow f(x)\sigma(x)$ for $x \in X$. In the tangent frame provided by these coordinates, $A$ at $(\beta_i, p(\beta_i))$ is represented by the diagonal matrix $\diag (\beta_1, \beta_1, \beta_2, \beta_2)$. Since on this open subset $q_0=-\beta_1\beta_2, q_1=\beta_1+\beta_2$, a computation shows that this diagonal matrix actually is the Jordan canonical form of \eqref{mult by z mod q}. \\ We observe also that, when $q_1=2\beta$ and $q_0=-\beta^2$ i.e. the rational map has a double pole at $z=\beta$, then the Jordan form of $A$ is \begin{equation} \begin{pmatrix} \beta & 1 & 0 & 0 \\[6pt] 0& \beta & 0 & 0 \\[6pt] 0 & 0 & \beta & 1 \\[6pt] 0 & 0 & 0 & \beta \end{pmatrix} \end{equation} \end{example} \begin{example}\rm Let us consider the double cover of the Atiyah-Hitchin manifold. As described in \cite{AH} this is a surface $S \subset \mathbb{C}^3$ defined by $S=\left\{(z,x,y) \vert~ x^2-zy^2=1 \right\}.$ We can therefore consider the Hilbert scheme of $d$ points of $S$ tranverse to the projection $p$ onto the first coordinate. We recall from \cite{RB15} that it can be described as the set of triple of polynomials $x(z), y(z), q(z)$ such that $x(z)$ and $y(z)$ have degree $d-1$, $q(z)$ is monic of degree $d$ and the equation $x^2(z)-zy^2(z)=1$ modulo $q(z)$ is verified.\\ An alternative description (also explained in \cite{RB15}), which we will use here, is obtained by considering the quadratic extension $z=u^2$. In this case the equation $x^2-zy^2=1$ is rewritten as $(x+uy)(x-uy)=1$ and we observe that $p(u)=x(u^2)+uy(u^2)$ is a polynomial of degree $2d-1$ in $u$ while $q(u^2)$ is a polynomial of degree $2d$ in $u$ which has no odd terms. The Hilbert scheme $S^{[d]}_p$ is then described as the set of all couples of polynomials $(p(u),q(u^2))$ such that $p(u)p(-u)=1$ modulo $q(u^2)$. Similarly to the previous example, a tangent element in $T_{(p(u),q(u^2))}S^{[d]}_p$ is given by a couple of polynomials of the form \begin{align} p'(u)&=p'_0+p'_1u+\dots+p'_{2d-1}u^{2d-1}\\ q'(u^2)&=q'_0+q'_1u^2+\dots+q'_{d-1}u^{2d-1} \end{align} such that \begin{align}\label{HS of AH cover v2: tangent condition} p'(u)p(-u)+p(u)p'(-u)=0 \text{ modulo } q(u^2). \end{align} We finally produce the endomorphism $A \colon T_{(p(u),q(u^2))}S^{[d]}_p \rightarrow T_{(p(u),q(u^2))}S^{[d]}_p$ at every $(p(u),q(u^2)) \in S^{[d]}_p$ as multiplication by $u^2$ modulo $q(u^2)$, after observing that it preserves the space of solutions to \eqref{HS of AH cover v2: tangent condition}. \end{example} We now define the manifold $\tilde{S}^{[d]}_p$as the set of all $(z, Z) \in \mathbb{C} \times S^{[d]}_p$ such that $z \text{ is eigenvalue of } A_Z$ and observe that it comes with a double projection \begin{equation} \xymatrix{ &\tilde{S}^{[d]}_p \ar[d]_{\rho} \ar[dr]^{\pi}\\ &\mathbb{C} &S^{[d]}_p } \end{equation} where $\pi$ is a branched $d:1$ covering of $S^{[d]}_p$. Also, for every $X \in S^{[d]}_p$, one can lift $A_Z$ to an endomorphism $\pi^*T_ZS^{[d]}_p \longrightarrow \pi^*T_ZS^{[d]}_p.$ Hence we draw the following diagram \begin{equation}\label{eq: two sequences} \footnotesize \begin{tikzpicture} \matrix (m) [matrix of math nodes, row sep=3em, column sep=3em, text height=1.5ex, text depth=0.25ex] {& & &0 &\\ & & &T^V_pS\vert_Z &\\ 0 & \pi^*T_ZS^{[d]}_p & \pi^*T_ZS^{[d]}_p &TS\vert_Z & 0 \\ & & & T\mathbb{C} & \\ && &0&\\}; \path[->] (m-1-4) edge (m-2-4); \path[->] (m-2-4) edge (m-3-4); \path[->](m-3-1) edge (m-3-2); \path[->] (m-3-2) edge node[auto]{$z-A_Z$} (m-3-3); \path[->] (m-3-3) edge (m-3-4); \path[->](m-3-4) edge (m-3-5); \path[->](m-3-4) edge (m-4-4); \path[->](m-4-4) edge (m-5-4); \path[->] (m-3-3) edge[dotted] (m-4-4); \end{tikzpicture} \end{equation} Let $\beta$ be the function defined by the dotted arrow. We see that $Im(z-A_Z)$ lies in the kernel of $\beta$. Also, one has that elements of $\pi^*T_ZS^{[d]}_p$ correspond to deformations of $S^{[d]}_p$ at $Z$ and elements in $T^V_{\rho}\tilde{S}^{[d]}_p$ correspond to deformations fixing the eigenvalue. From this we get that $\ker \beta=T^V_{\rho} \tilde{S}^{[d]}_p$ and $Im(z-A) \subset T^V_{\rho}\tilde{S}^{[d]}_p$. \begin{rem}\rm The holomorphic distribution $D\coloneqq Im(z-A)$ defined on $\tilde{S}^{[d]}_p$ is clearly involutive on the dense subset of $\tilde{B} \subset \tilde{S}^{[d]}_p$ consisting of all couples $(z, Z) \in \mathbb{C}\times S^{[d]}_p$ with $Z$ a length $d$ $0$-dimensional subscheme of $S$ consisting of points that are all distinct, hence it is involutive on the whole $\tilde{S}^{[d]}_p$. \end{rem} \noindent Construct now the double fibration \begin{equation} \xymatrix{ &\mathcal{Y} \ar[d] \ar[dr]\\ &S &S^{[d]}_p } \end{equation} the manifold $\mathcal{Y}$ being defined as $\mathcal{Y}=\left\{(s,Z) \in S \times S^{[d]}_p \vert~ s\in Z \right\}$. So far we notice that \begin{align*} \tilde{S}^{[d]}_p &= \left\{ (z,Z) \in \mathbb{C} \times S^{[d]}_p \vert~z \text{ is eigenvalue of } A_Z \right\}\\[6pt] &=\left\{ (z,Z) \in \mathbb{C} \times S^{[d]}_p \vert~z=p(x) \text{ for some } x \in Z\right\}\\[6pt] &\cong \left\{(x,Z) \in S \times S^{[d]}_p \vert ~ x \in Z \right\}. \end{align*} Hence we recover our initial surface as the space of leaves $S=\mathcal{Y}/D \cong \tilde{S}^{[d]}_p/D$. \\ This suggests us the following \emph{inverse construction}. \section{The Inverse Construction} Let us start with a complex manifold $\mathcal{W}$ of complex dimension $2d$ endowed with an endomorphism $A: T\mathcal{W} \rightarrow T\mathcal{W}$ of its holomorphic tangent bundle $T\mathcal{W}$ with eigenvalues of even multiplicity and such that its characteristic polynomial is the square of its minimal polynomial. Set now $X \coloneqq \mathbb{C}^{[d]}$ Hilbert scheme of $d$ points of $\mathbb{C}$ and define a map $\mu \colon \mathcal{W} \longrightarrow X$ which assigns to each point $w \in \mathcal{W}$ the minimal polynomial of $A$ at $w$ which we denote $q_w(\lambda)$. Assume now $\mu$ to be a surjective submersion and define a vector field $\b{V} \in \mathfrak{X}(\mathcal{W})$ to be projectable for $\mu$ if, for every $x \in X$, $d\mu_w(\b{V}_w)$ does not depend of the choice of $w$ in $\mu^{-1}(x)$. If we suppose that $A$ preserves the vertical vectors and the projectable vector fields for the projection $\mu$, then it descends to a map $\bar{A} \colon TX \longrightarrow TX$ which makes the following diagram commute \begin{equation} \label{diag: A Abar} \xymatrix{ &T\mathcal{W} \ar[d]_{d\mu} \ar[r]^{A} &T\mathcal{W} \ar[d]^{d\mu}\\ &TX \ar[r]_{\bar{A}} &TX. } \end{equation} \begin{definition} If an endomorphism $A$ that satisfies the above conditions is such that none of its generalized eigenspaces is fully contained in $\ker(d\mu)$, then we will call it \emph{compatible} with the projection $\mu$ defined by its minimal polynomial. \end{definition} For $q(\lambda) \in X$ let us identify $T_{q(\lambda)}X \cong \mathbb{C}[\lambda]/ (q(\lambda))$ and assume that $A$ is compatible with $\mu$. Then $\bar{A}$ is naturally given by multiplication by $\lambda$ modulo $q(\lambda)$. Set also $\mathcal{W}_z=\left\{ w \in \mathcal{W} \vert~ z \in \Spec A_w\right\}$, i.e. $\mathcal{W}= \pi^{-1}(X_z)$ where $X_z$ is the set of all monic polynomials of degree $d$ for which $z$ is a root. With these definitions we see for a tangent vector $\b{V}$ that $\b{V} \in T\mathcal{W}_z \Longleftrightarrow d\mu(\b{V}) \in T X_z$, where the tangent space to $X_z$ at $q(\lambda)$ can be described as \begin{equation} T_qX_z=\left\{p(\lambda) \vert ~ \deg p(\lambda)=d-1 \text{ and } p(z)=0 \right\}. \end{equation} Take now a polynomial $q'(\lambda) \in T_{q(\lambda)}X$ and $z \in C$: the definition of $\bar{A}$ implies that $(z\mathds{1}-\bar{A})(q'(\lambda))$ is a polynomial of $T_{q(\lambda)}X$ that vanishes at $z$ that is, by the commutativity of the diagram, $Im(z\mathds{1}-A) \subset T\mathcal{W}_z$.\\ Define now $\tilde{\mathcal{W}}=\left\{(z,w) \in \mathbb{C} \times \mathcal{W} \vert~ z \text{ is an eigenvalue of }A_w \right\}$, which is a $d \colon 1$ covering of $\mathcal{W}$, with two projections \begin{equation}\label{diag: pi rho} \xymatrix{ &\tilde{\mathcal{W}} \ar[d]_{\rho} \ar[dr]^{\pi}\\ &\mathbb{C} &\mathcal{W}. } \end{equation} Then $A$ can be lifted to an endomorphism of $T(\mathbb{C} \times \mathcal{W})$, which we will still denote by $A$, preserving the vertical subbundles of $\rho$ and $\pi$. The previous observations imply that, at every point $(z,w)$, $A$ acts on the vertical subbundle of $\pi$ as multiplication by $z$ and that it descends to $T\tilde{\mathcal{W}}$. Assuming now that the distribution $Im\left(z\mathds{1}-A\right)$ is integrable, we see that it defines a subdistribution of the integral distribution $\ker d\rho$. We can therefore recover our initial surface $S$ as the leaf space \begin{equation} S \coloneqq \frs{\tilde{\mathcal{W}}}{Im\left(z\mathds{1}-A\right)} \end{equation} The surface $S$ comes with a natural projection $p \colon S \longrightarrow \mathbb{C}$ defined as $p([(z,w)])=z$, which makes the following diagram commute \begin{equation} \xymatrix{ &S \ar[d]_p & \tilde{\mathcal{W}} \ar[l]_{proj} \ar[dl]^{\rho}\\ &\mathbb{C} } \end{equation} It is now sufficient to define $\mathcal{U} \subset S^{[d]}$ as $\mathcal{U}=\left\{proj(\pi^{-1}(w)) \vert ~ w \in \mathcal{W} \right\}$ and $Z=Z(w)=proj(\pi^{-1}(w)) \in \mathcal{U}$ in order to apply the previously exposed construction for getting $A_X \colon T_X\mathcal{U} \longrightarrow T_X\mathcal{U}$ i.e. once more our endomorphism $A_w \colon T_w\mathcal{W} \longrightarrow T_w\mathcal{W}$ for every point $w$ of $\mathcal{W}$.\\ Hence, keeping the conventions that we have introduced so far, we have proven the following. \begin{prop} \label{prop: endom inverse construction} Let $\mathcal{W}^{2d}$ be a complex manifold of complex dimension $2d$ with the following properties. \begin{enumerate}[(i)] \item $\mathcal{W}$ comes with an endomorphism $A \colon T\mathcal{W} \rightarrow T\mathcal{W}$ such that at every point the eigenspaces have complex dimension $2$ and the characteristic polynomial is the square of the minimal polynomial \item Assume that $A$ is compatible with the induced projection $\mu \colon \mathcal{S} \rightarrow X \coloneqq \mathbb{C}^{[d]}$, so that Diagram \eqref{diag: A Abar} is defined \item The distribution $D \coloneqq Im(z-A)$ is integrable on the incidence manifold $\tilde{\mathcal{W}}=\left\{(z,w) \in \mathbb{C} \times \mathcal{W} \vert~ z \text{ is an eigenvalue of }A_w \right\}$. \end{enumerate} Then $\rho \colon S\coloneqq \tilde{\mathcal{W}}/ D \rightarrow \mathbb{C}$ is a surface projecting on $\mathbb{C}$ for which $\mathcal{W}$ is the length $d$ Hilbert scheme of points transverse to the projection. \end{prop} \section{A Symplectic Form} This section will be devoted to revising, in both directions, the previously exposed construction when we assume our surface $S$ to carry a symplectic form $\omega$ on its tangent bundle. From now on we shall also assume that the projection $p \colon S \rightarrow \mathbb{C}$ is submersion outside at most a discrete subset $B \subset S$.\\ As we have already pointed out in the Introduction, the results of Sections $3$ and $4$ show that the transverse Hilbert scheme of points $S^{[d]}_p$ gets the structure of a holomorphic completely integrable system. The importance of $A$ in distinguished whether a given holomorphic integrable system arises as the Hilbert scheme of points of a holomorphic symplectic surface is well motivated by the following example. \begin{example}[Motivational Example]\rm Let us consider the complex $2d$-dimensional manifold $\mathbb{C}^{2d}$, with coordinates $(z_i,t_i), i=1,\dots,d$ and endowed with the standard symplectic form $\Omega_0=\sum dz_i \wedge dt_i$, endowed with he projection $p_0\colon \mathbb{C}^{2d} \rightarrow \mathbb{C}^d$ given by $p_0(z_i,t_i)=(z_i)$. Observe that the coordinates $z_i$ are $d$ commuting Hamiltonian functions. Now, the projection $p_0$ induces an endomorphism $A\colon T\mathbb{C}^{2d} \rightarrow T\mathbb{C}^{2d}$ given, at every point of $\mathbb{C}^{2d}$, by the diagonal matrix $\diag(z_1,z_1, \dots, z_d, z_d)$. The eigenspaces of this endomorphism, however, show a jump in dimension whenever two eigenvalues happen to coincide. As a result of this, although $(\mathbb{C}^{2d},\Omega_0, z_1, \dots, z_d)$ is a holomorphic completely integrable system, it does not arise via a transverse Hilbert scheme construction as $A$ does not meet the necessary requirements.\\ We now consider a different $\mathbb{C}^{2d}$ from the one above, with a different projection. Namely we take the space $X_d$ of all couples of polynomials $\left( Q(\lambda), P(\lambda)\right)$ such that $Q$ is monic of degree $d$ and $T$ has degree $d-1$. If we write $Q=\lambda^d-\sum Q_j \lambda^j$ and $t=\sum T_i \lambda^i$ then $(Q_i,T_i)$ are global coordinates and $X\cong \mathbb{C}^{2d}$. Now, on the open dense subset $\mathcal{V}$ of $X$ consisting of couples $(Q(\lambda), T(\lambda)$ such that $Q$ has all distinct roots, we also have coordinates $(\beta_i, T(\beta_i))$ where $\beta_i$ are the roots of $Q$ and $T(\beta_i)$ the values of $T$ on those roots. In these latter coordinates the form $\sum d\beta_i \wedge T(\beta_i)$ is defined and it can uniquely extended to a holomorphic symplectic $2$-form $\Omega$ on the whole of $X_d$. The functions $Q_0, \dots, Q_{d-1}$ will then be $d$ commuting Hamiltonians with respect to $\Omega$: in fact, on the open dense subset $\mathcal{V}$ they are just the elementary symmetric polynomials in the roots $\beta_i$, hence they commute with each other on $\mathcal{V}$, so on all $X_d$. We set then the projection $p \colon X_d \rightarrow \mathbb{C}^d$, $p(Q_i, T_i)=(Q_i)$ and observe that $(X_d, \Omega, Q_0, \dots, Q_{d-1})$ is a holomorphic completely integrable system. The projection $p$ defines here an endomorphism $A$ of $TX_d$ which is represented by \begin{align} \begin{pmatrix} C_Q & 0 \\[6pt] 0 & C_Q \end{pmatrix}, \end{align} where $C_Q$ is the so-called companion matrix of the polynomial $Q(\lambda)$ and meets our requirements. Therefore, thanks to our results of sections 3 and 4, we can recover the holomorphic completely integrable system $(X_d, \Omega, Q_0, \dots, Q_{d-1})$ as the Hilbert scheme of $d$ points of the surface $\mathbb{C} \times \mathbb{C}$ transverse to the projection onto the first coordinate. \begin{comment} \begin{align} \begin{pmatrix} C_Q & 0 \\[6pt] 0 & C_Q \end{pmatrix}, \end{align} where $C_Q$ is the so-called companion matrix of the polynomial $Q(\lambda)$, and meets our requirements. \end{comment} \end{example} In \cite[Proposition 5]{AB83} Beauville proves that the full Hilbert scheme $S^{[d]}$ of a complex symplectic surface $(S,\omega)$ has a symplectic form induced by $\omega$. In the following Lemma we will explicitly recover his result on the transverse Hilbert scheme of $d$ points $S^{[d]}_p$, which we know to be an open subset of the full Hilbert scheme. We remark that the existence of a symplectic form on the Hilbert scheme of $d$ points in $\mathbb{C} \times \mathbb{C}^*$ transverse for the projection $p \colon \mathbb{C} \times \mathbb{C}^* \rightarrow \mathbb{C}$ onto the first coordinate was pointed out by Atiyah-Hitchin in \cite[Chapter 2]{AH}, where an explicit formula is only given on the subset $\mathcal{V} \subset (\mathbb{C} \times \mathbb{C}^*)^{[d]}_p$ of $d$-tuples consisting of all distinct points. \begin{lemma}\label{lemma: induced form on HS} Let $p \colon S \rightarrow \mathbb{C}$ be a complex surface projecting onto $\mathbb{C}$ and assume that $p$ is a submersion outside a discrete set $B \subset S$. Assume also that $S$ possesses a holomorphic symplectic form $\omega$ Then $\omega$ induces a symplectic form $\Omega$ on the Hilbert scheme $S^{[d]}_p$ of $d$ points in $S$ transverse to $p$. \begin{proof} We start by proving the Lemma in the case $d=2$.\\ Fix $d=2$ and define $M=\left(S\setminus B\right)^{[2]}_p$. Let $\mathcal{V} \subset S^{[2]}_p$ be the set of all $0$-dimensional subschemes of $S$ consisting of two distinct points. For every $Z \in M \cap \mathcal{V}$, i.e. consisting of two different points $p_1, p_2$ of $S$, the isomorphism $T_ZM \cong H^0(Z,TS\vert_Z)$ easily yields the symplectic form on $M \cap \mathcal{V}$:the map $\psi \colon S \times S \rightarrow S^{[2]}_p$ has no ramification on $\mathcal{V}$ hence is a $2$ to $1$ covering. By breaking the $\mathfrak{S}_2$-symmetry and choosing a sheet of $\psi$, that is ordering the couple $p_1, p_2$, one splits $H^0(Z,TS\vert_Z) \cong T_{p_1}S \oplus T_{p_2}S$ and defines $\Omega_Z=\omega_{p_1} \oplus \omega_{p_2}$. Since the local coordinates $(z,t)$ on $S \setminus B$ induce local coordinates $(z_1, t_1, z_2, t_2)$ around each $Z $ in $M \cap \mathcal{V}$ simply by evaluating on the points $p_1$ and $p_2$ of $Z \in M\cap \mathcal{V}$, we can locally write $\Omega=dz_1 \wedge dt_1 +dz_2 \wedge dt_2$ on $M \cap \mathcal{V}$. \\ We now have to extend the form $\Omega$ to those elements $W \in M$ which consist of one point $s \in S \setminus B$ taken with double multiplicity. In order to do so we adapt a construction by Bielawski, \cite{RB15}, in the following way.\\ Let $W \in M$ be as above and observe that since $p$ is a submersion on $M$, we can choose local coordinates $(z,t)$ around $s$ such that the first one is the base coordinate of $\mathbb{C}$. Moreover, we can choose them in such a way that $\omega= dz \wedge dt$: if this was not the case, i.e. $\omega= \omega(z,t) dz \wedge dt$, we could define a Darboux coordinate chart $(z, u)$ around $s$ simply by choosing a new holomorphic fibre coordinate $u$ such that $\partial u / \partial t = \omega(z,t)$. Of course such a $u$ can always be found as it amounts to finding a primitive of a holomorphic function on a simply connected domain. We then describe the open set $\mathcal{U}^{[2]}_s \subset M$ as the set of couples of polynomials $(q(z), t(z))$ such that $q$ is monic of degree $2$ and $t$ is linear, that is $q(z)=z^2-Q_1z-Q_0,~ t(z)=T_0+T_1z$. On $\mathcal{U}^{[2]}_s \cap \mathcal{V}$, i.e. where $q(z)$ has distinct roots $z_1$ and $z_2$ the polynomial $t(z)$ can be recovered by Lagrange interpolation from the values $t_1=t(z_1)$ and $t_2=t(z_2)$: this gives an equivalence between the two sets of coordinates $(z_1, t_1, z_2, t_2)$ and $(Q_0, Q_1, T_0,T_1)$. At this point we observe that the form $\Omega$ can be rewritten in the coordinates $(Q_i,T_i)$ as $\Omega=Q_1dT_1\wedge dQ_1 + dT_1 \wedge dQ_0 + dT_0 \wedge dQ_1$, which is well defined, closed and non degenerate on the whole $\mathcal{U}^{[2]}_p$. Since, as we will prove in the next Lemma, this construction is independent of the choice of local coordinates $\omega$ induces a holomorphic symplectic form $\Omega$ on $M$. As $B$ is discrete in $S$ then $S^{[2]}_p \setminus M$ has codimension at least $2$ in $S^{[2]}_p$ therefore $\Omega$ extends to the whole $S^{[2]}_p$ by Hartog's Theorem.\\ In the $d>2$ case one proceeds exactly as above to get a form $\Omega$ defined on the set of all $Z \in S^{[d]}_p$ consisting either of $d$ distinct points or of $(d-2)$ distinct points and one point which is taken with double multiplicity. Since the remaining subset has codimension greater than $2$ in $S^{[d]}_p$ again the form $\Omega$ extends to the whole $S^{[d]}_p$ by Hartog's Theorem. \end{proof} \end{lemma} We now show that this construction does not depend of the choice of coordinates. \begin{lemma} The construction of Lemma \ref{lemma: induced form on HS} is independent of the choice of coordinates. \begin{proof} Again we start from the $d=2$ case, keeping the notation of the previous lemma. Let $(z,t)$ and $(z,w)$ be two sets of Darboux coordinates adapted to the projection $p$ on $(S, \omega)$. Denote by $\phi$ the change of coordinates between $(z,t)$ and $(z,w)$, so that $\omega'=(\phi^{-1})^*\omega$ is defined. The same observation as in Lemma \ref{lemma: induced form on HS} yields a symplectic form $\Omega'$ on $M \cap V$ and a change of coordinates $\Phi$ such that $\Omega'=\Phi^* \Omega$.\\ Let now $E \in M$ be an element of $S^{[2]}_p$ consisting of a point $s \in S$ taken with double multiplicity and let $\mathcal{U}'$ be a coordinate neighbourhood of $s$ for the coordinates $(z,w)$. The description of $(\mathcal{U}')^{[2]}_p$ is then \begin{align*} (\mathcal{U}')^{[2]}_{p}=\{(q(z),w(z)) \vert~ &\deg q(z)=2,\deg w(z)=1,\\[6pt] &q \text { monic } \} \end{align*} where \begin{align*} q(z)&=z^2-Q_1z-Q_0 \\[6pt] w(z)&=W_1z+W_0. \end{align*} Observe that $(Q_i, W_i)$ are local coordinates on $(\mathcal{U}')^{[2]}_p$. By abuse of notation, we keep denoting by $\Phi$ the change of coordinates between $(Q_i, T_i)$ of Lemma \ref{lemma: induced form on HS} and $(Q_i, W_i)$ on the intersection $(\mathcal{U})^{[2]}_p \cap (\mathcal{U}')^{[2]}_p$. Then $(\Phi^{-1})^*\Omega$ is defined on all $(\mathcal{U})^{[2]}_p \cap (\mathcal{U}')^{[2]}_p$ and coincides with $\Omega'$ on $(\mathcal{U}')^{[2]}_p \cap (\mathcal{U})^{[2]}_p \cap \mathcal{V}$, therefore being its unique holomorphic extension. We conclude by extending $\Omega'=(\Phi^{-1})^*\Omega$ to the whole $S^{[2]}_p$ via Hartog's Theorem.\\ The generalization to greater $d$ is again achieved by applying the $d=2$ construction to the subset of all elements in $S^{[d]}_p$ consisting of $d$ distinct points or $(d-2)$ distinct points and one double point and then by extension via Hartog's Theorem. \end{proof} \end{lemma} \begin{corollary}\label{cor: Compatibility A Omega} The endomorphism $A$ and the symplectic form $\Omega$ satisfy the condition $\Omega(A\cdot, \cdot)=\Omega(\cdot, A\cdot)$. \begin{proof} It suffices to show the claim on the open dense subset $\mathcal{V}\subsetS^{[d]}_p$ of elements consisting of all distinct points. But there we can use coordinates that are both Darboux for $\Omega$ and diagonalizing $A$, so the assertion is trivially verified. \end{proof} \end{corollary} \begin{corollary} The transverse Hilbert scheme of points $S^{[d]}_p$ is a holomorphic completely integrable system \begin{proof} This is an immediate consequence of Corollary \ref{cor: Compatibility A Omega}: the coefficients $Q_i$ of the minimal polynomial of $A$ are $d$ Poisson-commuting functions for the Poisson structure associated to $\Omega$ on the dense subset $\mathcal{V}$, hence on all $S^{[d]}_p$. \end{proof} \end{corollary} \begin{example}\rm A basic example summarizing what we have done is given by taking $S=\mathbb{C} \times \mathbb{C}$, $p \colon \mathbb{C} \times \mathbb{C} \rightarrow \mathbb{C}$ defined by $(x,y) \mapsto z=xy$ and $\omega=dx\wedge dy$. Of course $p$ is a submersion away from the origin and $\{(0,0)\}$ is a codimension $2$ subset of $S$. Hence on $(\mathbb{C} \times \mathbb{C}) \setminus_{\{(0,0)\}}=\{x≠0\} \cup \{y≠0\}=\mathcal{U}_1 \cup \mathcal{U}_2 $ we proceed exactly as in Example \ref{ex: rat map and AH} and apply our construction taking coordinate $(z, \chi_1)$ on $\mathcal{U}_1$ and $(z, \chi_2)$ on $\mathcal{U}_2$ where $\chi_1=-\log(x)$ and $\chi_2=\log(y)$. Observe that on $\mathcal{U}_1$ we write $\omega=dz\wedge d\chi_1$ and $\omega=dz \wedge d\chi_2$ on $\mathcal{U}_2$ and that they agree on the overlap $\mathcal{U}_1 \cap \mathcal{U}_2$. Each patch can be described as the set $\{(q(z), p(z)) \vert ~ q \text{ is monic of $\deg d$},~p \text{ has $\deg d-1$ and } p(0)≠0 \text{ if } q(0)=0 \}$. The construction now yields the symplectic form $\Omega$ on $\left((\mathbb{C} \times \mathbb{C}) \setminus B\right)^{[2]}_{p}=\{E \in (\mathbb{C} \times \mathbb{C})^{[2]}_{p} \vert~ (0,0) \notin E \}.$ Since the complementary set to $\left((\mathbb{C} \times \mathbb{C}) \setminus B\right)^{[2]}_{p}$ has codimension $2$, we get $\Omega$ on the whole $(\mathbb{C} \times \mathbb{C})^{[2]}_{p}$ applying Hartog's Theorem. \end{example} In the following proposition we work out the inverse construction in order to recover the holomorphic $2$-form initially given on the surface $S$ starting from the induced completely integrable system. \begin{prop} Let $\mathcal{W}$ be a complex manifold of complex dimension $2d$ endowed with an holomorphic endomorphism of the tangent space $T\mathcal{W}$ as in Proposition \ref{prop: endom inverse construction}. Assume also that $\mathcal{W}$ possesses a symplectic form $\Omega$ such that \begin{itemize} \item $\Omega(A \cdot, \cdot)=\Omega(\cdot,A\cdot)$ \item Each fiber $\mu^{-1}(x)$, for $x \in X=\mathbb{C}^{[d]}$ is Lagrangian, i.e. the vertical subbundle $\ker (d\mu)$ is maximal $\Omega$-isotropic. \end{itemize} Then $S=\tilde{\mathcal{W}}/D$ has a symplectic form induced by $\omega$ \end{prop} \begin{proof} We will obtain a symplectic form on $S=\tilde{\mathcal{W}}/D$ by defining on $\tilde{\mathcal{W}}$ a $2$-form $\tau$ of the form $\tau=\rho^*dz \wedge \alpha_z$ in the notation of Diagram \ref{diag: pi rho}, with $\alpha_z$ a $1$-form on $\tilde{\mathcal{W}}_z=\rho^{-1}(z)=\{ (w,z) \in \tilde{\mathcal{W}} \vert~ z \text{ is eigenvalue of } A_w\}$, such that $\tau(X,Y)=0$ for every $X \in T\tilde{\mathcal{W}}$ and $Y \in D$.\\ By the commutativity of Diagram \ref{diag: pi rho} and the surjectivity of $d\mu$, $\ker(z\mathds{1}-A)$ maps surjectively onto $\ker(z\mathds{1}-\bar{A})$. At this point we define $\mathcal{W}_z=\pi(\tilde{\mathcal{W}}_z)$ and we observe that the restriction $\pi \vert_{\tilde{\mathcal{W}}_z} \colon \tilde{\mathcal{W}}_z \rightarrow \mathcal{W}_z$ is obviously a diffeomorphism for every $z \in \mathbb{C}$m therefore $\mathcal{W}_z$ comes comes with a manifold structure. We can then choose a vector field $\b{v}_z$ on $X_z=\mu(\mathcal{W}_z)$ such that $\b{v}_z \in \ker(z\mathds{1}-\bar{A})$ at every point of $X_z$ and lift it to a vector $\b{V}_z$ tangent to $\mathcal{W}_z$ with $\b{V}_z \in \ker(z\mathds{1}-A)$. This lift is not uniquely determined: if $\b{V}'_z \in \ker(z\mathds{1}-A)$ is a second such lift, then $\b{V}_z-\b{V}'_z \in \ker(z\mathds{1}-A) \cap \ker{d\mu}$.\\ Define now the $1$-form $\alpha_z= \iota_{\b{V}_z} \Omega$ on $T\mathcal{W}_z$. This definition does not depend of the choice of $\b{V}_z$. In fact, at every $w \in \mathcal{W}_z$, one can split the tangent space to $\mathcal{W}_z$ as \begin{equation} T_w\mathcal{W}_z \cong Im(z\mathds{1}-A) \oplus \left\langle L \right\rangle \end{equation} where $L \in \ker(z\mathds{1}-A) \cap \ker(d\mu)$. Now, since $\Omega(A \cdot, \cdot)=\Omega(\cdot, A\cdot)$ we have that $\ker(z\mathds{1}-A)$ and $Im(z\mathds{1}-A)$ are $\Omega$-orthogonal. This implies $\iota_{\b{V}_z-\b{V}'_z}\Omega(X)=0$ for every $X \in Im(z\mathds{1}-A$. Also, since $\ker(d\mu)$ is Lagrangian by assumption, we have $\iota_{\b{V}_z-\b{V}'_z}\Omega(L)=0$. Hence $\iota_{\b{V}_z-\b{V}'_z}\Omega=\alpha_z-\alpha'_z=0$ on all $\mathcal{W}_z$, meaning $\alpha_z$ is well defined.\\ Since $\pi\vert_{\tilde{\mathcal{W}}_z}$ is a diffeomorphism for every $z \in \mathbb{C}$ , $d\pi$ is an isomorphism and we can therefore pull $\alpha_z$ back to $\tilde{\mathcal{W}}_z$ via $\pi$ and define $\tau=\rho^* dz \wedge \pi^* \alpha_z$. As $D=Im(z\mathds{1}-A)$ satisfies $\tau(\cdot,D)=0$, the form $\tau$ descends to a form $\bar{\tau}$ on $S=\tilde{\mathcal{W}}/D$. We now prove that $\bar{\tau}$ is symplectic. First of all, $d\bar{\tau}=0$ as $\bar{\tau}$ is a $2$-form on a $2$-dimensional space. In order to prove its non-degeneracy we proceed as follows. First we observe that at every point $[(z,w)]$ of $S$ we have \begin{equation} T_{[(z,w)]}S \cong \left\langle Y \right\rangle \oplus T_w \tilde{\mathcal{W}}_z/D_{(z,w)} \end{equation} where $Y$ is a vector in $T_w\tilde{\mathcal{W}}$ such that $d\rho (Y)=\partial/\partial z$. Take now $W \in T_w \tilde{\mathcal{W}}_z$ such that $[W] ≠0$ in $T_w \tilde{\mathcal{W}}_z/D$ and compute \begin{align} (\rho^* dz \wedge \pi^*\alpha_z)_{[(z,w)]}(Y,W)=\pi^*\alpha_z(W)=\Omega((\b{V}_z)_w, d\pi_w(W)) ≠0 \end{align} otherwise we would have $(\b{V}_z)_w \in (T_w\mathcal{W}_z)^{\Omega}$, where we denote with the superscript $\Omega$ the symplectic orthogonal complement. Now one observes that because both $Im(z\mathds{1}-A)$ and $\ker(d\mu)$ are contained in $T_w\mathcal{W}_z$ then $(T_w\mathcal{W}_z)^{\Omega} \subseteq\ker(z\mathds{1}-A) \cap \ker(d\mu)^{\Omega}=\ker(z\mathds{1}-A) \cap \ker(d\mu)$ as $\ker(d\mu)$ is Lagrangian. By counting dimensions we actually have $(T_w\mathcal{W}_z)^{\Omega} =\ker(z\mathds{1}-A) \cap \ker(d\mu)$. But this would imply $\b{V}_z \in \ker(d\mu)$ at $w$, which is in contrast with the fact that $\b{V}_z$ was constructed as a lift of a vector field $\b{v}_z$.\\ As a last step we prove that when $(\mathcal{W}, \Omega)$ is constructed as the transverse Hilbert scheme of a symplectic surface $(S,\omega)$ projecting onto $\mathbb{C}$ via $p$ with the symplectic form $\Omega$ induced by $\omega$ then, once we recover $S$ as $\tilde{\mathcal{W}}/D$ we also get back the original symplectic form $\omega$.\\ Let us write $\omega=dz \wedge \phi_z$, where $\phi_z$ is a $1$-form defined on the fibre $p^{-1}(z)$. Then on the usual open dense subset $\mathcal{V} \subset \mathcal{W}$ of all $d$-tuples of distinct points we have $\Omega=\sum dz_i \wedge \phi_{z_i}$. Let $\tilde{\mathcal{V}}=\{(z,w) \in \tilde{\mathcal{W}} \vert z \text{ has multiplicity exactly } 2\}$ and note that $\tilde{\mathcal{V}}$ is open and dense in $\tilde{\mathcal{W}}$. Call $r \colon \tilde{\mathcal{W}} \rightarrow S$ the canonical projection onto the space of leaves: we have $cl(r(\tilde{\mathcal{V}}))=cl(r(cl(\tilde{\mathcal{V}}))=S$, where $cl$ stands for the topological closure. Hence $r(\tilde{\mathcal{V}})$ is dense in $S$. Moreover, as the canonical projection onto the space of leaves of a foliation is always an open map \cite[pag.47, Theorem 1]{CLN}, $r(\tilde{\mathcal{V}})$ is open in $S$. Since on $\mathcal{V}$ we have $\b{V}_{z_i}=\partial/\partial z_i$ for $i=1, \dots, d$, then $\iota_{\b{V}_z}\Omega=\phi_z$ for every $z$ and it is clear that $\bar{\tau}$ agrees with $\omega$ on $r(\tilde{\mathcal{V}})$, hence $\omega$ and $\bar{\tau}$ coincide as claimed on the whole $S$. \end{proof} \bibliographystyle{amsplain}
574ea75e1caab35c41f82d38e0baffac2e9217c7
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Preliminaries} A net $(x_{\alpha})_{\alpha \in A}$ in a vector lattice $X$ is \textbf{\textit{order convergent}} to $x \in X$ if there exists a net $(y_{\beta})_{\beta \in B}$, possibly over a different index set, such that $y_{\beta} \downarrow 0$ and for each $\beta \in B$ there exists $\alpha_0 \in A$ satisfying $\lvert x_{\alpha}-x\rvert \leq y_{\beta}$ for all $\alpha \geq \alpha_0$. We will write $x_{\alpha} \xrightarrow{o}x$ to denote this convergence. Recall that a net $(x_{\alpha})$ in a vector lattice $X$ is \textbf{\textit{unbounded $o$-convergent}} (or \textbf{\textit{$uo$-convergent}}) to $x\in X$ if $\lvert x_{\alpha}-x\rvert \wedge u \xrightarrow{o} 0$ for all $u \in X_+$. We will write $x_{\alpha} \xrightarrow{uo} x$ to indicate that the net $(x_{\alpha})$ $uo$-converges to $x$. It is clear that order convergent nets are $uo$-convergent. It is also known that these convergences may fail to be topological; there may be no topology on $X$ such that nets converge, say, in order, if and only if they converge with respect to the topology. This fact will distinguish $uo$-convergence from the rest of the unbounded convergences described in this paper. For general results on $uo$-convergence we refer the reader to [\ref{708}] and [\ref{716}]. \\ In classical literature such as [\ref{701}], [\ref{705}] and [\ref{709}], the definition of order convergence is slightly different. In those books a net $(x_{\alpha})_{\alpha \in A}$ is said to be order convergent to $x\in X$ if there exists a net $(y_{\alpha})_{\alpha \in A}$ such that $y_{\alpha} \downarrow 0$ and $\lvert x_{\alpha}-x\rvert \leq y_{\alpha}$ for all $\alpha \in A$. We will write $x_{\alpha} \xrightarrow{o_1}x$ to distinguish this convergence, but it will not come up often. As needed, it will be shown that properties of locally solid vector lattices are independent of the definition of order convergence. Keeping in mind this slight discrepancy, the reader is referred to [\ref{705}] for all undefined terms. Throughout this paper, all vector lattices are assumed Archimedean. \section{Basic results on unbounded locally solid topologies} \begin{defn} Suppose that $X$ is a vector lattice and $\tau$ is a (not necessarily Hausdorff) linear topology on $X$. We say that a net $(x_{\alpha})\subseteq X$ is \textbf{\textit{unbounded $\tau$-convergent}} to $x\in X$ if $\lvert x_{\alpha}-x\rvert \wedge u\xrightarrow{\tau}0$ for all $u \in X_+$. \end{defn} \begin{defn} A (not necessarily Hausdorff) topology $\tau$ on a vector lattice $X$ is said to be \textbf{\textit{locally solid}} if it is linear and has a base at zero consisting of solid sets. \end{defn} The next theorem justifies the interest in unbounded convergences deriving from locally solid topologies. \begin{theorem}\label{1} If $\tau$ is a locally solid topology on a vector lattice $X$ then the unbounded $\tau$-convergence is also a topological convergence on $X$. Moreover, the corresponding topology, $u\tau$, is locally solid. It is Hausdorff if and only if $\tau$ is. \end{theorem} \begin{proof} Since $\tau$ is locally solid it has a base $\{U_i\}_{i\in I}$ at zero consisting of solid neighbourhoods. For each $i \in I$ and $u \in X_+$ define $U_{i,u}:=\{x \in X: \lvert x\rvert \wedge u \in U_i\}$. We claim that the collection $\mathcal{N}_0:=\{U_{i,u} : i\in I, u\in X_+\}$ is a base of neighbourhoods of zero for a locally solid topology; we will call it $u\tau$. Notice that $(x_{\alpha})$ unbounded $\tau$-converges to $0$ iff every set in $\mathcal{N}_0$ contains a tail of the net. After noting that the unbounded $\tau$-convergence is translation invariant, this means the unbounded $\tau$-convergence is exactly the convergence given by this topology. Notice also that $U_i \subseteq U_{i,u}$ and, since $U_i$ is solid, so is $U_{i,u}$. \\ We now verify that $\mathcal{N}_0$ is a base at zero. Trivially, every set in $\mathcal{N}_0$ contains $0$. We now show that the intersection of any two sets in $\mathcal{N}_0$ contains another set in $\mathcal{N}_0$. Take $U_{i,u_1}, U_{j,u_2} \in \mathcal{N}_0$. Then $U_{i,u_1}\cap U_{j,u_2}=\{x \in X: \lvert x\rvert \wedge u_1\in U_i \ \& \ \lvert x\rvert \wedge u_2 \in U_j\}$. Since $\{U_i\}$ is a base we can find $k\in I$ such that $U_k \subseteq U_i \cap U_j$. We claim that $U_{k,u_1 \vee u_2} \subseteq U_{i,u_1}\cap U_{j,u_2}.$ Indeed, if $x \in U_{k,u_1 \vee u_2}$, then $\lvert x\rvert \wedge(u_1\vee u_2) \in U_k \subseteq U_i \cap U_j$. Therefore, since $\lvert x\rvert \wedge u_1 \leq \lvert x\rvert \wedge(u_1\vee u_2) \in U_i \cap U_j \subseteq U_i$ and $U_i$ is solid, we have $x \in U_{i,u_1}$. Similarly, $x \in U_{j,u_2}$.\\ We know that for every $i$ there exists $j$ such that $U_j+U_j \subseteq U_i$. From this we deduce that for all $i$ and all $u$, if $x,y \in U_{j,u}$ then \begin{equation} \lvert x+y\rvert \wedge u \leq \lvert x\rvert \wedge u+\lvert y\rvert \wedge u \in U_j+U_j \subseteq U_i \end{equation} so that $U_{j,u}+U_{j,u} \subseteq U_{i,u}$. \\ If $\lvert \lambda\rvert\leq 1$ then $\lambda U_{i,u} \subseteq U_{i,u}$ because $U_{i,u}$ is solid. It follows from $U_i \subseteq U_{i,u}$ that $U_{i,u}$ is absorbing. This completes the verification by [\ref{701}] Theorem~5.6. \\ Suppose further that $\tau$ is Hausdorff; we will verify that $\bigcap \mathcal{N}_0=\{0\}.$ Indeed, suppose that $x \in U_{i,u}$ for all $i \in I$ and $u \in X_+$. In particular, $x \in U_{i,\lvert x\rvert}$ which means that $\lvert x\rvert \in U_i$ for all $i \in I$. Since $\tau$ is Hausdorff, $\bigcap U_i=\{0\}$ and we conclude that $x=0$. \\ Finally, if $u\tau$ is Hausdorff then $\tau$ is Hausdorff since $U_i \subseteq U_{i,u}$. \end{proof} \begin{remark} If $\tau$ is the norm topology on a Banach lattice $X$, the corresponding $u\tau$-topology is called $un$-topology; it has been studied in [\ref{704}], [\ref{710}] and [\ref{706}]. It is easy to see that the weak and absolute weak topologies on $X$ generate the same unbounded convergence and, since the absolute weak topology is locally solid, this convergence is topological. It has been denoted $uaw$ and was studied in [\ref{702}]. \end{remark} From now on, unless explicitly stated otherwise, throughout this paper the minimum assumption is that $X$ is an Archimedean vector lattice and $\tau$ is locally solid. The following straightforward result should be noted. It justifies the name \emph{unbounded} $\tau$-convergence. \begin{proposition}\label{8} If $x_{\alpha}\xrightarrow{\tau}0$ then $x_{\alpha}\xrightarrow{u\tau}0$. For order bounded nets the convergences agree. \end{proposition} \begin{remark} Observe that $uu\tau=u\tau$, so there are no chains of unbounded topologies. To see this note that $x_{\alpha}\xrightarrow{uu\tau}x$ means that for any $u \in X_+$, $\lvert x_{\alpha}-x\rvert \wedge u\xrightarrow{u\tau}0$. Since the net $(\lvert x_{\alpha}-x\rvert \wedge u)$ is order bounded, this is the same as $\lvert x_{\alpha}-x\rvert \wedge u\xrightarrow{\tau}0$, which means $x_{\alpha}\xrightarrow{u\tau}x$. In another language, the map $\tau \mapsto u\tau$ from the set of locally solid topologies on $X$ to itself is idempotent. We give a name to the fixed points or, equivalently, the range, of this map: \end{remark} \begin{defn}\label{19} A locally solid topology $\tau$ is \textbf{\textit{unbounded}} if $\tau=u\tau$ or, equivalently, if $\tau=u\sigma$ for some locally solid topology $\sigma$. \end{defn} We next present a few easy corollaries of Theorem~\ref{1} for use later in the paper. \begin{corollary}\label{1.1} Lattice operations are uniformly continuous with respect to $u\tau$, and $u\tau$-closures of solid sets are solid. \end{corollary} \begin{proof} The result follows immediately from Theorem 8.41 and Lemma 8.42 in [\ref{701}]. \end{proof} In the next corollary, the Archimedean property is not assumed. Statement (iii) states that, under very mild topological assumptions, it is satisfied automatically. Statements (ii) and (iv) are efficient generalizations of Lemma 1.2 and Proposition 4.8 in [\ref{706}]. \begin{corollary}\label{1.2} Suppose $\tau$ is both locally solid and Hausdorff then: \begin{enumerate} \item The positive cone $X_+$ is $u\tau$-closed; \item If $x_{\alpha} \uparrow$ and $x_{\alpha}\xrightarrow{u\tau}x$, then $x_{\alpha}\uparrow x$; \item $X$ is Archimedean; \item Every band in $X$ is $u\tau$-closed. \end{enumerate} \end{corollary} \begin{proof} The result follows immediately from Theorem 8.43 in [\ref{701}]. \end{proof} We next work towards a version of Proposition 3.15 in [\ref{708}] that is applicable to locally solid topologies. The proposition is recalled here along with a definition. \begin{proposition}\label{2} Let $X$ be a vector lattice, and $Y$ a sublattice of $X$. Then $Y$ is $uo$-closed in $X$ if and only if it is $o$-closed in $X$. \end{proposition} \begin{defn}\label{3} A locally solid topology $\tau$ on a vector lattice is said to be \textbf{\textit{Lebesgue}} (or \textbf{\textit{order continuous}}) if $x_{\alpha} \xrightarrow{o} 0$ implies $x_{\alpha} \xrightarrow{\tau} 0$. \end{defn} Note that the Lebesgue property is independent of the definition of order convergence because, as is easily seen, no matter which definition of order convergence is used, it is equivalent to the property that $x_{\alpha}\xrightarrow{\tau}0$ whenever $x_{\alpha}\downarrow 0$. \begin{proposition}\label{4} Let $X$ be a vector lattice, $\tau$ a Hausdorff locally solid topology on $X$, and $Y$ a sublattice of $X$. $Y$ is (sequentially) $u\tau$-closed in $X$ if and only if it is (sequentially) $\tau$-closed in $X$. \end{proposition} \begin{proof} If $Y$ is $u\tau$-closed in $X$ it is clearly $\tau$-closed in $X$. Suppose now that $Y$ is $\tau$-closed in $X$ and let $(y_{\alpha})$ be a net in $Y$ that $u\tau$-converges in $X$ to some $x \in X$. Since lattice operations are $u\tau$-continuous we have that $y_{\alpha}^{\pm}\xrightarrow{u\tau}x^{\pm}$ in $X$. Thus, WLOG, we may assume that $(y_{\alpha})\subseteq Y_+$ and $x \in X_+$. Observe that for every $z\in X_+$, \begin{equation}\label{7678} \lvert y_{\alpha}\wedge z-x \wedge z\rvert \leq \lvert y_{\alpha}-x\rvert \wedge z \xrightarrow{\tau} 0. \end{equation} In particular, for any $y \in Y_+$, $y_{\alpha}\wedge y \xrightarrow{\tau} x\wedge y$. Since $Y$ is $\tau$-closed, $x \wedge y\in Y$ for any $y \in Y_+$. On the other hand, taking $z=x$ in (\ref{7678}) we get that $y_{\alpha}\wedge x\xrightarrow{\tau} x$. Since we have just shown that $y_{\alpha}\wedge x\in Y$, it follows that $x\in \overline{Y}^\tau=Y$. The same proof works for sequences and for $o/uo$-convergence. \end{proof} Proposition~\ref{4} will be used to prove a much deeper statement: see Theorem~\ref{26}. To establish the ease with which results transfer from $un$ to $u\tau$ we next proceed to generalize many results from the aforementioned papers on $un$-convergence. Later in the paper we will justify the need to look at unbounded topologies other than $un$, and how working only with Banach lattices can be too restrictive. \begin{defn}\label{5} A locally solid topology $\tau$ on a vector lattice is said to be \textbf{\textit{$uo$-Lebesgue}} (or \textbf{\textit{unbounded order continuous}}) if $x_{\alpha} \xrightarrow{uo} 0$ implies $x_{\alpha} \xrightarrow{\tau} 0$. \end{defn} It is clear that the $uo$-Lebesgue property implies the Lebesgue property but not conversely: \begin{example}\label{6} The norm topology of $c_0$ is order continuous but not unbounded order continuous. \end{example} \begin{proposition}\label{7} If $\tau$ is Lebesgue then $u\tau$ is $uo$-Lebesgue. In particular, $u\tau$ is Lebesgue. \end{proposition} \begin{proof} Suppose $x_{\alpha} \xrightarrow{uo} x$, i.e., $\forall u \in X_+$, $\lvert x_{\alpha}-x\rvert \wedge u \xrightarrow{o} 0$. The Lebesgue property implies that $\lvert x_{\alpha}-x\rvert \wedge u \xrightarrow{\tau} 0$ so that $x_{\alpha} \xrightarrow{u\tau}x$. \end{proof} There is much more to say about the $uo$-Lebesgue property and, in fact, a whole section on it. We continue now with more easy observations. \\ Next we present Lemmas 2.1 and 2.2 of [\ref{706}] which carry over with minor modification. The proofs are similar and, therefore, omitted. \begin{lemma}\label{9} Let $X$ be a vector lattice, $u \in X_+$ and $U$ a solid subset of $X$. Then $U_u:=\{x\in X:\lvert x \rvert \wedge u \in U\}$ is either contained in $[-u,u]$ or contains a non-trivial ideal. If $U$ is, further, absorbing, and $U_u$ is contained in $[-u,u]$, then $u$ is a strong unit. \end{lemma} Next we present a trivialized version of Thereom 2.3 in [\ref{706}]. \begin{proposition}\label{11} Let $(X,\tau)$ be a locally solid vector lattice and suppose that $\tau$ has a neighbourhood $U$ of zero containing no non-trivial ideal. If there is a $u\tau$-neighbourhood contained in $U$ then $X$ has a strong unit. \end{proposition} \begin{proof} Let $\{U_i\}$ be a solid base at zero for $\tau$ and suppose there exists $i$ and $u>0$ s.t. $U_{i,u} \subseteq U$. We conclude that $U_{i,u}$ contains no non-trivial ideal and, therefore, $u$ is a strong unit. \end{proof} This allows us to prove that $u\tau$-neighbourhoods are generally quite large. \begin{corollary} If $\tau$ is unbounded and $X$ does not admit a strong unit then every neighbourhood of zero for $\tau$ contains a non-trivial ideal. \end{corollary} \begin{defn} A subset $A$ of a locally solid vector lattice $(X,\tau)$ is \textbf{\textit{$\tau$-almost order bounded}} if for every solid $\tau$-neighbourhood $U$ of zero there exists $u \in X_+$ with $A \subseteq [-u,u]+U$. \end{defn} It is easily seen that for solid $U$, $x \in [-u,u]+U$ is equivalent to $\left(\lvert x\rvert-u\right)^+\in U$. The proof is the same as the norm case. This leads to a generalization of Lemma 2.9 in [\ref{704}]; the proof is left to the reader. \begin{proposition}\label{123456789} If $x_{\alpha}\xrightarrow{u\tau}x$ and $(x_{\alpha})$ is $\tau$-almost order bounded then $x_{\alpha}\xrightarrow{\tau}x$. \end{proposition} In a similar vein, the following can easily be proved; just follow the proof of Proposition 3.7 in [\ref{716}] or notice it is an immediate corollary of Proposition~\ref{123456789}. \begin{proposition}\label{45623} Let $(X,\tau)$ be a locally solid vector lattice with the Lebesgue property. If $(x_{\alpha})$ is $\tau$-almost order bounded and $uo$-converges to $x$, then $(x_{\alpha})$ $\tau$-converges to $x$. \end{proposition} One direction of [\ref{704}] Theorem 4.4 can also be generalized. The proof is, again, easy and left to the reader. \begin{proposition} Let $(x_n)$ be a sequence in $(X,\tau)$ and assume $\tau$ is Lebesgue. If every subsequence of $(x_n)$ has a further subsequence which is $uo$-null then $(x_n)$ is $u\tau$-null. \end{proposition} Recall that a net $(x_{\alpha})$ in a vector lattice $X$ is \textbf{\textit{$uo$-Cauchy}} if the net $(x_{\alpha}-x_{\alpha'})_{(\alpha,\alpha')}$ $uo$-converges to zero. $X$ is \textbf{\textit{$uo$-complete}} if every $uo$-Cauchy net is $uo$-convergent. A study of $uo$-complete spaces was undertaken in [\ref{712}]. A weaker property involving norm boundedness was introduced in [\ref{708}]. Here is a generalization of both definitions to locally solid vector lattices. \begin{defn} A locally solid vector lattice $(X,\tau)$ is \textbf{\textit{boundedly $uo$-complete}} (respectively, \textbf{\textit{sequentially boundedly $uo$-complete}}) if every $\tau$-bounded $uo$-Cauchy net (respectively, sequence) is $uo$-convergent. \end{defn} \begin{proposition} Let $(X,\tau)$ be a locally solid vector lattice. If $(X,\tau)$ is boundedly $uo$-complete then it is order complete. If $(X,\tau)$ is sequentially boundedly $uo$-complete then it is $\sigma$-order complete. \end{proposition} \begin{proof} Let $(x_{\alpha})$ be a net in $X$ such that $0\leq x_{\alpha}\uparrow\leq x$ for some $x\in X$. By [\ref{705}] Theorem 2.19, $(x_{\alpha})$ is $\tau$-bounded. By [\ref{712}] Lemma 2.1, $(x_{\alpha})$ is order Cauchy and hence $uo$-Cauchy. By the assumption that $(X,\tau)$ is boundedly $uo$-complete and the order boundedness of $(x_{\alpha})$, we conclude that $x_{\alpha}\xrightarrow{o}y$ for some $y\in X$. Since $(x_{\alpha})$ is increasing, $y=\sup x_{\alpha}$. The sequential argument is similar. \end{proof} Notice that a vector lattice $X$ is $uo$-complete if and only if $X$ equipped with the trivial topology (which is locally solid) is boundedly $uo$-complete. Thus, this is a more general concept than both $uo$-complete vector lattices and boundedly $uo$-complete Banach lattices. Notice also that the order completeness assumption in [\ref{712}] Proposition 2.8 may now be dropped: \begin{corollary} Let $X$ be a vector lattice. If $X$ is $uo$-complete then it is universally complete. Conversely, if $X$ is universally complete, and, in addition, has the countable sup property, then it is $uo$-complete. \end{corollary} It is easy to see that a net is order null iff it is $uo$-null and has an order bounded tail. This is why it is of interest to consider topologically bounded $uo$-null nets, as topological boundedness acts as an approximation to order boundedness. Recall that a locally solid vector lattice $(X,\tau)$ is said to satisfy the \textbf{\textit{Levi property}}\footnote{This property generalizes the concept of monotonically complete Banach lattices appearing in [\ref{MN}].} if every increasing $\tau$-bounded net of $X_+$ has a supremum in $X$. The Levi and Fatou properties together are enough to ensure that a space is boundedly $uo$-complete. The formal statement is Theorem~\ref{86868686}. Recall that a locally solid topology is \textbf{\textit{Fatou}} if it has a base at zero consisting of solid order closed sets. Although it is not obvious by definition, the Fatou property is independent of the definition of order convergence. This can be easily deduced as an argument similar to that of Lemma 1.15 in [\ref{705}] shows that a solid set is $o$-closed if and only if it is $o_1$-closed. In fact, more is true. By reviewing the arguments in section 3 of the Bachelor's thesis [\ref{Imhoff}], one can prove that a set $A$ in a vector lattice $X$ is $o_1$-closed if and only if it is $o$-closed. \\ \begin{remark}\label{13376} It should be noted that if $\tau$ is Hausdorff then every $\tau$-convergent $uo$-Cauchy net $uo$-converges to its $\tau$-limit. This follows since lattice operations are $\tau$-continuous and the positive cone is $\tau$-closed: see [\ref{705}] Theorem 2.21. The following is a slight generalization of Proposition 4.2 in [\ref{716}]. The proof is similar but is provided for convienence of the reader.\end{remark} \begin{proposition} Suppose that $\tau$ is a complete Hausdorff Lebesgue topology on a vector lattice $X$. If $(x_{\alpha})$ is a $\tau$-almost order bounded $uo$-Cauchy net in $X$ then $(x_{\alpha})$ converges $uo$ and $\tau$ to the same limit. \end{proposition} \begin{proof} Suppose $(x_{\alpha})$ is $\tau$-almost order bounded and $uo$-Cauchy. Then the net $(x_{\alpha}-x_{\alpha'})$ is $\tau$-almost order bounded and is $uo$-convergent to zero. By Proposition~\ref{45623}, $(x_{\alpha}-x_{\alpha'})$ is $\tau$-null. It follows that $(x_{\alpha})$ is $\tau$-Cauchy and thus $\tau$-convergent to some $x\in X$ since $\tau$ is complete. By Remark~\ref{13376}, $(x_{\alpha})$ $uo$-converges to $x$. \end{proof} \section{Products and sublattices} \subsection{Products} Let $\{(X_{\alpha}, \tau_{\alpha})\}_{\alpha\in A}$ be a family of locally solid vector lattices and let $X=\prod X_{\alpha}$ be the Cartesian product, ordered componentwise, and equipped with the product topology $\prod \tau_{\alpha}$. It is known that $X$ has the structure of a locally solid vector lattice. See [\ref{705}] pages 8 and 56 for details. \begin{theorem}\label{15} Let $\{(X_{\alpha},\tau_{\alpha})\}$ be a family of locally solid vector lattices. Then $(\prod X_{\alpha}, u\prod \tau_{\alpha})=(\prod X_{\alpha}, \prod u\tau_{\alpha})$. \end{theorem} \begin{proof} Let $\{U_i^{\alpha}\}_{i \in I_{\alpha}}$ be a solid base for $(X_{\alpha},\tau_{\alpha})$ at zero. We know the following: \\ $\{U_{i,u}^{\alpha}\}_{i\in I_{\alpha}, u\in {X_{\alpha}}_+}$ is a solid base for $(X_{\alpha}, u\tau_{\alpha})$ at zero where $U_{i,u}^{\alpha}=\{x \in X_{\alpha}: \lvert x\rvert \wedge u \in U_i^{\alpha}\}$. \\ A solid base of $(\prod X_{\alpha}, \prod u\tau_{\alpha})$ at zero consists of sets of the form $\prod U^{\alpha}$ where $U^{\alpha}=X_{\alpha}$ for all but finitely many $\alpha$ and if $U^{\alpha} \neq X_{\alpha}$ for some $\alpha$ then $U^{\alpha}=U_{i,u}^{\alpha}$ for some $i \in I_{\alpha}$ and $u \in {X_{\alpha}}_+$. \\ A solid base for $(\prod X_{\alpha},\prod \tau_{\alpha})$ at zero consists of sets of the form $\prod V^{\alpha}$ where $V^{\alpha}=X_{\alpha}$ for all but finitely many $\alpha$ and if $V^{\alpha} \neq X_{\alpha}$ for some $\alpha$ then $V^{\alpha}=U^{\alpha}_i$ for some $i \in I_{\alpha}$. Therefore, a solid base for $(\prod X_{\alpha},u\prod \tau_{\alpha})$ at zero consists of sets of the form $(\prod V^{\alpha})_w$ where $w=(w_{\alpha})\in (\prod X_{\alpha})_+=\prod {X_{\alpha}}_+$ and $(\prod V^{\alpha})_w=\{x=(x_{\alpha}) \in \prod X_{\alpha}: \lvert (x_{\alpha})\rvert \wedge (w_{\alpha})=(\lvert x_{\alpha}\rvert \wedge w_{\alpha}) \in \prod V^{\alpha}\}.$ Here we used the fact that lattice operations are componentwise. \\ The theorem follows easily from this. Consider a set $\prod U^{\alpha}$ and assume $U^{\alpha}=X_{\alpha}$ except for the indices $\alpha_1, \dots, \alpha_n$ where $U^{\alpha_j}=U^{\alpha_j}_{i_j,u_j}$ for $j\in \{1,\dots, n\}$, $i_j\in I_{\alpha_j}$ and $u_j \in {X_{\alpha_j}}_+$. Then $\prod U^{\alpha}=(\prod V^{\alpha})_w$ where $w_{\alpha_j}=u_j$ for $j=1,\dots, n$ and $w_{\alpha}=0$ otherwise and $V^{\alpha_j}=U^{\alpha_j}_{i_j}$ for $j=1\dots, n$ and $V^{\alpha}=X_{\alpha}$ otherwise. \\ Conversely, consider a set of the form $(\prod V^{\alpha})_w$ and assume $V^{\alpha}=X_{\alpha}$ except for the indices $\alpha_1,\dots, \alpha_n$ in which case $V^{\alpha_j}=U_{i_j}^{\alpha_j}$ for $j \in\{1,\dots,n\}$ and $i_j \in I_{\alpha_j}$. Then $(\prod V^{\alpha})_w=\prod U^{\alpha}$ where $U^{\alpha_j}=U^{\alpha_j}_{i_j, w_{\alpha_j}}$ for $j \in \{1,\dots, n\}$ and $U^{\alpha}=X_{\alpha}$ otherwise. \\ Since each base is contained in the other, the topologies agree. \end{proof} \begin{remark} Although unbounded topologies behave very well in the product, less is known about topological completions and quotients. It will soon be proved that the completion of a Hausdorff unbounded Lebesgue topology is a Hausdorff unbounded Lebesgue topology, but in general the picture is unclear. \end{remark} \begin{question} Let $(X,\tau)$ be a Hausdorff locally solid vector lattice, and assume $\tau$ is unbounded. Under what conditions on $\tau$ (Fatou, pre-Lebesgue, $\sigma$-Lebesgue, none) is the topological completion of $(X,\tau)$ unbounded? Give conditions on $\tau$ for the quotient of $(X,\tau)$ by a closed ideal of $X$ to be unbounded. Is this true if $\tau$ is Lebesgue? \end{question} \subsection{Sublattices} Let $Y$ be a sublattice of a locally solid vector lattice $(X,\tau)$. The reader should convince themselves that $Y$, equipped with the subspace topology, $\tau|_Y$, is a locally solid vector lattice in its own right. It would be natural to now compare $u(\tau|_Y)$ and $(u\tau)|_Y$, but this was already implicitly done in [\ref{706}]. In general, $u(\tau|_Y) \subsetneq (u\tau)|_Y$, even if $Y$ is a band. If $(y_{\alpha})$ is a net in $Y$ we will write $y_{\alpha}\xrightarrow{u\tau}0$ in $Y$ to mean $y_{\alpha} \rightarrow0$ in $(Y,u(\tau|_Y)).$ We now look for conditions that make all convergences agree. \begin{lemma}\label{18} Let $Y$ be a sublattice of a locally solid vector lattice $(X,\tau)$ and $(y_{\alpha})$ a net in $Y$ such that $y_{\alpha} \xrightarrow{u\tau} 0$ in $Y$. Each of the following conditions implies that $y_{\alpha} \xrightarrow{u\tau} 0$ in $X$. \begin{enumerate} \item $Y$ is majorizing in $X$; \item $Y$ is $\tau$-dense in $X$; \item $Y$ is a projection band in $X$. \end{enumerate} \end{lemma} \begin{proof} WLOG, $y_{\alpha} \geq 0$ for every $\alpha$. (i) gives no trouble. To prove (ii), take $u \in X_+$ and fix solid $\tau$-neighbourhoods $U$ and $V$ of zero (in $X$) with $V+V \subseteq U$. Since $Y$ is dense in $X$ we can find a $v \in Y$ with $v-u \in V$. WLOG, $v \in Y_+$ since $V$ is solid and $\lvert\lvert v\rvert-u\rvert=\lvert\lvert v\rvert-\lvert u\rvert\rvert \leq \lvert v-u\rvert \in V$. By assumption, $y_{\alpha} \wedge v \xrightarrow{\tau}0$ so we can find $\alpha_0$ such that $y_{\alpha} \wedge v \in V$ whenever $\alpha\geq \alpha_0$. It follows from $u \leq v+\lvert u-v\rvert$ that $y_{\alpha}\wedge u\leq y_{\alpha}\wedge v+\lvert u-v\rvert.$ This implies that $y_{\alpha} \wedge u \in U$ for all $\alpha \geq \alpha_0$ since \begin{equation} 0 \leq y_{\alpha} \wedge u \leq y_{\alpha}\wedge v +\lvert u-v\rvert \in V+V \subseteq U \end{equation} where, again, we used that $U$ and $V$ are solid. This means that $y_{\alpha}\wedge u\xrightarrow{\tau}0$. Hence, $y_{\alpha}\xrightarrow{u\tau}0$ in $X$. \\ To prove (iii), let $u \in X_+$. Then $u=v+w$ for some positive $v \in Y$ and $w \in Y^d$. It follows from $y_\alpha\perp w$ that $y_{\alpha} \wedge u=y_{\alpha} \wedge v \xrightarrow{\tau}0.$ \end{proof} Let $X$ be a vector lattice, $\tau$ a locally solid topology on $X$, and $X^{\delta}$ the order completion of $X$. It is known that one can find a locally solid topology, say, $\tau^*$, on $X^{\delta}$ that extends $\tau$. See Exercise $8$ on page $73$ of [\ref{705}] for details on how to construct such an extension. Since $X$ is majorizing in $X^{\delta}$, Lemma~\ref{18} gives the following. \begin{corollary}\label{18.1} If $(X,\tau)$ is a locally solid vector lattice and $(x_{\alpha})$ is a net in $X$ then $x_{\alpha} \xrightarrow{u\tau}0$ in $X$ if and only if $x_{\alpha} \xrightarrow{u(\tau^*)}0$ in $X^{\delta}$. Here $\tau^*$ denotes a locally solid extension of $\tau$ to $X^{\delta}$. \end{corollary} \section{Pre-Lebesgue property and disjoint sequences} Recall the following definition from page 75 of [\ref{705}]: \begin{defn}\label{22} Let $(X,\tau)$ be a locally solid vector lattice. We say that $(X,\tau)$ satisfies the \textbf{\textit{pre-Lebesgue property}} (or that $\tau$ is a \textbf{\textit{pre-Lebesgue topology)}}, if $0\leq x_n\! \uparrow \leq x$ in $X$ implies that $(x_n)$ is a $\tau$-Cauchy sequence. \end{defn} Recall that Theorem 3.23 of [\ref{705}] states that in an Archimedean locally solid vector lattice the Lebesgue property implies the pre-Lebesgue property. It is also known that in a topologically complete Hausdorff locally solid vector lattice that the Lebesgue property is equivalent to the pre-Lebesgue property and these spaces are always order complete. This is Theorem 3.24 of [\ref{705}]. The next theorem tells us exactly when disjoint sequences are $u\tau$-null. Parts (i)-(iv) are Theorem 3.22 of [\ref{705}], (v) and (vi) are new. \begin{theorem}\label{23} For a locally solid vector lattice $(X, \tau)$ TFAE: \begin{enumerate} \item $(X,\tau)$ satisfies the pre-Lebesgue property; \item If $0 \leq x_{\alpha}\uparrow \leq x$ holds in $X$, then $(x_{\alpha})$ is a $\tau$-Cauchy net of $X$; \item Every order bounded disjoint sequence of $X$ is $\tau$-convergent to zero; \item Every order bounded $k$-disjoint sequence of $X$ is $\tau$-convergent to zero; \item Every disjoint sequence in $X$ is $u\tau$-convergent to zero; \item Every disjoint net in $X$ is $u\tau$-convergent to zero.\footnote{In statements such as this we require that the index set of the net has no maximal elements. See page 9 of [\ref{705}] for a further discussion on this minor issue.} \end{enumerate} \end{theorem} \begin{proof} (iii)$\Rightarrow$(v): Suppose $(x_n)$ is a disjoint sequence. For every $u\in X_+$, $(\lvert x_n\rvert \wedge u)$ is order bounded and disjoint, so is $\tau$-convergent to zero. This proves $x_n \xrightarrow{u\tau}0$. \\ (v) $\Rightarrow$ (iii): Let $(x_n)\subseteq [-u,u]$ be a disjoint order bounded sequence. By (v), $x_n \xrightarrow{u\tau}0$ so, in particular, $\lvert x_n\rvert=\lvert x_n\rvert \wedge u \xrightarrow{\tau}0$. This proves $(x_n)$ is $\tau$-null. \\ Next we prove (v)$\Leftrightarrow$(vi). Clearly (vi)$\Rightarrow$(v). Assume (v) holds and suppose there exists a disjoint net $(x_{\alpha})$ which is not $u\tau$-null. Let $\{U_i\}$ be a solid base of neighbourhoods of zero for $\tau$ and $\{U_{i,u}\}$ the solid base for $u\tau$ described in Theorem~\ref{1}. Since $(x_{\alpha})$ is not $u\tau$-null there exists $U_{i,u}$ such that for every $\alpha$ there exists $\beta > \alpha$ with $x_{\beta} \notin U_{i,u}$. Inductively, we find an increasing sequence $(\alpha_k)$ of indices such that $x_{\alpha_k} \notin U_{i,u}$. Hence the sequence $(x_{\alpha_k})$ is disjoint but not $u\tau$-null. \end{proof} Since, for a Banach lattice, the norm topology is complete, the pre-Lebesgue property agrees with the Lebesgue property. This theorem can therefore be thought of as a generalization of Proposition 3.5 in [\ref{706}]. Theorem~\ref{23} has the following corollaries: \begin{corollary}\label{10201} $\tau$ has the pre-Lebesgue property if and only if $u\tau$ does. \end{corollary} \begin{proof} $\tau$ and $u\tau$-convergences agree on order bounded sequences. Apply (iii). \end{proof} \begin{corollary}\label{1000} If $\tau$ is pre-Lebesgue and unbounded then every disjoint sequence of $X$ is $\tau$-convergent to 0. \end{corollary} \begin{question} Suppose $(X,\tau)$ is a Hausdorff locally solid vector lattice. If every disjoint sequence of $X$ is $\tau$-null, do $\tau$ and $u\tau$ agree (at least on sequences)? \end{question} \subsection{$\sigma$-Lebesgue topologies} Recall that a locally solid topology $\tau$ is \textbf{\textit{$\sigma$-Lebesgue}} if $x_n\downarrow 0\Rightarrow x_n\xrightarrow{\tau}0$ or, equivalently, $x_n\xrightarrow{o_1}0 \Rightarrow x_n\xrightarrow{\tau}0$. Example 3.25 in [\ref{705}] shows that the $\sigma$-Lebesgue property does not imply the pre-Lebesgue property. It should be noted that an equivalent definition is not obtained if we replace $o_1$-convergence with $o$-convergence in the latter definition of the $\sigma$-Lebesgue property. In other words, the $\sigma$-Lebesgue property is not independent of the definition of order convergence. \\ By Theorem~\ref{23}(v) it may be tempting to conclude that if $\tau$ is $\sigma$-Lebesgue then $\tau$ is pre-Lebesgue (since disjoint sequences are $uo$-null). This is not the case, however, as the example above illustrates. In the next example we show how the definition of order convergence can effect properties of $uo$-convergence. We say a net $(x_{\alpha})$ in a vector lattice $X$ is $uo_1$-convergent to $x\in X$ if $\lvert x_{\alpha}-x\rvert\wedge u\xrightarrow{o_1}0$ for all $u\in X_+$. \begin{example} By $[\ref{708}]$ Corollary $3.6$ every disjoint sequence in a vector lattice $X$ is $uo$-null. We will show that it is not the case that every disjoint sequence in $X$ is $uo_1$-null. Indeed, let $(X,\tau)$ be as in Example 3.25 of [\ref{705}] and assume every disjoint sequence is $uo_1$-null. Then, since $\tau$ is $\sigma$-Lebesgue, every disjoint sequence is $u\tau$-null. By Theorem~\ref{23}(v) $\tau$ has the pre-Lebesgue property, a contradiction. \end{example} \begin{proposition}\label{23.1} Suppose $\tau$ is a locally solid topology. $\tau$ is Lebesgue iff $u\tau$ is. $\tau$ is $\sigma$-Lebesgue iff $u\tau$ is. \end{proposition} \begin{proof} If $x_{\alpha}\downarrow 0$ then, passing to a tail, $(x_{\alpha})$ is order bounded. Therefore, $x_{\alpha}\xrightarrow{\tau}0\Leftrightarrow x_{\alpha}\xrightarrow{u\tau}0$. The sequential proof is similar. \end{proof} \section{The $uo$-Lebesgue property and universal completions} Throughout this section, as usual, $X$ is a vector lattice and all topologies are assumed locally solid. We first deal with the deep connection between universal completions, unbounded topologies and $uo$-convergence. Recall Theorem 7.54 in [\ref{705}]: \begin{theorem}\label{999} For a vector lattice $X$ we have the following: \begin{enumerate} \item $X$ can admit at most one Hausdorff Lebesgue topology that extends to its universal completion as a locally solid topology; \item $X$ admits a Hausdorff Lebesgue topology if and only if $X^u$ does. \end{enumerate} \end{theorem} We can now add an eighth and nineth equivalence to Theorem $7.51$ in [\ref{705}]. For convenience of the reader, and since we will need nearly all these properties, we recall the entire theorem. We remark that dominable sets will not play a role in this paper, and a locally solid topology is \textbf{\textit{$\sigma$-Fatou}} if it has a base $\{U_i\}$ at zero consisting of solid sets with the property that $(x_n)\subseteq U_i$ and $0\leq x_n\uparrow x$ implies $x\in U_i$. \begin{theorem}\label{24.1} For a Hausdorff locally solid vector lattice $(X,\tau)$ with the Lebesgue property the following statements are equivalent. \begin{enumerate} \item $\tau$ extends to a Lebesgue topology on $X^u$; \item $\tau$ extends to a locally solid topology on $X^u$; \item $\tau$ is coarser than any Hausdorff $\sigma$-Fatou topology on $X$; \item Every dominable subset of $X_+$ is $\tau$-bounded; \item Every disjoint sequence of $X_+$ is $\tau$-convergent to zero; \item Every disjoint sequence of $X_+$ is $\tau$-bounded; \item The topological completion $\widehat{X}$ of $(X,\tau)$ is Riesz isomorphic to $X^u$, that is, $\widehat{X}$ is the universal completion of $X$; \item Every disjoint net of $X_+$ is $\tau$-convergent to zero; \item $\tau$ is unbounded. \end{enumerate} \end{theorem} \begin{proof} The proof that (v)$\Leftrightarrow $(viii) is the same technique as in Theorem~\ref{23}. \\ We now prove that (v)$\Leftrightarrow$(ix). Assume $\tau$ is unbounded and is a Hausdorff Lebesgue topology. Since $\tau$ is Hausdorff, $X$ is Archimedean. Since $X$ is Archimedean and $\tau$ is Lebesgue, $\tau$ is pre-Lebesgue. Now apply Corollary~\ref{1000}. \\ Now assume (v) holds so that every disjoint sequence of $X_+$ is $\tau$-convergent to zero. Since $\tau$ is Hausdorff and Lebesgue, so is $u\tau$. Since $\tau$-convergence implies $u\tau$-convergence, every disjoint positive sequence is $u\tau$-convergent to zero so that, by (ii), $u\tau$ extends to a locally solid topology on $X^u$. We conclude that $\tau$ and $u\tau$ are both Hausdorff Lebesgue topologies that extend to $X^u$ as locally solid topologies. By Theorem~\ref{999}, $\tau=u\tau$. \end{proof} Theorem~\ref{24.1}(vii) yields the following: \begin{corollary} Let $\tau$ be an unbounded Hausdorff Lebesgue topology on a vector lattice $X$. $\tau$ is complete if and only if $X$ is universally complete. \end{corollary} \begin{remark} Compare this with [\ref{706}] Proposition 6.2 and [\ref{705}] Theorem 7.47. It can also be deduced that if $\tau$ is a topologically complete unbounded Hausdorff Lebesgue topology then it is the only Hausdorff Fatou topology on $X$. See Theorem 7.53 of [\ref{705}]. \end{remark} By Exercise 5 on page 72 of [\ref{705}], if an unbounded Hausdorff Lebesgue topology $\tau$ is extended to a Lebesgue topology $\tau^u$ on $X^u$, then $\tau^u$ is also Hausdorff. By Theorem 7.53 of [\ref{705}] it is the only Hausdorff Lebesgue (even Fatou) topology $X^u$ can admit. It must therefore be unbounded. By the uniqueness of Hausdorff Lebesgue topologies on $X^u$ we deduce uniqueness of unbounded Hausdorff Lebesgue topologies on $X$ since these types of topologies always extend to $X^u$. \\ We summarize in a theorem: \begin{theorem}\label{24} Let $X$ be a vector lattice. We have the following: \begin{enumerate} \item $X$ admits at most one unbounded Hausdorff Lebesgue topology. (It admits an unbounded Hausdorff Lebesgue topology if and only if it admits a Hausdorff Lebesgue topology); \item Let $\tau$ be a Hausdorff Lebesgue topology on $X$. $\tau$ is unbounded if and only if $\tau$ extends to a locally solid topology on $X^u$. In this case, the extension of $\tau$ to $X^u$ can be chosen to be Hausdorff, Lebesgue and unbounded. \end{enumerate} \end{theorem} \begin{example} Let $X$ be an order continuous Banach lattice. Both the norm and $un$ topologies are Hausdorff and Lebesgue. Since these topologies generally differ, it is clear that a space can admit more than one Hausdorff Lebesgue topology. Notice, however, that when $X$ is order continuous, $un$ is the same as $uaw$. The reason for this is that $un$ and $uaw$ are two unbounded Hausdorff Lebesgue topologies, so, by the theory just presented, they must coincide. \end{example} Recall that every Lebesgue topology is Fatou; this is Lemma 4.2 of [\ref{705}]. Also, if $\tau$ is a Hausdorff Fatou topology on a universally complete vector lattice $X$ then $(X,\tau)$ is $\tau$-complete. This is Theorem 7.50 of [\ref{705}] and can also be deduced from previous facts presented in this paper. \begin{corollary}\label{24.2} Suppose $(X,\tau)$ is Hausdorff and Lebesgue. Then $u\tau$ extends to an unbounded Hausdorff Lebesgue topology $(u\tau)^u$ on $X^u$ and $(X^u,(u\tau)^u)$ is topologically complete. \end{corollary} \begin{example}Recall by Theorem 6.4 of [\ref{705}] that if $X$ is a vector lattice and $A$ an ideal of $X^{\sim}$ then the absolute weak topology $\lvert\sigma\rvert(A,X)$ is a Hausdorff Lebesgue topology on $A$. This means that the topology $u\lvert \sigma\rvert(A,X)$ is the unique unbounded Hausdorff Lebesgue topology on $A$. In particular, if $X$ is a Banach lattice then $u\lvert \sigma\rvert(X^*,X)$ is the unique unbounded Hausdorff Lebesgue topology on $X^*$ so, if $X^*$ is (norm) order continuous, then $un=uaw=u\lvert\sigma\rvert(X^*,X)$ on $X^*$. \end{example} We next characterize the $uo$-Lebesgue property: \begin{theorem}\label{25} Let $(X,\tau)$ be a Hausdorff locally solid vector lattice. TFAE: \begin{enumerate} \item $\tau$ is $uo$-Lebesgue, i.e., $x_{\alpha}\xrightarrow{uo}0 \Rightarrow x_{\alpha}\xrightarrow{\tau}0$; \item $\tau$ is Lebesgue and unbounded. \end{enumerate} \end{theorem} \begin{proof} Recall that the Lebesgue property is independent of the definition of order convergence. \\ (ii)$\Rightarrow$(i) is known since if $\tau$ is Lebesgue then $u\tau$ is $uo$-Lebesgue and, therefore, since $\tau=u\tau$, $\tau$ is $uo$-Lebesgue. \\ Assume now that $\tau$ is $uo$-Lebesgue. Note first that this trivially implies that $\tau$ is Lebesgue. Assume now that $(x_n)$ is a disjoint sequence in $X_+$. By known results, $(x_n)$ is $uo$-null. Since $\tau$ is $uo$-Lebesgue, $(x_n)$ is $\tau$-null. Therefore, $\tau$ satisfies condition (v) of Theorem~\ref{24.1}. It therefore also satisfies (ix) which means $\tau$ is unbounded. \end{proof} \begin{question} Does the above theorem remain valid if $uo$ is replaced by $uo_1$? In other words, is the $uo$-Lebesgue property independent of the definition of order convergence? \end{question} There are two natural ways to incorporate unboundedness into the literature on locally solid vector lattices. The first is to take some property relating order convergence to topology and then make the additional assumption that the topology is unbounded. The other is to take said property and replace order convergence with $uo$-convergence. For the Lebesgue property, these approaches are equivalent: $\tau$ is unbounded and Lebesgue iff it is $uo$-Lebesgue (with the overlying assumption $\tau$ is Hausdorff). Later on we will study the Fatou property and see that these approaches differ. \\ We can now strengthen Proposition~\ref{4}. Compare this with Theorem 4.20 and 4.22 in [\ref{705}]. The latter theorem says that all Hausdorff Lebesgue topologies induce the same topology on order bounded subsets. It will now be shown that, furthermore, all Hausdorff Lebesgue topologies have the same topologically closed sublattices. \begin{theorem}\label{26} Let $\tau$ and $\sigma$ be Hausdorff Lebesgue topologies on a vector lattice $X$ and let $Y$ be a sublattice of $X$. Then $Y$ is $\tau$-closed in $X$ if and only if it $\sigma$-closed in $X$. \end{theorem} \begin{proof} By Proposition~\ref{4}, $Y$ is $\tau$-closed in $X$ if and only if it is $u\tau$-closed in $X$ and it is $\sigma$-closed in $X$ if and only if it is $u\sigma$-closed in $X$. By Theorem~\ref{24}, $u\tau=u\sigma$, so $Y$ is $\tau$-closed in $X$ if and only if it $\sigma$-closed in $X$. \end{proof} Next we present a partial answer to the question of whether unbounding and passing to the order completion is the same as passing to the order completion and then unbounding. First, a proposition: \begin{proposition}\label{22222} Let $(X,\tau)$ be a Hausdorff locally solid vector lattice with the $uo$-Lebesgue property. Then $Y$ is a regular sublattice of $X$ iff $\tau|_Y$ is a Hausdorff $uo$-Lebesgue topology on $Y$. \end{proposition} \begin{proof} The reader should convince themselves that the subspace topology defines a Hausdorff locally solid topology on $Y$; we will prove that $\tau|_Y$ is $uo$-Lebesgue when $Y$ is regular. Suppose $(y_{\alpha})$ is a net in $Y$ and $y_{\alpha}\xrightarrow{uo}0$ in $Y$. Since $Y$ is regular, $y_{\alpha}\xrightarrow{uo}0$ in $X$, so that $y_{\alpha}\xrightarrow{\tau}0$ as $\tau$ is $uo$-Lebesgue. This is equivalent to $y_{\alpha}\xrightarrow{\tau|_Y}0$. For the converse, assume $\tau|_Y$ is Hausdorff and $uo$-Lebesgue, and $y_{\alpha}\downarrow 0$ in $Y$. Then $y_{\alpha}\xrightarrow{\tau|_Y}0$, hence $y_{\alpha}\xrightarrow{\tau}0$. Since $(y_{\alpha})$ is decreasing in $X$, $y_{\alpha}\downarrow 0$ in $X$ be [\ref{705}] Theorem 2.21. This proves that $Y$ is regular in $X$. \end{proof} Let $\sigma$ be a Hausdorff Lebesgue topology on a vector lattice $X$. By Theorem $4.12$ in [\ref{705}] there is a unique Hausdorff Lebesgue topology $\sigma^{\delta}$ on $X^{\delta}$ that extends $\sigma$. We have the following: \begin{lemma} For any Hausdorff Lebesgue topology $\tau$ on a vector lattice $X$, $u(\tau^{\delta})=(u\tau)^{\delta}=(u\tau)^u|_{X^\delta}$. \end{lemma} \begin{proof} As stated, $\tau$ extends uniquely to a Hausdorff Lebesgue topology $\tau^{\delta}$ on $X^{\delta}$. $u(\tau^{\delta})$ is thus a Hausdorff $uo$-Lebesgue topology on $X^{\delta}$. \\ Alternatively, since $\tau$ is a Hausdorff Lebesgue topology, $u\tau$ is a Hausdorff $uo$-Lebesgue topology. This topology extends uniquely to a Hausdorff Lebesgue topology $(u\tau)^{\delta}$ on $X^{\delta}$. It suffices to prove that $(u\tau)^{\delta}$ is $uo$-Lebesgue since then, by uniqueness of such topologies, it must equal $u(\tau^{\delta})$. \\ Since $u\tau$ is Hausdorff and $uo$-Lebesgue, it also extends to a Hausdorff $uo$-Lebesgue topology $(u\tau)^u$ on $X^u$. By page 187 of [\ref{705}], the universal completions of $X$ and $X^{\delta}$ coincide so we can restrict $(u\tau)^u$ to $X^{\delta}$. By Proposition~\ref{22222}, this gives a Hausdorff $uo$-Lebesgue topology, $(u\tau)^u|_{X^\delta}$, on $X^{\delta}$ that extends $u\tau$. By uniqueness of Hausdorff Lebesgue extensions to $X^{\delta}$, $(u\tau)^u|_{X^\delta}=(u\tau)^{\delta}$ and so $(u\tau)^{\delta}$ is $uo$-Lebesgue. \end{proof} In particular, if $\tau$ is also unbounded, so that $\tau$ is a Hausdorff $uo$-Lebesgue topology, then $u(\tau^{\delta})=\tau^{\delta}$. This means we can also include $uo$-Lebesgue topologies in [\ref{705}] Theorem 4.12: \begin{corollary} Let $\tau$ be a Hausdorff Lebesgue topology on a vector lattice $X$. Then $\tau$ is $uo$-Lebesgue iff $\tau^{\delta}$ is $uo$-Lebesgue. \end{corollary} \section{Minimal topologies} In this section we will see that $uo$-convergence ``knows" exactly which topologies are minimal. Much work has been done on minimal topologies and, unfortunately, the section in [\ref{705}] is out-of-date both in terminology and sharpness of results. First we fix our definitions; they are inconsistent with [\ref{705}]. \begin{defn} A Hausdorff locally solid topology $\tau$ on a vector lattice $X$ is said to be \textbf{\textit{minimal}} if it follows from $\tau_1\subseteq \tau$ and $\tau_1$ a Hausdorff locally solid topology that $\tau_1=\tau$. \end{defn} \begin{defn} A Hausdorff locally solid topology $\tau$ on a vector lattice $X$ is said to be \textbf{\textit{least}} or, to be consistent with $[\ref{714}]$, \textbf{\textit{smallest}}, if $\tau$ is coarser than any other Hausdorff locally solid topology $\sigma$ on $X$, i.e., $\tau\subseteq \sigma$. \end{defn} A crucial result, not present in [\ref{705}], is Proposition 6.1 of [\ref{714}]: \begin{proposition}\label{2000} A minimal topology is a Lebesgue topology. \end{proposition} This allows us to prove the following result; the equivalence of (i) and (ii) has already been established by Theorem~\ref{25}, but is collected here for convenience. \begin{theorem}\label{13375} Let $\tau$ be a Hausdorff locally solid topology on a vector lattice $X$. TFAE: \begin{enumerate} \item $\tau$ is $uo$-Lebesgue; \item $\tau$ is Lebesgue and unbounded; \item $\tau$ is minimal. \end{enumerate} \end{theorem} \begin{proof} Suppose $\tau$ is minimal. By the last proposition, it is Lebesgue. It is also unbounded since $u\tau$ is a Hausdorff locally solid topology and $u\tau \subseteq \tau$. Minimality forces $\tau=u\tau$. \\ Conversely, suppose that $\tau$ is Hausdorff, Lebesgue and unbounded and that $\sigma \subseteq \tau$ is a Hausdorff locally solid topology. It is clear that $\sigma$ is then Lebesgue and hence $\sigma$-Fatou. By Theorem~\ref{24.1}(iii), $\tau$ is coarser than $\sigma$. Therefore, $\tau=\sigma$ and $\tau$ is minimal. \end{proof} In conjunction with Theorem~\ref{24}, we deduce the (already known) fact that minimal topologies, if they exist, are unique. They exist if and only if $X$ admits a Hausdorff Lebesgue topology. We also get many generalizations of results on unbounded topologies in Banach lattices. The following is part of [\ref{705}] Theorem 7.65: \begin{theorem} If $X$ is an order continuous Banach lattice then $X$ has a least topology. \end{theorem} The least topology on an order continuous Banach lattice is, simply, $un$. This proves that $un$ is ``special", and also that it has been implicitly studied before. If $X$ is any Banach lattice then, since the topology $u\lvert\sigma\rvert(X^*,X)$ is Hausdorff and $uo$-Lebesgue, it also has a minimality property: \begin{lemma} Let $X$ be a Banach lattice. $u\lvert\sigma\rvert(X^*,X)$ is the (unique) minimal topology on $X^*$. \end{lemma} \section{Local convexity and dual spaces of $uo$-Lebesgue topologies} We now make some remarks about $u\tau$-continuous functionals and, surprisingly, generalize many results in [\ref{706}] whose presented proofs rely heavily on AL-representation theory and the norm. \\ First recall that by [\ref{705}] Theorem 2.22, if $\sigma$ is a locally solid topology on $X$ then $(X,\sigma)^* \subseteq X^{\sim}$ as an ideal. $(X,\sigma)^*$ is, therefore, an order complete vector lattice in its own right. Here $(X,\sigma)^*$ stands for the topological dual and $X^{\sim}$ for the order dual. \begin{proposition}\label{14} $(X,u\tau)^*\subseteq (X,\tau)^*$ as an ideal. \end{proposition} \begin{proof} It is easy to see that the set of all $u\tau$-continuous functionals in $(X,\tau)^*$ is a linear subspace. Suppose that $\varphi$ in $(X,\tau)^*$ is $u\tau$-continuous; we will show that $\lvert\varphi\rvert$ is also $u\tau$-continuous. Fix $\varepsilon>0$ and let $\{U_i\}_{i\in I}$ be a solid base for $\tau$ at zero. By $u\tau$-continuity of $\varphi$, one can find an $i\in I$ and $u>0$ such that $\lvert\varphi(x)\rvert< \varepsilon$ whenever $x \in U_{i,u}$. Fix $x \in U_{i,u}$. Since $U_{i,u}$ is solid, $\lvert y\rvert \leq \lvert x\rvert$ implies $y \in U_{i,u}$ and, therefore, $\lvert \varphi(y)\rvert < \varepsilon$. By the Riesz-Kantorovich formula, we get that \begin{equation} \bigl\lvert\lvert\varphi\rvert(x)\bigl\rvert \leq \lvert\varphi\rvert\bigl(\lvert x\rvert\bigl)=\text{sup}\Bigl\{\bigl\lvert\varphi(y)\bigl\rvert\ : \lvert y\rvert \leq \lvert x\rvert\Bigl\} \leq \varepsilon. \end{equation} It follows that $\lvert \varphi\rvert$ is $u\tau$-continuous and, therefore, the set of all $u\tau$-continuous functionals in $(X,\tau)^*$ forms a sublattice. It is straightforward to see that if $\varphi\in (X,\tau)^*_+$ is $u\tau$-continuous and $0\leq \psi \leq \varphi$ then $\psi$ is also $u\tau$-continuous and, thus, the set of all $u\tau$-continuous functionals in $(X,\tau)^*$ is an ideal. \end{proof} We next need some definitions. Our definition of discrete element is slightly different than [\ref{714}] since we require them to be positive and non-zero. It is consistent with [\ref{705}]. \begin{defn} Let $X$ be a vector lattice. $x>0$ in $X$ is called a \textbf{\textit{discrete element}} or \textbf{\textit{atom}} if the ideal generated by $x$ equals the linear span of $x$. \end{defn} \begin{defn} A vector lattice $X$ is \textbf{\textit{discrete}} or \textbf{\textit{atomic}} if there is a complete disjoint system $\{x_i\}$ consisting of discrete elements in $X_+$, i.e., $x_i\wedge x_j=0$ if $i\neq j$ and $x\in X$, $x\wedge x_i=0$ for all $i$ implies $x=0$. \end{defn} By [\ref{705}] Theorem 1.78, $X$ is atomic if and only if $X$ is lattice isomorphic to an order dense sublattice of some vector lattice of the form $\mathbb{R}^A$. \\ The next result is an effortless generalization of Theorem 5.2 in [\ref{706}]. In the upcoming results we consider the $0$-vector lattice to be atomic. \begin{lemma}\label{1289} Let $\tau$ be a Hausdorff $uo$-Lebesgue topology on a vector lattice $X$. $\tau$ is locally convex if and only if $X$ is atomic. Moreover, if $X$ is atomic then a Hausdorff $uo$-Lebesgue topology exists, it is least, and it is the topology of pointwise convergence. \end{lemma} \begin{proof} By page 291 of [\ref{714}], a pre-$L_0$ space is the same as a vector lattice that admits a Hausdorff Lebesgue topology; the first part of our lemma is just a re-wording of Proposition 3.5 in [\ref{714}]. The moreover part follows from Theorem 7.70 in [\ref{705}] (remember, ``minimal" in [\ref{705}] means ``least"). Actually, knowing that Hausdorff $uo$-Lebesgue topologies are Lebesgue and disjoint sequences are null, the entire lemma can be deduced from the statement and proof of Theorem 7.70. \end{proof} Consider Remark 4.15 in [\ref{706}]. It is noted that $\ell_{\infty}$ is atomic yet $un$-convergence is not the same as pointwise convergence. Lemma~\ref{1289} tells us that $\ell_{\infty}$ does admit a least topology that coincides with the pointwise convergence. Since $\ell_{\infty}$ is a dual Banach lattice, $u\lvert\sigma\rvert(\ell_{\infty},\ell_1)$ is defined and must be the least topology on $\ell_{\infty}$. This is an example where $X^*$ is not an order continuous Banach lattice but $u\lvert \sigma\rvert(X^*,X)$ is still a least topology. \begin{theorem}\label{atomic} $uo$-convergence in a vector lattice $X$ agrees with the convergence of a locally convex-solid topology on $X$ iff $X$ is atomic. \end{theorem} \begin{proof} Suppose $uo$-convergence agrees with the convergence of a locally convex-solid topology $\tau$. Since $uo$-limits are unique, $\tau$ is Hausdorff. Clearly, $\tau$ is $uo$-Lebesgue, so, by Lemma~\ref{1289}, $X$ is atomic. \\ Suppose $X$ is atomic. By [\ref{705}] Theorem 1.78, $X$ is lattice isomorphic to an order dense sublattice of a vector lattice of the form $\mathbb{R}^A$. Since $uo$-convergence is preserved through the onto isomorphism and the order dense embedding into $\mathbb{R}^A$, we may assume that $X\subseteq \mathbb{R}^A$. It was noted in [\ref{dual spaces}] that $uo$-convergence in $\mathbb{R}^A$ is just pointwise convergence. Using Theorem 3.2 of [\ref{708}], it is easy to see that the restriction of pointwise convergence to $X$ agrees with $uo$-convergence on $X$. Hence, $uo$-convergence agrees with the convergence of a locally convex-solid topology. See [\ref{1337}] for an alternative proof that $uo$-convergence in atomic vector lattices is topological. \end{proof} The following result is known, but nevertheless follows immediately: \begin{corollary} A vector lattice $X$ is atomic iff it is lattice isomorphic to a regular sublattice of some vector lattice of the form $\mathbb{R}^A$. \end{corollary} \begin{proof} The forward direction follows from Theorem 1.78 of [\ref{705}]. For the converse, combine Theorem~\ref{atomic} with Theorem 3.2 of [\ref{708}]. \end{proof} Theorem 7.71 in [\ref{705}] is a perfectly reasonable generalization of [\ref{706}] Corollary 5.4(ii) since the $un$-topology in order continuous Banach lattices is least. What we want, however, is to replace the least topology assumption in Theorem 7.71 with the assumption that the topology is minimal. The reason being that $uo$-convergence can ``detect" if a topology is minimal, but not necessarily if it is least. To prove Corollary 5.4 in [\ref{706}] the authors go through the theory of dense band decompositions. A similar theory of $\tau$-dense band decompositions can be developed, but there is an easier proof of this result utilizing the recent paper [\ref{707}]. \begin{proposition} Let $\tau$ be a $uo$-Lebesgue topology on a vector lattice $X$. If $0\neq \varphi\in (X,\tau)^*$ then $\varphi$ is a linear combination of the coordinate functionals of finitely many atoms. \end{proposition} \begin{proof} Suppose $0\neq \varphi\in (X,\tau)^*$. Since $\tau$ is $uo$-Lebesgue and $\varphi$ is $\tau$-continuous, $\varphi(x_{\alpha})\rightarrow 0$ whenever $x_{\alpha}\xrightarrow{uo}0$. The conclusion now follows from Proposition 2.2 in [\ref{707}]. \end{proof} \section{Fatou topologies} Using the canonical base described in Theorem~\ref{1}, it is trivial to verify that if $\tau$ has the Fatou property then so does $u\tau$. In analogy with the Fatou property, it is natural to consider topologies that have a base at zero consisting of solid $uo$-closed sets. Surprisingly, this does not lead to a new concept: \begin{lemma}\label{8882} Let $A\subseteq X$ be a solid subset of a vector lattice $X$. $A$ is (sequentially) $o$-closed if and only if it is (sequentially) $uo$-closed. \end{lemma} \begin{proof} If $A$ is $uo$-closed then it is clearly $o$-closed. Suppose $A$ is $o$-closed, $(x_{\alpha})\subseteq A$ and $x_{\alpha}\xrightarrow{uo}x$. We must prove $x \in A$. By continuity of lattice operations, $|x_{\alpha}|\wedge|x|\xrightarrow{uo}|x|$, so that $|x_{\alpha}|\wedge|x|\xrightarrow{o}|x|$. Since $A$ is solid, $(|x_{\alpha}|\wedge|x|)\subseteq A$, and since $A$ is $o$-closed we conclude that $|x|\in A$. Finally, using the solidity of $A$ again, we conclude that $x\in A$. Sequential arguments are analogous. \end{proof} A simliar proof to Lemma~\ref{8882} gives the following. Compare with [\ref{704}] Lemma 2.8. \begin{lemma}\label{546} If $x_{\alpha}\xrightarrow{u\tau}x$ then $\lvert x_{\alpha}\rvert \wedge\lvert x\rvert \xrightarrow{\tau}\lvert x\rvert$. In particular, $\tau$ and $u\tau$ have the same (sequentially) closed solid sets. \end{lemma} This leads to the following elegant result: \begin{theorem}\label{solid} Let $\tau$ and $\sigma$ be Hausdorff Lebesgue topologies on a vector lattice $X$ and let $A$ be a solid subset of $X$. Then $A$ is (sequentially) $\tau$-closed if and only if it is (sequentially) $\sigma$-closed. \end{theorem} \begin{proof} Suppose $A$ is $\tau$-closed. By Lemma~\ref{546}, $A$ is $u\tau$-closed. Since $X$ can admit only one unbounded Hausdorff Lebesgue topology, $u\sigma=u\tau$ and, therefore, $A$ is $u\sigma$-closed. Since $u\sigma \subseteq \sigma$, $A$ is $\sigma$-closed. Sequential arguments are analogous. \end{proof} \begin{remark} It is well known that locally convex topologies consistent with a given dual pair have the same closed convex sets. Theorem~\ref{solid} is a similar result for locally solid topologies. It also motivates Question~\ref{Qhi}. \end{remark} We can also strengthen Lemma 3.6 in [\ref{716}]. For properties and terminology involving Riesz seminorms, the reader is referred to [\ref{705}]. \begin{lemma} Let $X$ be a vector lattice and suppose $\rho$ is a Riesz seminorm on $X$ satisfying the Fatou property. Then $x_{\alpha}\xrightarrow{uo}x\Rightarrow \rho(x)\leq \liminf\rho(x_{\alpha})$. \end{lemma} \begin{proof} First we prove the statement for order convergence. Assume $x_{\alpha}\xrightarrow{o}x$ and pick a dominating net $y_{\beta}\downarrow 0$. Fix $\beta$ and find $\alpha_0$ such that $\lvert x_{\alpha}-x \rvert\leq y_{\beta}$ for all $\alpha\geq \alpha_0$. Since \begin{displaymath} (\lvert x\rvert-y_{\beta})^+\leq \lvert x_{\alpha}\rvert, \end{displaymath} we conclude that $\rho((\lvert x\rvert-y_{\beta})^+) \leq \rho(x_{\alpha})$. Since this holds for all $\alpha\geq \alpha_0$ we can conclude that $\rho((\lvert x\rvert-y_{\beta})^+) \leq \liminf\rho(x_{\alpha})$. Since $\rho$ is Fatou and $0 \leq (\lvert x\rvert-y_{\beta})^+\uparrow \lvert x\rvert$ we conclude that $\rho((\lvert x\rvert-y_{\beta})^+)\uparrow \rho(x)$ and so $\rho(x)\leq \liminf \rho(x_{\alpha})$. \\ Now assume that $x_{\alpha}\xrightarrow{uo}x$. Then $\lvert x_{\alpha}\rvert \wedge \lvert x\rvert \xrightarrow{o}\lvert x\rvert.$ Using the above result and properties of Riesz seminorms, $\rho(x)=\rho(\lvert x\rvert )\leq \liminf \rho(\lvert x_{\alpha}\rvert \wedge\lvert x\rvert)\leq \liminf\rho(\lvert x_{\alpha}\rvert)=\liminf\rho(x_{\alpha})$. \end{proof} We next investigate how unbounded Fatou topologies lift to the order completion. Theorem 4.12 of [\ref{705}] asserts that if $\sigma$ is a Fatou topology on a vector lattice $X$ then $\sigma$ extends uniquely to a Fatou topology $\sigma^{\delta}$ on $X^{\delta}$. We will use this notation in the following theorem. \begin{proposition} Let $X$ be a vector lattice and $\tau$ a Fatou topology on $X$. Then $u(\tau^{\delta})=(u\tau)^{\delta}$. \end{proposition} \begin{proof} Since $\tau$ is Fatou, $\tau$ extends uniquely to a Fatou topology $\tau^{\delta}$ on $X^{\delta}$. Clearly, $u(\tau^{\delta})$ is still Fatou. Suppose $(x_{\alpha})$ is a net in $X$ and $x \in X$. By Corollary~\ref{18.1}, $x_{\alpha}\xrightarrow{u(\tau^{\delta})}x$ in $X^{\delta}$ if and only if $x_{\alpha}\xrightarrow{u\tau}x$ in $X$. \\ Since $\tau$ is Fatou, so is $u\tau$. Therefore, $u\tau$ extends uniquely to a Fatou topology $(u\tau)^{\delta}$ on $X^{\delta}$. Suppose $(x_{\alpha})$ is a net in $X$ and $x \in X$. Then $x_{\alpha}\xrightarrow{(u\tau)^{\delta}}x$ is the same as $x_{\alpha}\xrightarrow{u\tau}x$. \\ Thus, $(u\tau)^{\delta}$ and $u(\tau^{\delta})$ are two Fatou topologies on $X^{\delta}$ that agree with the Fatou topology $u\tau$ when restricted to $X$. By uniqueness of extension $u(\tau^{\delta})=(u\tau)^{\delta}$. \end{proof} \begin{defn} A locally solid vector lattice $(X,\tau)$ is said to be \textbf{\textit{weakly Fatou}} if $\tau$ has a base $\{U_i\}$ at zero consisting of solid sets with the property that for all $i$ there exists $k_i \geq 1$ such that whenever $(x_{\alpha})$ is a net in $U_i$ and $x_{\alpha}\xrightarrow{o}x$ we have $x\in k_iU_i$. \end{defn} \begin{remark} It is easily seen that for solid $U$ and $k\geq 1$, the property that $x\in kU$ whenever $(x_{\alpha})$ is a net in $U$ and $x_{\alpha}\xrightarrow{o}x$ is equivalent to the property that $x\in kU$ whenever $(x_{\alpha})$ is a net in $U$ and $0\leq x_{\alpha}\uparrow x$. Also, note that a Banach lattice $X$ is weakly Fatou if and only if there exists $k \geq 1$ such that $\|x\|\leq k\sup_{\alpha}\|x_{\alpha}\|$ whenever $0 \leq x_{\alpha}\uparrow x$ in $X$. \end{remark} Clearly, Fatou topologies are weakly Fatou. The next theorem, and one direction of its proof, is motivated by [\ref{707}] Proposition 3.1. \begin{theorem}\label{86868686} Suppose $(X,\tau)$ is Hausdorff and weakly Fatou. Then $\tau$ is Levi iff $(X,\tau)$ is boundedly $uo$-complete. \end{theorem} \begin{proof} If $\tau$ is Levi, $X$ is order complete by page 112 of [\ref{705}]. \\ Let $(x_{\alpha})$ be a $\tau$-bounded $uo$-Cauchy net in $X$. By considering the positive and negative parts, respectively, we may assume that $x_{\alpha} \geq 0$ for each $\alpha$. For each $y \in X_+$, since $\lvert x_{\alpha}\wedge y-x_{\alpha'}\wedge y\rvert \leq \lvert x_{\alpha}-x_{\alpha'}\rvert \wedge y$, the net $(x_{\alpha}\wedge y)$ is order Cauchy and hence order converges to some $u_y\in X_+$. The net $(u_y)_{y\in X_+}$ is directed upwards; we show it is $\tau$-bounded. Let $U$ be a solid $\tau$-neighbourhood of zero with the property that there exists $k\geq 1$ with $x\in kU$ whenever $(x_{\alpha})$ is a net in $U$ and $x_{\alpha}\xrightarrow{o}x$. Since $(x_{\alpha})$ is $\tau$-bounded, there exists $\lambda>0$ such that $(x_{\alpha})\subseteq \lambda U$. Since $0\leq x_{\alpha}\wedge y \leq x_{\alpha} \in \lambda U$, $x_{\alpha}\wedge y \in \lambda U$ for all $y$ and $\alpha$ by solidity. We conclude that $u_y \in \lambda kU$ for all $y$, so that $(u_y)$ is $\tau$-bounded. \\ Since $\tau$ is Levi, $(u_y)$ increases to an element $u \in X$. Fix $y \in X_+$. For any $\alpha,\alpha'$, define \begin{equation} x_{\alpha,\alpha'}=\sup_{\beta \geq \alpha, \beta'\geq \alpha'}\lvert x_{\beta}-x_{\beta'}\rvert\wedge y. \end{equation} Since $(x_{\alpha})$ is $uo$-Cauchy, $x_{\alpha,\alpha'}\downarrow 0$. Also, for any $z\in X_+$ and any $\beta \geq \alpha, \beta' \geq \alpha'$, \begin{equation} \lvert x_{\beta}\wedge z-x_{\beta'}\wedge z\rvert\wedge y \leq x_{\alpha,\alpha'}. \end{equation} Taking order limit first in $\beta'$ and then over $z \in X_+$, we obtain $\lvert x_{\beta}-u\rvert \wedge y \leq x_{\alpha,\alpha'}$ for any $\beta \geq \alpha$. This implies that $(x_{\alpha})$ $uo$-converges to $u$. \\ For the converse, assume $(X,\tau)$ is boundedly $uo$-complete and let $(x_{\alpha})$ be a positive increasing $\tau$-bounded net in $X$. Following the proof of [\ref{705}] Theorem 7.50, it is easily seen that $(x_{\alpha})$ is dominable. By [\ref{705}] Theorem 7.37, $(x_{\alpha})$ has supremum in $X^u$, hence is $uo$-Cauchy in $X^u$, hence is $uo$-Cauchy in $X$. Since $(x_{\alpha})$ is $\tau$-bounded, $x_{\alpha}\xrightarrow{uo}x$ in $X$ for some $x\in X$. Since $(x_{\alpha})$ is increasing, $x=\sup x_{\alpha}$. This proves that $\tau$ is Levi. \end{proof} \section{Unbounded convergence witnessed by ideals} In this section we see which results in [\ref{710}] move to the general setting. \\ To decide whether $x_{\alpha} \xrightarrow{u\tau}x$ one has to check if $\lvert x_{\alpha}-x\rvert\wedge u\xrightarrow{\tau}0$ for every ``test" vector $u \in X_+$. A natural question is, why do we take our test vectors from $X_+$? In this section we study unbounded convergence against a smaller test set. \begin{defn}\label{33} Let $(X,\tau)$ be a locally solid vector lattice and $A \subseteq X$ an ideal. We say a net $(x_{\alpha})$ \textbf{\textit{unbounded $\tau$-converges to $x$ with respect to $A$}} if $\lvert x_{\alpha}-x\rvert \wedge \lvert a\rvert \xrightarrow{\tau}0$ for all $a \in A$ or, equivalently, if $\lvert x_{\alpha}-x\rvert \wedge a \xrightarrow{\tau}0$ for all $a \in A_+$. \end{defn} \begin{remark} The assumption that $A$ is an ideal in the last definition presents no loss in generality since $\lvert x_{\alpha}-x\rvert \wedge \lvert a\rvert \xrightarrow{\tau}0$ for all $a \in A$ if and only if $\lvert x_{\alpha}-x\rvert \wedge \lvert a\rvert \xrightarrow{\tau}0$ for all $a \in I(A)$ \end{remark} \begin{proposition}\label{34} If $A$ is an ideal of a locally solid vector lattice $(X,\tau)$ then the unbounded $\tau$-convergence with respect to $A$ is a topological convergence on $X$. Moreover, the corresponding topology, $u_A\tau$, is locally solid. \end{proposition} \begin{proof} A minor modification of the proof of Theorem~\ref{1}. The base neighbourhoods are absorbing since $\tau$ is defined on $X$. \end{proof} Notice the change in notation from [\ref{710}]. One may think of $u$ and $u_A$ as maps from the set of locally solid topologies on $X$ to itself. In particular, $u_Au\tau$ should make sense and equal $u_A(u(\tau))$. This is why this notation is chosen. It is evident that $u=u_X$ so this subject is more general than the previous sections of the paper. \\ It is clear that $(u_A\tau)|_A=u(\tau|_A)$. It can be checked that if $A$ and $B$ are ideals of a locally solid vector lattice $(X,\tau)$ then $u_A(u_B\tau)=u_B(u_A\tau)=u_{A\cap B}\tau$. In particular, $u_A\tau$ is always unbounded. Notice also that if $A\subseteq B$ then $u_A\tau \subseteq u_B\tau$. \\ Since $u_A\tau$ is locally solid, Proposition 1.2 in [\ref{710}] comes for free. We now present the analog of Proposition 1.4 in [\ref{710}]: \begin{proposition}\label{35} Let $A$ be an ideal of a locally solid vector lattice $(X,\tau)$. Then $u_A\tau$ is Hausdorff iff $\tau$ is Hausdorff and $A$ is order dense in $X$. \end{proposition} \begin{proof} Routine modification of the proof of Proposition 1.4 in [\ref{710}]. \end{proof} We now move on to the analog of [\ref{710}] Proposition 2.2. \begin{proposition}\label{36} Suppose $A$ and $B$ are ideals of a locally solid vector lattice $(X,\tau)$. If $\overline{A}^{\tau}=\overline{B}^{\tau}$ then the topologies $u_A\tau$ and $u_B\tau$ on $X$ agree. \end{proposition} \begin{proof} It suffices to show that $u_A\tau=u_{\overline{A}}\tau$, where, for notational simplicity, $\overline{A}$ denotes the $\tau$-closure of $A$ in $X$. Let $(x_{\alpha})$ be a net in $X$. Clearly, if $x_{\alpha} \xrightarrow{u_{\overline{A}}\tau}0$ then $x_{\alpha} \xrightarrow{u_A\tau}0$. To prove the converse, suppose that $x_{\alpha} \xrightarrow{u_A\tau}0$. Fix $y \in \overline{A}^{\tau}_+$, a solid base neighbourhood $V$ of zero for $\tau$, and a solid base neighbourhood $U$ of zero for $\tau$ with $U+U\subseteq V$. By definition, there exists $a \in A$ such that $a \in y+U$. WLOG $a \in A_+$ because, by solidity, $\lvert\lvert a\rvert-y\rvert \leq \lvert a-y\rvert\in U$ implies $\lvert a\rvert \in y+U$. By assumption, $|x_{\alpha}| \wedge a \xrightarrow{\tau}0$. This implies that there exists $\alpha_0$ such that $|x_{\alpha}| \wedge a \in U$ whenever $\alpha\geq \alpha_0$. It follows by solidity that\begin{equation} |x_{\alpha}| \wedge y=|x_{\alpha}| \wedge (y-a+a) \leq |x_{\alpha}| \wedge \lvert y-a\rvert+|x_{\alpha}| \wedge a \in U+U \subseteq V, \end{equation} so that $x_{\alpha} \xrightarrow{u_{\overline{A}}\tau}0$. \end{proof} \begin{theorem}\label{555} Let $X$ be a vector lattice and $Y_1,Y_2 \subseteq X$ order dense ideals of $X$. Suppose $\tau_1$ and $\tau_2$ are Hausdorff Lebesgue topology on $X$. Then the topologies $u_{Y_1}\tau_1$ and $u_{Y_2}\tau_2$ agree on $X$. Moreover, this topology is the minimal topology on $X$ so is Hausdorff and $uo$-Lebesgue. \end{theorem} \begin{proof} $u_{Y_1}\tau_1$ is a Hausdorff locally solid topology on $X$ that is coarser than $u\tau_1$. Since $u\tau_1$ is minimal, this forces $u_{Y_1}\tau_1=u\tau_1$. By uniqueness of minimal topologies, $u\tau_1=u\tau_2$, and, by similar arguments, $u_{Y_2}\tau_2=u\tau_2$. \end{proof} We next generalize Corollary 4.6 of [\ref{706}]. \begin{lemma}\label{38.8} Suppose $Y$ is a sublattice of a vector lattice $X$. If $\tau$ is a Hausdorff Lebesgue topology on $X$ then $u(\tau|_Y)=(u\tau)|_Y$. \end{lemma} \begin{proof} It is clear that $u(\tau|_Y)\subseteq (u\tau)|_Y$. \\ Suppose $(y_{\alpha})$ is a net in $Y$ and $y_{\alpha}\xrightarrow{u(\tau|_Y)}0$. Since $Y$ is majorizing in $I(Y)$, the ideal generated by $Y$ in $X$, $y_{\alpha}\xrightarrow{u_{I(Y)}\tau}0$. By Theorem 1.36 of [\ref{709}], $I(Y)\oplus I(Y)^d$ is an order dense ideal in $X$. Let $v \in (I(Y)\oplus I(Y)^d)_+$. Then $v=a+b$ where $a \in I(Y)$ and $b\in I(Y)^d$. Notice $\lvert y_{\alpha}\rvert \wedge v\leq \lvert y_{\alpha}\rvert \wedge \lvert a\rvert+\lvert y_{\alpha}\rvert \wedge \lvert b\rvert=\lvert y_{\alpha}\rvert \wedge \lvert a\rvert \xrightarrow{\tau}0$. This proves that $y_{\alpha}\xrightarrow{u_{I(Y)\oplus I(Y)^d}\tau}0$. We conclude that $(u_{I(Y)\oplus I(Y)^d}\tau)|_Y \subseteq u(\tau|_Y)$. Since the other inclusion is obvious, $(u_{I(Y)\oplus I(Y)^d}\tau)|_Y = u(\tau|_Y)$. \\ Since $I(Y)\oplus I(Y)^d$ is order dense in $X$, $u_{I(Y)\oplus I(Y)^d}\tau$ is a Hausdorff locally solid topology on $X$. Clearly, $u_{I(Y)\oplus I(Y)^d}\tau \subseteq u\tau$ so, since $u\tau$ is a Hausdorff $uo$-Lebesgue topology and hence minimal, $u_{I(Y)\oplus I(Y)^d}\tau = u\tau$. This proves the claim. \end{proof} The next proposition is an analogue of [\ref{704}] Lemma 2.11. \begin{proposition}\label{38} Suppose $(X,\tau)$ is a locally solid vector lattice and $E\subseteq X_+$. Then $x_{\alpha}\xrightarrow{u_{\overline{I(E)}^{\tau}}\tau}x$ if and only if $\lvert x_{\alpha}-x\rvert \wedge e \xrightarrow{\tau}0$ for all $e\in E$. In particular, if there exists $e\in X_+$ such that $\overline{I}_e^{\tau}=X$ then $x_{\alpha}\xrightarrow{u\tau}0$ iff $|x_{\alpha}|\wedge e\xrightarrow{\tau}0$. \end{proposition} Next we present an easy generalization of Corollary 3.2 in [\ref{710}]. \begin{corollary} Suppose $A$ is a $\tau$-closed ideal of a metrizable locally solid vector lattice $(X,\tau)$. Suppose that $e\in A_+$ is such that $\overline{I_e}^{\tau}=A$. If $x_{\alpha}\xrightarrow{u_A\tau} 0$ in $X$ then there exists $\alpha_1<\alpha_2<\dots$ such that $x_{\alpha_n}\xrightarrow{u_A\tau}0$. \end{corollary} Next we present a more general version of [\ref{710}] Theorem 6.7. Using the machinery we have built, the proof is very simple. \begin{theorem}\label{39} Let $\tau$ be a Hausdorff Lebesgue topology on an order complete vector lattice $X$. Let $X^u$ be the universal completion of $X$ and $\sigma$ the unique Hausdorff Lebesgue topology on $X^u$. Then for every net $(x_{\alpha})$ in $X^u$, $x_{\alpha}\xrightarrow{\sigma}0$ iff $|x_{\alpha}|\wedge u\xrightarrow{\tau}0$ for all $u\in X_+$. \end{theorem} \begin{proof} Since $X$ admits a Hausdorff Lebesgue topology, $X^u$ admits a unique Hausdorff Lebesgue topology by [\ref{705}] Theorems 7.53 and 7.54. Since $X$ is order complete, $X$ is an order dense ideal of $X^u$. Combine Theorem~\ref{555} with Corollary~\ref{24.2}. \end{proof} Note that we can replace the order completeness assumption with $\tau$-completeness because in a topologically complete Hausdorff vector lattice, the Lebesgue property implies order completeness. \\ Next we look for analogues of Propositions 9.1 and 9.2 in [\ref{710}]. Compare them with Theorem~\ref{23}, Corollary~\ref{10201} and Proposition~\ref{23.1}. \begin{proposition}\label{1020} Let $A$ be an ideal of a locally solid vector lattice $(X,\tau)$. TFAE: \begin{enumerate} \item $(A,\tau|_A)$ satisfies the pre-Lebesgue property; \item Every disjoint sequence in $X$ is $u_A\tau$-null; \item Every disjoint net in $X$ is $u_A\tau$-null; \item $(X,u_A\tau)$ satisfies the pre-Lebesgue property. \end{enumerate} \end{proposition} \begin{proof} To prove that (i)$\Rightarrow$(ii) let $(x_n)$ be a disjoint sequence in $X$. Then for every $a\in A_+$, $\lvert x_n\rvert \wedge a$ is an order bounded disjoint sequence in $A$ and hence $\tau$-converges to zero by Theorem~\ref{23}. This proves $x_n \xrightarrow{u_A\tau}0$. An argument already presented in the proof of Theorem~\ref{23} proves (ii)$\Leftrightarrow$(iii). (ii)$\Rightarrow$(iv) is obvious. \\ (iv)$\Rightarrow$(i): Suppose $u_A\tau$ is a pre-Lebesgue topology on $X$. We first show that $(u_A\tau)|_A$ is a pre-Lebesgue topology on $A$. We again use Theorem~\ref{23}. Let $(a_n)$ be a disjoint order bounded sequence in $A$. Then $(a_n)$ is also a disjoint order bounded sequence in $X$ and hence $a_n \xrightarrow{u_A\tau}0$. Thus $(u_A\tau)|_A$ satisfies (iii) of Theorem~\ref{23} and we conclude that $(u_A\tau)|_A$ is pre-Lebesgue. Next notice that $(A,(u_A\tau)|_A)=(A,u(\tau|_A))$, so $u(\tau|_A)$ has the pre-Lebesgue property. Finally, apply Corollary~\ref{10201}. \end{proof} \begin{proposition}\label{41} Let $A$ be an ideal of a Hausdorff locally solid vector lattice $(X,\tau)$. TFAE: \begin{enumerate} \item $\tau|_A$ is Lebesgue; \item $u(\tau|_A)$ is Lebesgue; \item $u(\tau|_A)$ is $uo$-Lebesgue; \item $u_A\tau$ is $uo$-Lebesgue; \item $u_A\tau$ is Lebesgue. \end{enumerate} \end{proposition} \begin{proof} The equivalence of (i), (ii) and (iii) has already been proven. \\ (i)$\Rightarrow$(iv): Suppose $x_{\alpha}\xrightarrow{uo}0$ in $X$ where $(x_{\alpha})$ is a net in $X$. Fix $a\in A_+$. Then $\lvert x_{\alpha}\rvert\wedge a \xrightarrow{uo}0$ in $X$ and hence in $A$ since $A$ is an ideal. Since the net $(\lvert x_{\alpha}\rvert\wedge a)$ is order bounded in $A$, this is equivalent to $\lvert x_{\alpha}\rvert \wedge a \xrightarrow{o}0$ in $A$. Since $\tau|_A$ is Lebesgue this means $\lvert x_{\alpha}\rvert \wedge a \xrightarrow{\tau}0$. We conclude that $x_{\alpha}\xrightarrow{u_A\tau}0$ and, therefore, $u_A\tau$ is $uo$-Lebesgue. (iv)$\Rightarrow$(v) is trivial. (v)$\Rightarrow$(ii) since the restriction of a Lebesgue topology to a regular sublattice is Lebesgue, and $(u_A\tau)|_A=u(\tau|_A)$. \end{proof} \subsection*{Acknowledgements and further remarks.} The author would like to thank Dr.~Vladimir Troitsky for valuable comments and mentorship. \\ After the work on this paper was essentially complete, the author learned of the recent preprints [\ref{MNVL}] and [\ref{utau}]. The latter preprint also focuses on unbounded locally solid topologies, and there is a minor overlap. Specifically, it includes versions of our Theorem~\ref{1}, Lemma~\ref{18}, and Corollary~\ref{18.1}, as well as special cases of Lemma~\ref{9}, Lemma~\ref{38.8}, and Proposition~\ref{38}. \\ Within six months of submitting this paper, I submitted the sequel papers [\ref{KT}] and [\ref{Tay2}]. Since those papers were accepted earlier than this, there are some minor misalignments of the references. In [\ref{thesis}] I have combined, extended, and reordered the results.
ae21ed04025eb49dc73658fa877449123fbc9ebe
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} All graphs considered in this paper are finite, undirected and contain no loops nor multiple edges. For every $k \geq 1$, the set $\set{1,\ldots,k}$ is denoted $\sbrac{k}$. The size of a graph $G$, denoted $\norm{G}$, is the number of vertices in $G$. For a vertex $v$ of $G$, the set of vertices adjacent to $v$ in $G$ is denoted $N(v)$. For a set $X$ of vertices of $G$, the graph induced by $X$ in $G$ is denoted $G[X]$. A \emph{$d$-defective coloring} of a graph $G$ is a coloring of the vertices of $G$ such that each color class induces a subgraph of maximum degree at most $d$. Thus, a 0-defective coloring of $G$ is simply a proper coloring of $G$. The famous Four Color Theorem asserts that every planar graph is 0-defective 4-colorable. Defective coloring of graphs was first studied by Cowen, Cowen and Woodall~\cite{CowenCW86}. They proved that every outerplanar graph is 2-defective 2-colorable and that every planar graph is 2-defective 3-colorable. They also showed an outerplanar graph that is not 1-defective 2-colorable, a planar graph that is not 1-defective 3-colorable, and for every $d$, a planar graph that is not $d$-defective $2$-colorable. A \emph{$k$-list assignment} of a graph $G$ is a mapping $L$ which assigns to each vertex $v$ of $G$ a set $L(v)$ of $k$ permissible colors. A \emph{$d$-defective $L$-coloring} of $G$ is a $d$-defective coloring $c$ of $G$ with $c(v) \in L(v)$ for every vertex $v$ of $G$. A graph $G$ is \emph{$d$-defective $k$-choosable} if for any $k$-list assignment $L$ of $G$, there exists a $d$-defective $L$-coloring of G. The particular function that assigns the set $\sbrac{k}$ to each vertex of a graph is a $k$-list assignment. Therefore, every $d$-defective $k$-choosable graph is $d$-defective $k$-colorable. The converse is not true. Voigt~\cite{Voigt93} gave a construction of a graph that is not $0$-defective $4$-choosable. Eaton and Hull~\cite{EatonH99} and \v{S}krekovski~\cite{Skrekovski99} independently proved that every planar graph is 2-defective 3-choosable and every outerplanar graph is 2-defective 2-choosable. They asked the question whether every planar graph is 1-defective 4-choosable. One decade later, Cushing and Kierstead~\cite{CushingK10} answered this question in the affirmative. This paper studies the on-line version of list coloring of graphs, defined through a two person game. The study of on-line list coloring was initiated independently by Schauz~\cite{Schauz09} an Zhu~\cite{Zhu09}. A \emph{$d$-defective $k$-painting game} on a graph $G$ is played by two players: Lister and Painter. Initially, each vertex is uncolored and has $k$ tokens. In each round, Lister marks a chosen set $M$ of uncolored vertices and removes one token from each marked vertex. In response, Painter colors vertices in a subset $X$ of $M$ which induce a subgraph $G\sbrac{X}$ of maximum degree at most $d$. Lister wins if at the end of some round there is an uncolored vertex with no more tokens left. Otherwise, after some round, all vertices are colored and Painter wins the game. We say that $G$ is \emph{$d$-defective $k$-paintable} if Painter has a winning strategy in this game. For a vertex $v$ of $G$, let $\theta(v)$ denote the set of neighbors of $v$ that are colored in the same round as $v$. Thus, in the $d$-defective painting game we have that for any vertex $v$, $\norm{\theta(v)} \leq d$. We say that vertices in $\theta(v)$ give defect to $v$. Let $L$ be a $k$-list assignment of $G$ with colors in the set $\sbrac{n}$. Consider the following strategy for Lister. In the $i$-th round, for $i \in \sbrac{n}$, Lister marks the set $M_i=\set{v: i \in L(v), v \notin X_1,\ldots,X_{i-1}}$, where $X_j$ is the set of vertices colored by Painter in the $j$-th round. If Painter wins the game then the constructed coloring is a $d$-defective $L$-coloring of G. Therefore, every $d$-defective $k$-paintable graph is $d$-defective $k$-choosable. The converse is not true. Zhu~\cite{Zhu09} showed a graph that is 0-defective 2-choosable and is not 0-defective 2-paintable. Thomassen~\cite{Thomassen94} proved that every planar graph is 0-defective 5-choosable and Schauz~\cite{Schauz09} observed that every planar graph is also 0-defective 5-paintable. As mentioned above, it is known that every planar graph is 2-defective 3-choosable~\cite{EatonH99,Skrekovski99} and 1-defective 4-choosable~\cite{CushingK10}. Recently, Han and Zhu~\cite{HanZ16} proved that every planar graph is 2-defective 4-paintable. It remained open questions whether or not every planar graph is 2-defective 3-paintable, or 1-defective 4-paintable. In this paper, we construct a planar graph that is not 2-defective 3-paintable and prove that every planar graph is 3-defective 3-paintable. The only remaining question is whether or not every planar graph is 1-defective 4-paintable. In Section~\ref{sec:painter} we present a strategy for Painter that shows the following. \begin{theorem}\label{thm:positive} Every planar graph is 3-defective 3-paintable. \end{theorem} In Section~\ref{sec:lister} we show that this result is best possible as we construct a graph and a strategy for Lister that shows the following. \begin{theorem}\label{thm:negative} Some planar graphs are not 2-defective 3-paintable. \end{theorem} \section{Painter's strategy}\label{sec:painter} In this section we prove Theorem~\ref{thm:positive}. The proof provides an explicit, recursive strategy for Painter in a 3-defective 3-painting game on any planar graph. Our proof can be easily transformed into a polynomial-time algorithm that plays the game against Lister. Let $G$ be a connected non-empty plane graph. By a plane graph we mean a graph with a fixed planar drawing. Let $C$ be the boundary walk of the outer face of $G$. For a vertex $v$ in $C$, we define the set of \emph{$C$-neighbors} of $v$ to be the set of vertices that are consecutive neighbours of $v$ in $C$. Observe that there may be more than two $C$-neighbors for a single vertex as $C$ is not necessarily a simple walk. For the purpose of induction, we consider a more general game. We augment the $3$-defective $3$-painting game and introduce a \emph{$(G,A,b)$-refined game} in which: \begin{itemize} \item $A \cup \set{b}$ are \emph{special} vertices -- $A$ is a set, possibly empty, of at most two vertices that appear consecutively in $C$; $b$ is a vertex in $C$ other than the vertices in $A$. There are additional conditions on marking and coloring of special vertices. \item each token has a \emph{value} -- when Lister removes a token of value $p$ from a marked vertex $v$ and Painter colors $v$ then at most $p$ neighbors of $v$ are colored in the same round. The initial number of tokens of different values will differ from one vertex to another. \end{itemize} We say that a vertex $v$ is an \emph{$(A,b)$-cut} if $v \notin A, v \neq b$ and there is a vertex $a$ in $A$ such that $v$ is on every path between $a$ and $b$ in $G$. We call a vertex in $C$ that is neither in $A$, nor $b$, nor an $(A,b)$-cut to be a \emph{regular boundary} vertex. Let \emph{token function} $f: V(G) \times \set{0,\ldots,3} \to \mathbb{N}$ be a mapping defined for each vertex $v$ and each value between $0$ and $3$. Initially, each vertex $v$ has $f(v, p)$ tokens of value $p$. We denote the vector $\brac{f(v,0), \ldots, f(v,3)}$ as $f(v)$. We set values of $f$ so that: \begin{itemize} \item $f(v) = (0,1,0,0)$ if $v \in A$, or $v = b$, \item $f(v) = (0,0,1,0)$ if $v$ is an $(A,b)$-cut, \item $f(v) = (0,0,1,1)$ if $v$ is a regular boundary vertex, \item $f(v) = (0,0,0,3)$ if $v \notin C$. \end{itemize} See Figure~\ref{fig:refined} for an example of a graph and a token function. In each round, Lister marks a chosen set $M$ of uncolored vertices and removes one token from each marked vertex. If $\norm{A} = 2$, then Lister is not allowed to mark simultaneously both vertices in $A$, \ie{} $\norm{M \cap A} \leq 1$. Let $p_v$ denote the value of the token removed by Lister from a vertex $v$ in $M$. In response, Painter colors vertices in a subset $X$ of $M$ such that the degree of any vertex $v$ in the induced subgraph $G\sbrac{X}$ is at most $p_v$, \ie{} $\forall v \in X:\norm{\theta(v)} \leq p_v$. Additionally, if $a \in A$, and $\set{a,b}$ is an edge of $C$, then no neighbor of $a$ other than $b$ is colored in the same round as $a$, \ie{} $\theta(a) \subseteq \set{b}$. Lister wins if at the end of some round there is an uncolored vertex with no more tokens left. Otherwise, after some round, all vertices are colored and Painter wins. \input fig_refined.tex \begin{lemma}\label{lem:induction} Painter has a winning strategy in the $(G,A,b)$-refined game. \end{lemma} Before the proof, we show how to use Lemma~\ref{lem:induction} to prove Theorem~\ref{thm:positive}. \begin{proof}[Proof of Theorem~\ref{thm:positive}] Suppose to the contrary that a planar graph $G$ is not 3-defective 3-paintable. Adding some edges to $G$ introduce additional constraints for Painter in the 3-defective 3-painting game. Thus, we can assume that $G$ is connected. Choose any plane embedding of $G$. Choose any $b$ on the boundary of the outer face. By Lemma~\ref{lem:induction}, Painter has a winning strategy $S$ in the $(G,\emptyset,b)$-refined game. The strategy $S$ is a valid winning strategy in the 3-defective 3-painting game on $G$. \end{proof} Before we present the proof of Lemma~\ref{lem:induction}, we briefly introduce some techniques that we frequently use in the proof. Assume that Painter has a winning strategy $S_1$ in the $(G_1,A_1,b_1)$-refined game $\Gamma_1$. Now, if we modify the initial state of the game by adding some more tokens, or increasing value of some tokens, then obviously Painter has a winning strategy in the resulting game. Thus, in the proof of Lemma~\ref{lem:induction} when some vertex has too many tokens, or has tokens of too great value, we can \emph{devalue} the token function and use the winning strategy $S_1$. We say that a token function $g$ is \emph{sufficient} for $\Gamma_1$ if it is equal to or can be devalued to the token function in $\Gamma_1$. In order to find a winning strategy for Painter in the $(G,A,b)$-refined game $\Gamma$, we often divide the graph $G$ into $k$, possibly overlapping, parts $G_1 = G\sbrac{V_1},\ldots,G_k = G\sbrac{V_k}$ and consider $(G_i,A_i,b_i)$-refined games. The division of the graph and choice of special vertices $A_1,b_1,\ldots,A_k,b_k$ depends on the structure of $G$. Then, we can use induction and assume that Painter has a winning strategy $S_i$ in each $(G_i,A_i,b_i)$-refined game $\Gamma_i$. We present the following \emph{composed} strategy $S$ in $\Gamma$ that uses strategies $S_1,\ldots,S_k$ sequentially. For a vertex $v$, let $i_v$ be the first index $i$ such that $v \in V_i$. Strategy $S$ will use strategy $S_{i_v}$ to decide whether $v$ gets colored. If $v \in V_j$ for some $j > i_v$ then we will have that $v = b_j$ or $v \in A_j$. This way we get that vertex $v$ has only one token and will be marked only once in game $\Gamma_j$ -- in the round $v$ gets colored in $S_{i_v}$. Now, we introduce a very useful technique. For a vertex $v$, let \emph{slack} of $v$ be the highest number $s$ such that we can remove $s$ most valuable tokens from $v$ and the resulting token function is sufficient for $\Gamma_{i_v}$. The slack of any vertex is at most $2$. Now, let $U(v)$ be some carefully selected set of neighbors of $v$ in $G$. We say that $v$ \emph{gives away a token} to each $u$ in $U(v)$ to describe the following behavior. Assume that the size of $U(v)$ does not exceed the slack of $v$, and, for each $u$ in $U(v)$, either $u$ has only one token in $\Gamma$ or $i_u < i_v$. In particular, in every round, when we use strategy $S_{i_v}$ to decide whether or not to color $v$, we already know if any vertex in $U(v)$ will be colored in this round. We say that $v$ is \emph{blocked} in some round by $u \in U(v)$ if $u$ is colored in this round, \ie{} either $u$ has only one token and $u$ is marked, or $i_u < i_v$ and $S_{i_u}$ colored $u$. When vertex $v$ is blocked in some round then we will not mark it in $\Gamma_{i_v}$. So, vertex $v$ will be marked in game $\Gamma_{i_v}$ possibly fewer times than it is marked in game $\Gamma$. Each vertex $u \in U(v)$ blocks $v$ at most once during the game, and the number of times vertex $v$ is blocked will not exceed the slack of $v$. Let $M$ be a set of vertices marked by Lister in some round. For $i=1,\ldots,k$, Painter constructs the set $M_i$ and uses strategy $S_i$ to find a response $X_i$ for move $M_i$ in the game $\Gamma_i$. The set $M_i$ depends on the responses given by strategies $S_1,\ldots,S_{i-1}$ and is defined as $$M_i=\set{v \in M \cap V_i: v \text{ is not blocked, } i = i_v \text{ or } i > i_v \text{ and } v \in X_{i_v}}\text{.}$$ Additionally, we need to decide the value of the token removed from each marked vertex. Observe that the regular boundary vertices are the only vertices that have tokens of distinct values, \ie{} one token of value $2$ and one token of value $3$. Usually, this will be a natural and simple decision. In many cases, we will simply use the same value as Lister chose in $\Gamma$. Nevertheless, in some scenarios, we will have to be more careful about this choice. Details will be presented when needed. Strategy $S$ colors the set $X = \set{v \in M: v \in X_{i_v}}$. In order to prove that the composed strategy $S$ is a winning strategy in the game $\Gamma$ we need to argue that: \begin{itemize} \item The token function in $\Gamma$ after removal of tokens that were given away is sufficient for each $\Gamma_i$. This is an easy calculation and we will omit it in most of the cases. \item The defects that any single vertex receives in games $\Gamma_1,\ldots,\Gamma_k$ do not exceed the value of a token removed by Lister in game $\Gamma$. This will usually be the most important argument. \item If $a \in A$ is a $C$-neighbor of $b$, then $\theta(a) \subseteq \set{b}$. \item In each round $\norm{M_i \cap A_i} \leq 1$. In order to guarantee this, we will have that if some $A_i$ has two elements, then either $A_i = A$, or one of the vertices in $A_i$ gave away a token to the other. Observe that if some vertex $v$ and $u \in U(v)$ are vertices in $G_i$, then they are never both marked in the same round in the game $\Gamma_i$. \end{itemize} In figures that present game divisions we use the following schemas: \begin{itemize} \item Vertices of $G_1,\ldots,G_k$ lie inside or on the boundary of regions filled with different shades of gray. \item We denote $A_i$, and $b_i$ with $A$ and $b$ inside the region corresponding to $G_i$. \item We draw an edge directed from $v$ to $u$ to mark that $v$ gives away a token to $u$. \end{itemize} \begin{proof}[Proof of Lemma~\ref{lem:induction}] We prove the lemma by induction. Assume, that $G$ is the smallest, in terms of the number of vertices, connected plane graph for which the lemma does not hold. Assume, that all internal faces of $G$ are triangulated, as adding edges that do not change the boundary walk introduce only additional constraints for Painter. Let $C$ be the boundary walk of the outer face of $G$, and $A$ and $b$ be the special vertices. Any closed walk $W$ in $G$ divides the plane into connected regions. Let $\inter{W}$ denote the subgraph of $G$ induced by the vertices that are inside the closure of bounded connected regions of the plane with edges of $W$ removed. For a simple path $P$ and two distinct vertices $u$, $v$ on that path, let $P[u,v]$ denote the subpath of $P$ that traverses $P$ from vertex $u$ to vertex $v$. Similarly, for a simple cycle $D$ in $G$ and two distinct vertices $u$, $v$ on that cycle, let $D[u,v]$ denote the subpath of $D$ that traverses $D$ in the clockwise direction from vertex $u$ to vertex $v$. For a path $Q[u,v]$, we use notation $Q(u,v)$, $Q[u,v)$, and $Q(u,v]$ to denote $Q[u,v] \grminus \set{u,v}$, $Q(u,v) + u$, and $Q(u,v) + v$ respectively. The proof divides into several cases. The analysis of Case~\ref{case:base} is the basis of the induction and shows that $G$ has at least four vertices. The analysis of Cases~\ref{case:bridge} and~\ref{case:cut} shows that $G$ is biconnected. The analysis of Cases~\ref{case:triangle} and~\ref{case:ab} shows that vertex $b$ is not adjacent to vertices in $A$. Case~\ref{case:final} is the final case of the induction and shows that $G$ does not exist. \setcounter{Cases}{0}\setcounter{CasesSub}{0}\setcounter{CasesSubSub}{0} \Case{$G$ has at most three vertices}\label{case:base} Observe that each vertex has a token of value at least $1$. If there are at most two vertices in $G$, then all vertices can be colored simultaneously in the same round. Now, assume that $G$ has exactly three vertices. Observe that all vertices are in $C$. If $A$ is empty, choose any vertex $x$ other than $b$, devalue token function for $x$ and set $A=\set{x}$. The winning strategy in the resulting game is also a winning strategy in the original game. If $A$ has exactly one element $a$, let $x$ be the third vertex other than $a$ and $b$. If $x$ is an $(A,b)$-cut, then all three vertices can be colored simultaneously in the same round. If $x$ is adjacent to $a$, but not an $(A,b)$-cut, then $x$ has two tokens, $x$ gives away a token to $a$, devalue token function for $x$ and set $A=\set{a,x}$. The winning strategy in the resulting game is also a winning strategy in the original game. If $x$ is not adjacent to $a$, and not an $(A,b)$-cut, then $x$ has two tokens. We add the edge $\set{a,x}$ to the graph. Vertex $x$ gives away a token to $a$ and set $A=\set{a,x}$. If $A$ has two elements, then both elements of $A$ are not marked in the same round. Thus, Painter can color each vertex $v$ in the first round that $v$ is marked in. \Case{$G$ has a bridge}\label{case:bridge} Let edge $e=\set{x,y}$ be a bridge in $G$. Let $G_1$ and $G_2$ be the two connected components of $G \grminus e$ with $x$ in $G_1$, and $y$ in $G_2$. Without loss of generality, assume that the special vertex $b$ is in $G_1$. We divide this case depending on the position of $A$ relative to $e$. \Subcase{$A \subset G_1$}\label{case:bridge_G1} In this case, vertex $y$ is not an $(A,b)$-cut and has two tokens. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, A, b)$, \item $\Gamma_2=(G_2, \emptyset, y)$. \end{itemize} Vertex $y$ gives away a token to $x$. As a result, we have that $x$ gets defect only in $\Gamma_1$, and $y$ gets defect only in $\Gamma_2$. If $a \in A$ is a $C$-neighbor of $b$ then game $\Gamma_1$ ensures that $\theta(a) \subseteq \set{b}$. \Subcase{$A \cap G_1 \neq \emptyset$, and $A \cap G_2 \neq \emptyset$}\label{case:bridge_G1G2} In this case we have that $A = \set{x,y}$. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, \set{x}, b)$, \item $\Gamma_2=(G_2, \emptyset, y)$. \end{itemize} As Lister is not allowed to mark both $x$ and $y$ in the same round, vertex $x$ gets defect only in $\Gamma_1$, and vertex $y$ gets defect only in $\Gamma_2$. Vertex $y$ is not adjacent to $b$, and if $x$ is a $C$-neighbor of $b$ then game $\Gamma_1$ ensures that $\theta(x) \subseteq \set{b}$. \Subcase{$A \subseteq G_2$}\label{case:bridge_G2} Vertex $x$ is either an $(A,b)$-cut or $x=b$, and similarly vertex $y$ is either an $(A,b)$-cut or $y \in A$. We divide this case further depending on the size of $G_1$ and these possibilities. \Subsubcase{$\norm{G_1} \geq 2$, $x$ is an $(A,b)$-cut}\label{case:bridge_G2_bigcut} In this case, vertex $x$ has a single token of value $2$, and vertices in $A$ are not adjacent to $b$. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, \set{x}, b)$, \item $\Gamma_2=(G_2+x, A, x)$. \end{itemize} As a result, vertex $x$ gets at most one defect in $\Gamma_1$, and at most one defect in $\Gamma_2$. \Subsubcase{$\norm{G_1} \geq 2$, $x=b$}\label{case:bridge_G2_bigb} Let $z$ be a $C$-neighbor of $x$ in $G_1$. Vertex $z$ is not an $(A,b)$-cut and has two tokens. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, \set{b}, z)$, \item $\Gamma_2=(G_2+b, A, b)$. \end{itemize} Vertex $z$ gives away a token to $b$. As a result, vertex $b$ gets at most one defect in $\Gamma_2$ and no defect in $\Gamma_1$ -- rules of the game $\Gamma_1$ enforce $\theta(b) \subseteq \set{z}$ and $z$ gave away a token to $b$. If $y \in A$ then $y$ is a $C$-neighbor of $b$ and game $\Gamma_2$ ensures that $\theta(y) \subseteq \set{b}$. Vertices in $A$ other than $y$ are not adjacent to $b$. \Subsubcase{$\norm{G_1} = 1$, $y$ is an $(A,b)$-cut}\label{case:bridge_G2_smallcut} We observe that $\norm{G_1}=1$ implies $x=b$ and divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, \emptyset, x)$, \item $\Gamma_2=(G_2, A, y)$. \end{itemize} Vertex $x$ obviously gets at most one defect. Vertex $y$ gets at most one defect from $x$ and at most one defect in $\Gamma_2$. \Subsubcase{$\norm{G_1} = 1$, $y \in A$, $y$ has at least two neighbors in $G_2$}\label{case:bridge_G2_smalla2} In this case, vertex $y$ has at least two $C$-neighbors in $G_2$. Choose vertex $z$, a $C$-neighbor of $y$ in $G_2$ that is not in $A$. Vertex $z$ is not an $(A,b)$-cut and has two tokens. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, \emptyset, x)$, \item $\Gamma_2=(G_2, A, z)$. \end{itemize} Vertex $z$ gives away a token to $y$. Vertex $x$ obviously gets at most one defect. Vertex $y$ gets at most one defect from $x$ and no defect in $\Gamma_2$ -- rules of the game $\Gamma_2$ enforce $\theta(y) \subseteq \set{z}$ and $z$ gave away a token to $y$. \Subsubcase{$\norm{G_1} = 1$, $y \in A$, $y$ has only one neighbor in $G_2$}\label{case:bridge_G2_smalla1} Let $z$ be the only neighbor of $y$ in $G_2$. In this case, we apply Case~\ref{case:bridge_G1G2} if $z \in A$, or Case~\ref{case:bridge_G1} if $z \notin A$ of the induction for the bridge $\set{y,z}$. \medskip In the analysis of the following cases we assume that each vertex has degree at least two. Indeed, a vertex of degree one is incident to a bridge. For each vertex not in $C$, the neighbors of $v$ traversed clockwise induce a simple cycle in $G$. Let $NC(v)$ denote this cycle. Furthermore, we assume that $A$ has exactly two elements, say $a_1$ and $a_2$. If $A = \emptyset$, choose any vertex $a_1$ in $C$ other than $b$ and set $A=\set{a_1}$. If $A = \set{a_1}$, choose a vertex $a_2$, a $C$-neighbor of $a_1$ other than $b$ and not an $(\set{a_1},b)$-cut. Vertex $a_2$ gives away a token to $a_1$ and set $A=\set{a_1,a_2}$. \input fig_cut.tex \Case{$G$ has a cut-point}\label{case:cut} Let vertex $w$ be a cut-point in $G$. Let $G_1,\ldots,G_k$ be the components of $G \grminus w$. Update each graph $G_i$ by adding vertex $w$ back to it. Without loss of generality, assume that $b$ is in $G_1$ and that $A$ is contained either in $G_1$, or in $G_2$. Let $y_i$, for $i=1\ldots,k$, be any $C$-neighbor of $w$ in $G_i$. We divide this case depending on the position of $A$ relative to $w$. Figure~\ref{fig:cut} depicts the game divisions that we use in the subcases. \Subcase{$A \subset G_1$}\label{case:cut_G1} We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1,A,b)$, \item $\Gamma_i=(G_i,\set{w},y_i)$, for $i=2,\ldots,k$. \end{itemize} Each vertex $y_i$, for $i=2,\ldots,k$ gives away a token to vertex $w$. As a result, vertex $w$ gets no defect in the games $\Gamma_2,\ldots,\Gamma_k$. If $a \in A$ is a $C$-neighbor of $b$, then game $\Gamma_1$ ensures that $\theta(a) \subseteq \set{b}$. \Subcase{$A \subset G_2$, $w \in A$}\label{case:cut_G2A} Without loss of generality, $w=a_1$. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1,\set{a_1},b)$, \item $\Gamma_2=(G_2, \set{a_1}, a_2)$, \item $\Gamma_i=(G_i,\set{w},y_i)$, for $i=3,\ldots,k$. \end{itemize} Each vertex $y_i$, for $i=3,\ldots,k$ gives away a token to vertex $w$. Vertices $w=a_1$ and $a_2$ are not marked in the same round. As a result, vertex $w$ gets no defect in the games $\Gamma_2,\ldots,\Gamma_k$. If $a_1$ is a $C$-neighbor of $b$, then game $\Gamma_1$ ensures that $\theta(a_1) \subseteq \set{b}$. Vertex $a_2$ is not adjacent to $b$. \Subcase{$A \subset G_2$, $w \notin A$}\label{case:cut_G2noA} In this case, vertex $w$ is an $(A,b)$-cut. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1,\set{w},b)$, \item $\Gamma_2=(G_2,A,w)$, \item $\Gamma_i=(G_i,\set{w},y_i)$, for $i=3,\ldots,k$. \end{itemize} Each vertex $y_i$, for $i=3,\ldots,k$ gives away a token to vertex $w$. Vertex $w$ gets at most one defect in each of the games $\Gamma_1$, $\Gamma_2$ and no defect in the games $\Gamma_3,\ldots,\Gamma_k$. Vertices in $A$ are not adjacent to $b$. \medskip In the analysis of the following cases we assume that $G$ is biconnected. Thus, the boundary walk $C$ is a simple cycle. For a vertex $v$ in $C$ we define $v^+$, and $v^-$ to be respectively the next, and the previous vertex in $C$ when $C$ is traversed clockwise. We define the path $NP(v)$ that traverses neighbors of $v$ clockwise from $v^+$ to $v^-$. For any two vertices $u$ and $v$ in $C$, let $N(u,v)$ denote the set of common neighbors of $u$ and $v$, \ie{} $N(u) \cap N(v)$. Now, assume $u$ and $v$ are $C$-neighbors. The \emph{minimum common neighbor} of $u$ and $v$, denoted $\operatorname{minn}(u,v)$, is a vertex $w$ in $N(u,v)$ such that $\inter{u,v,w,u}$ contains no other common neighbor of $u$ and $v$. The \emph{maximum common neighbor} of $u$ and $v$, denoted $\operatorname{maxn}(u,v)$, is a vertex $w$ in $N(u,v)$ such that $\inter{u,v,w,u}$ contains all other common neighbors of $u$ and $v$. As $u$ and $v$ are $C$-neighbors, any two common neighbors $x_1$, $x_2$ of $u$ and $v$ are on the same side of the edge $\set{u,v}$. Thus, we have that one of the sets $\inter{x_1,u,v,x_1}$, $\inter{x_2,u,v,x_2}$ is contained in the other and that both $\operatorname{minn}(u,v)$ and $\operatorname{maxn}(u,v)$ exist. Let $a_1$ and $a_2$ be the elements of $A$ so that $a_1$, $a_2$, $b$ appear in this order when $C$ is traversed clockwise. \Case{$C$ is a triangle}\label{case:triangle} We divide this case depending on the existence of a common neighbor of $a_1$, $a_2$, and $b$. \input fig_triangle_common.tex \Subcase{Vertex $d$ is adjacent to $a_1$, $a_2$, and $b$}\label{case:triangle_common} Figure~\ref{fig:triangle_common} depicts the game division that we use in this case. Let $G_1$ be the graph $\inter{a_1,d,b,a_1}$. Let $P_1$ be the path $NP(a_1)(d,b)$. Let $G_2$ be the graph $\inter{a_2,b,d,a_2}$. Let $P_2$ be the path $NP(a_2)(b,d)$. Let $G_3$ be the graph $\inter{a_1,a_2,d,a_1}$. Vertex $d$, each vertex in $P_1$, and each vertex in $P_2$ has three tokens. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1 \grminus a_1, \set{b}, d)$, \item $\Gamma_2=(G_2 \grminus a_2, \set{b}, d)$, \item $\Gamma_3=(G_3, \set{a_1,a_2}, d)$. \end{itemize} Vertex $d$ gives away a token to $a_1$, and one token to $a_2$. Each vertex in $P_1$ gives away a token to $a_1$. Each vertex in $P_2$ gives away a token to $a_2$. As a result, vertices $a_1$, and $a_2$ get no defect in $\Gamma_1$, $\Gamma_2$, $\Gamma_3$. Thus, the only vertex that can give defect to $a_1$, or $a_2$ is $b$. Vertex $d$ gets at most one defect in each of the games $\Gamma_1$, $\Gamma_2$, $\Gamma_3$. We have that $\theta(b) \subseteq \set{a_1,a_2,d}$ and each of these vertices is colored in a different round. Thus, vertex $b$ gets at most one defect. \input fig_triangle_nocommon.tex \Subcase{There is no common neighbor of $a_1$, $a_2$, and $b$}\label{case:triangle_nocommon} Figure~\ref{fig:triangle_nocommon} depicts the game division that we use in this case. Let $G_0$ be the subgraph of $G$ induced by the vertices $\set{a_1,a_2,b}$. Let $x_i = \operatorname{maxn}(a_i,b)$, and $y_i = \operatorname{minn}(a_i,b)$, for $i=1,2$. Similarly, let $x_3 = \operatorname{maxn}(a_1,a_2)$, and $y_3 = \operatorname{minn}(a_1,a_2)$. As there is no common neighbor of $a_1$, $a_2$, and $b$, vertices $x_1$, $x_2$, and $x_3$ are pairwise different. Let $G_i$, for $i=1,2,3$, be the connected component of $G \grminus \set{a_1,a_2,b,x_1,x_2,x_3}$ that contains vertex $y_i$. In particular, if $x_i = y_i$ then $G_i$ is an empty graph. Let $G'$ be the graph obtained from $G$ by removing $a_1$, $a_2$, $b$, $G_1$, $G_2$, and $G_3$. Observe that the choice of $x_1$, $x_2$, $x_3$ guarantees that the boundary walk $C'$ of $G'$ is a simple cycle, and that each vertex in $C'$ except $x_1$, $x_2$, $x_3$ is a neighbor of exactly one of the vertices $a_1$, $a_2$, or $b$. Let $z_5$ be the first (closest to $x_1$) neighbor of $x_3$ on the path $C'[x_1,x_3]$. Such a neighbor exists, and it is possible that $z_5 = x_1$. Similarly, let $z_6$ be the last (closest to $x_2$) neighbor of $x_3$ on the path $C'[x_3,x_2]$. It is possible that $z_6 = x_2$. Let $P$ denote the inverted path $NC(x_3)(z_6,z_5)$. Let $G_4$ be the graph $\inter{z_5,P,C'[z_6,z_5]}$. Let $G_5$ be the graph $\inter{C'[z_5,x_3],z_5}$. Let $G_6$ be the graph $\inter{C'[x_3,z_6],x_3}$. Update each $G_i$, for $i=1,2,3$, by adding vertex $x_i$ to it. We divide the game into smaller games: \begin{itemize} \item $\Gamma_0=(G_0,A,b)$, \item $\Gamma_1=(G_1,\set{y_1},x_1)$ (if $x_1 = y_1$, $\Gamma_1$ is not used), \item $\Gamma_2=(G_2,\set{y_2},x_2)$ (if $x_2 = y_2$, $\Gamma_2$ is not used), \item $\Gamma_3=(G_3,\set{y_3},x_3)$ (if $x_3 = y_3$, $\Gamma_3$ is not used), \item $\Gamma_4=(G_4,\set{x_1},x_2)$, \item $\Gamma_5=(G_5,\set{z_5},x_3)$, \item $\Gamma_6=(G_6,\set{z_6},x_3)$. \end{itemize} Each vertex adjacent to $a_1$, $a_2$, $b$ gives away a token to each of the adjacent vertices $a_1$, $a_2$, $b$. This way we get that each vertex $a_1$, $a_2$, $b$ receives at most one defect and that $\theta(a_1)$, and $\theta(a_2)$ are contained in $\set{b}$. There is no common neighbor of $a_1$, $a_2$, and $b$, so each vertex gives away at most two tokens. Vertices that give away exactly two tokens to special vertices are $x_i$, $y_i$, and $(\set{y_i},x_i)$-cuts in $G_i$, for $i=1,2,3$. Thus, each vertex in $G_1$, $G_2$, $G_3$ has enough tokens for the games $\Gamma_1$, $\Gamma_2$, $\Gamma_3$. Each vertex $x_1$, $x_2$, $x_3$ gets at most one defect in the games $\Gamma_1$, $\Gamma_2$, $\Gamma_3$. Each vertex $x_1$, $x_2$, $x_3$ gets at most two defects in the games $\Gamma_4$, $\Gamma_5$, $\Gamma_6$. Vertices in $C'$ other than $x_1$, $x_2$, $x_3$ give away only one token to special vertices and have two tokens of value $3$ left. When vertex $z_5$ is different than $x_1$, then it is marked with a token of value $2$ in game $\Gamma_4$ when $x_3$ is colored in this round. This way we get that vertex $z_5$ different than $x_1$ gets at most two defects in $\Gamma_4$ and one defect in $\Gamma_5$ if it gets colored in the same round as $x_3$. If $z_5$ is colored in a different round, then it gets at most three defects in $\Gamma_4$ and no defect in $\Gamma_5$. Similarly, when vertex $z_6$ is different than $x_2$, then it is marked with a token of value $2$ in game $\Gamma_4$ when $x_3$ is colored in this round. \Case{Special vertex $b$ is adjacent to an element of $A$}\label{case:ab} Without loss of generality, assume that $b$ is adjacent to $a_1$. We divide this case depending whether $\set{a_1,b}$ is an edge of $C$ or not. \input fig_ab_chord.tex \Subcase{$\set{a_1,b}$ is a chord of $C$}\label{case:ab_chord} Figure~\ref{fig:ab_chord} depicts the game division that we use in this case. Observe that in this case $a_1$ is not a $C$-neighbor of $b$ and $a_1$ can get defect from any vertex in $G$. Let $G_1$ be $\inter{C[a_1,b],a_1}$. Let $G_2$ be $\inter{C[b,a_1],b}$. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, A, b)$, \item $\Gamma_2=(G_2, \set{b}, a_1)$. \end{itemize} When vertex $b$ gets defect in $\Gamma_2$ then $b$ gets the defect from $a_1$. Similarly, when vertex $a_1$ gets defect in $\Gamma_1$ then $a_1$ gets the defect from $b$. Thus, each vertex $a_1$, $b$ gets at most one defect in both games $\Gamma_1$, $\Gamma_2$. \Subcase{$\set{a_1,b}$ is an edge of $C$}\label{case:ab_cycle} Observe that $\set{a_2,b}$ is not an edge of $C$, as then $C$ would be a triangle and we could apply Case~\ref{case:triangle}. We divide this case further, depending whether $a_1$ has a neighbor in $C$ other than $a_2$ and $b$. Figure~\ref{fig:ab_cycle} depicts the game divisions that we use in the subcases. \input fig_ab_cycle.tex \Subsubcase{$a_1$ is not incident to a chord of $C$}\label{case:ab_cycle_nochord} Let $d$ be the vertex $\operatorname{maxn}(a_1,b)$. Assume that $d$ is different than $a_2$, as then the edge $\set{a_2,b}$ would be a chord of $C$ and we could apply Case~\ref{case:ab_chord}. Observe that $d$ is an internal vertex, as $a_1$ is not incident to a chord of $C$. Let $P$ be the inverted path $NP(a_1)(a_2,d]$. Let $Q$ be the inverted path $NP(b)(d,b^-]$. Let $G_1$ be $\inter{Q,P,C[a_2,b^-]}$. Let $G_2$ be $\inter{b,a_1,d,b}$. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, \set{a_2},b^-)$, \item $\Gamma_2=(G_2, \set{a_1,d},b)$. \end{itemize} Vertices in $P$ give away a token to $a_1$. Vertices in $Q$ give away a token to $b$. Observe that vertices that are both in $C$ and $Q$ are $(\set{a_2},b^-)$-cuts in $G_1$. Vertex $d$ is marked with the token of value $2$ in $\Gamma_1$ if $b$ is marked in the same round. If it is the case, then $d$ gets at most one defect in $\Gamma_2$ (from $b$) and at most two defects in $\Gamma_1$. Otherwise, should vertex $d$ be colored in this round, it gets no defect in $\Gamma_2$. \Subsubcase{$\set{a_1,d}$ is a chord of $C$}\label{case:ab_cycle_chord} Let $G_1$ be $\inter{C[a_1,d],a_1}$. Let $G_2$ be $\inter{C[d,a_1],d}$. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1, \set{a_1,d}, a_2)$, \item $\Gamma_2=(G_2, \set{a_1,d}, b)$. \end{itemize} Vertex $d$ gives away a token to $a_1$. Vertex $a_1$ gets no defect in $\Gamma_1$. Vertex $d$ gets at most one defect in $\Gamma_1$ and at most one defect in $\Gamma_2$. \Case{A chord $\set{a_1,d}$ of $C$ separates $a_2$ from $b$}\label{case:chord} Observe, that the same game division as in Case~\ref{case:ab_cycle_chord} (see Figure~\ref{fig:ab_cycle}) works also in this case. \input fig_final_case_2.tex \input fig_final_case_3.tex \input fig_final_case_1.tex \Case{Final case}\label{case:final} Let $P$ denote the path $C[a_2,b]$. Let $Q$ denote the unique longest simple path from $a_1$ to $b^+$ in $G \grminus P$ that traverses only vertices adjacent to $P$ in $G$. Let $p_1=a_2$, and let $p_2, p_3,\ldots, p_{m-1}$ be the set of all interior vertices of path $P$ that have at least two neighbors in $Q$, and occur in this order in $P$, and let $p_m=b$. As $G$ is near-triangulated, for $i=1,\ldots, m-1$, vertices $p_i$ and $p_{i+1}$ have a unique common neighbor in $Q$. Let $q_0=a_1$, $q_m=b^+$, and for $i=1,\ldots, m-1$, let $q_i$ be the common neighbor of $p_i$ and $p_{i+1}$ in $Q$. Note that $q_1,\ldots,q_{m-1}$ are pairwise different. Moreover, if $q_0 = q_1$ then $\set{a_1,p_2}$ is a chord of $C$ that separates $a_2$ from $b$ and we can apply Case~\ref{case:chord}. However, it is possible that $q_{m-1}=q_m$. See Figure~\ref{fig:final_2} to see $q_{m-1}=q_m$, and Figure~\ref{fig:final_3} to see $q_{m-1} \neq q_m$. In Figures~\ref{fig:final_2},~\ref{fig:final_3} path $Q$ does not intersect $C(b^+,a_1)$. See Figure~\ref{fig:final_1} to see a non-empty intersection of $Q$ and $C(b^+,a_1)$. Observe, that for $i=1,\ldots,m-1$, vertex $q_i$ is not adjacent to any vertex $p_{j}$ other than $p_{i}$ and $p_{i+1}$. Indeed, an edge connecting $q_i$ with $p_j$ for $j < i$ would have to intersect with edges connecting $p_{i}$ with $Q$. Similarly, an edge connecting $q_i$ with $p_j$ for $j > i+1$ would have to intersect with edges connecting $p_{i+1}$ with $Q$. Each vertex in $Q(q_{i-1},q_i)$ is not adjacent to any vertex in $P$ other than $p_{i}$. Each vertex in $P(p_{i},p_{i+1})$ is not adjacent to any vertex in $Q$ other than $q_{i}$. Moreover, the definition of $Q$ guarantees that there are no vertices in $\inter{Q[q_i,q_{i+1}],p_{i+1}}$ other than $Q[q_i,q_{i+1}]$, and $p_{i+1}$. Let $p$ be the first (closest to $a_2$) vertex on path $P$ such that $p$ is adjacent to a vertex in $C[b^+,a_1)$. The vertex $p$ exists since $p_m=b$ is adjacent to $b^+$. Let $c$ be the first (closest to $b^+$) neighbor of $p$ on the path $C[b^+,a_1)$ and observe that $c$ is a vertex of $Q$. Let $l$ be the minimal $l$ such that $c = q_{l}$ or that $c$ is in $Q(q_l,q_{l+1})$ and observe that $p_l$ is the first (closest to $a_2$) vertex on path $P$ that is adjacent to $c$. Thus, we have $p=p_l$. If $p_l = p_1$ then $\set{a_2,c}$ is a chord of $C$ that separates $a_1$ from $b$ and we can apply Case~\ref{case:chord}. Thus, we can assume that $2 \leq l \leq m$. In case $l=m$ we have that $c=b^+$. See Figure~\ref{fig:final_3}. For $l=m-1$ and $q_{m-1}=q_m=b^+$, we also have $c=b^+$. See Figure~\ref{fig:final_2}. Otherwise, we have $c \neq b^+$. See Figure~\ref{fig:final_1}. Observe, that in any case we have that $Q(a_1,q_{l-1}]$ does not intersect $C$. On the other hand, $Q(q_{l+1},c)$ might intersect $C$ if $p_l$ has more than one neighbor in $C$. Let $G_1$ be $\inter{C[c,a_1], Q(a_1,c]}$. Let $G_i$, for $i=2,4,\ldots,l$, be $\inter{p_{i-1},p_{i},q_{i-1},p_{i-1}}$. Additionally, if $l<m$, let $G_{l+1}$ be $\inter{C[p_l,c],p_l}$. If $l=m$, then $G_{l+1}$ is not defined. Observe that any neighbor of $p_l$ in $C$ other than $c$ is an $(\set{a_1},c)$-cut in $G_1$. For each vertex $p_i$, for $i=2,\ldots,\min(l,m-1)$, we devalue the token function by removing the token of value $2$. This way we obtain that all vertices $p_i$ for $i=1,\ldots,l$ have one token. We divide the game into smaller games: \begin{itemize} \item $\Gamma_1=(G_1,\set{a_1},c)$, \item $\Gamma_i=(G_i,\set{p_{i-1},q_{i-1}},p_{i})$, for $i=2,4\ldots,l$, \item $\Gamma_{l+1}=(G_{l+1}, \set{p_l,c}, b)$ (if $l=m$, $\Gamma_{l+1}$ is not defined). \end{itemize} For $i=1,\ldots,l-1$, each vertex in $Q(q_{i-1},q_i]$ gives away a token to $p_i$. Each vertex in $Q(q_{l-1},c]$ gives away a token to $p_l$. For $i=1,\ldots,l-1$, vertex $q_i$ different than $c$ has one token of value $2$ and one token of value $3$ in the game $\Gamma_1$. We mark such a vertex with a token of value $2$ when $p_{i+1}$ is colored in the same round. Otherwise it is marked with a token of value $3$ in $\Gamma_1$. Vertex $a_1$ gets at most one defect in game $\Gamma_1$. Vertex $a_2$ gets at most one defect in game $\Gamma_2$. Vertex $b$ gets at most one defect in game $\Gamma_{l+1}$ when $l<m$, and at most one defect in game $\Gamma_{m}$ when $l=m$. For $i=2,\ldots,m-1$, vertex $p_i$ gets at most one defect in $\Gamma_{i}$, and at most one defect in $\Gamma_{i+1}$. The strategy that chooses the value of a token removed from vertex $q_i$ in $\Gamma_1$ guarantees that each vertex $q_i$ receives at most three defects in total. \end{proof} \section{Lister's strategy}\label{sec:lister} In this section we show a planar graph which is not $2$-defective $3$-paintable. We begin with a definition of a family of outerplanar graphs that play a crucial role in the construction. An \emph{$l$-layered, $k$-petal daisy $D(l,k)$} is an outerplanar graph with the vertex set partitioned into $l$ layers, $L_1,\ldots,L_{l}$, defined inductively as follows: \begin{itemize} \item $1$-layered, $k$-petal daisy $D(1,k)$ is a single edge $\set{u,v}$, and $L_1 = \set{u,v}$. \item $l$-layered, $k$-petal daisy $D(l,k)$ for $l>1$ extends $D(l-1,k)$ in the following way: for every edge $\set{u,v}$ of $D(l-1,k)$ with $u,v \in L_{l-1}$ we add a path $P(u,v)$ on $2k-1$ new vertices and join the first $k$ vertices of $P(u,v)$ to $u$ and join the last $k$ vertices of $P(u,v)$ to $v$. The \emph{inner} vertices of path $P(u,v)$ are all the vertices of $P(u,v)$ except the two end-points. We set $L_{l} = \bigcup \set{P(u,v): \set{u,v} \text{ is an edge with both endpoints in } L_{l-1}}$. \end{itemize} We draw $D(l,k)$ in an outerplanar way, i.e., such that all vertices are adjacent to the outerface. In particular, in such a drawing all inner faces of $D(l,k)$ are triangles -- see Figure~\ref{fig:daisy} for an example. \input fig_daisy.tex A planar graph $G$ is an \emph{edge extension of $D(l,k)$} if $G$ extends $D(l,k)$ in the following way: for every inner face $F$ of $D(l,k)$ we add a vertex $v(F)$ that is adjacent to some two vertices on the boundary of $F$. A planar graph $G$ is the \emph{face extension of $D(l,k)$} if $G$ extends $D(l,k)$ in the following way: for every inner face $F$ of $D(l,k)$ we add a set $u(F)$ of four vertices such that one vertex in $u(F)$, say $u$, is adjacent to all vertices on the boundary of $F$, and for every edge $e$ on the boundary of $F$, one vertex in $u(F)$ is adjacent to $u$ and to the endpoints of $e$. If $G$ is an edge/face extension of $D(l,k)$, the copy of $D(l,k)$ in $G$ is called \emph{the skeleton} of $G$ and is denoted $\operatorname{skel}(G)$. Let $\operatorname{ext}(G)$ denote the vertices in $G$ that are not in $\operatorname{skel}(G)$. See Figure~\ref{fig:extensions} for examples of an edge extension and of a face extension. \input fig_extensions.tex \begin{lemma}\label{lem:outerplanar-not-2-defective-2-choosable} Any edge extension of $D(l,k)$ for $l = 4$ and $k = 362$ is not $2$-defective $2$-choosable. \end{lemma} Before the proof of Lemma~\ref{lem:outerplanar-not-2-defective-2-choosable} we show how to use it to construct a planar graph that is not $2$-defective $3$-paintable. \begin{proof}[Proof of Theorem~\ref{thm:negative}] Fix $l=4$ and $k=362$. Let $G_1,\ldots,G_9$ be nine copies of the face extension of $D(l,k)$. Let $G$ be a planar graph that is formed of $G_1,\ldots,G_9$ and a vertex $v$ joined to every vertex in $\operatorname{skel}(G_1),\ldots,\operatorname{skel}(G_9)$. We show a winning strategy for Lister in a $2$-defective $3$-painting game on $G$. In the first four rounds Lister plays the following strategy: \begin{itemize} \item in the $i$-th round, for $i=1,2,3$, Lister marks $v$, if it is still uncolored, and the vertices in $\operatorname{skel}(G_{3i-2})$, $\operatorname{skel}(G_{3i-1})$, and $\operatorname{skel}(G_{3i})$. \item in the $4$-th round, Lister marks all the vertices in $\operatorname{ext}(G_1),\ldots,\operatorname{ext}(G_9)$. \end{itemize} Clearly, Painter needs to color vertex $v$ in one of the first three rounds. Say, he colors $v$ in the $i$-th round. All vertices from the skeletons of $G_{3i-2}$, $G_{3i-1}$, and $G_{3i}$ are adjacent to $v$ and at most two of them are colored in the $i$-th round. Let $H$ be a graph, one among $G_{3i-2}$, $G_{3i-1}$, $G_{3i}$, such that no vertex of $H$ is colored in the $i$-th round. Observe that after three rounds, all vertices from $skel(H)$ are uncolored and have only two tokens left. In the fourth round, for any inner face $F$ of $skel(H)$, Painter colors at most three vertices in $u(F)$. Thus, for every inner face $F$ of $skel(H)$, at least one vertex in $u(F)$ is still uncolored and has only two tokens left. Let $H'$ be the graph induced by the set of uncolored vertices in $H$ after the $4$-th round. Clearly, $H'$ is a supergraph of some edge extension of $D(l,k)$ and each vertex in $H'$ has two tokens left. The state of the game on $H'$ is the same as the initial state of a 2-defective 2-painting game on $H'$. By Lemma~\ref{lem:outerplanar-not-2-defective-2-choosable}, graph $H'$ is not $2$-defective $2$-choosable and hence Lister has a winning strategy in the 2-defective 2-painting game on $H'$. \end{proof} \begin{proof}[Proof of Lemma~\ref{lem:outerplanar-not-2-defective-2-choosable}] Fix $l=4$ and $k=362$. Let $G$ be an edge extension of $D(l,k)$. For notational convenience, let $D(l,k)$ denote the skeleton of $G$, and use the notation introduced in the definition of $D(l,k)$. We split all vertices of the first three layers of $D(l,k)$ into two categories. A vertex $x \in L_i$ for $i < l$ is \emph{bad} if there exist: a vertex $y \in L_i$ adjacent to $x$; an inner vertex $z$ of the path $P(x,y)$; and a vertex in $\operatorname{ext}(G)$ that is adjacent both to $x$ and $z$. Otherwise, $x$ is \emph{good}. For example, in Figure~\ref{fig:extensions}, vertex $u$ is good, while vertex $v$ is bad. Let $z$ be a vertex in $L_i$, $i \in \sbrac{2}$. Note that the neighborhood of $z$ in $L_{i+1}$ induces one or two paths of size $k$ in $G$: we denote them $P_1(z)$, and $P_2(z)$. If neighborhood of $z$ in $L_{i+1}$ induces only one path then $P_2(z)$ is undefined. We claim that if some vertex $z$ in $L_1, L_2$ has at least $15$ bad neighbors in $P_j(z)$ for some $j \in \sbrac{2}$ then $G$ is not $2$-defective $2$-colorable. Suppose to the contrary that $z$ has $15$ bad neighbors in $P_j(z)$ for some $j \in \sbrac{2}$ and that there is a $2$-defective coloring of $G$ with colors $\alpha$ and $\beta$. Without loss of generality, $z$ is colored $\alpha$. Among the neighbors of $z$ in $P_j(z)$ at most two are colored $\alpha$. Vertices colored $\alpha$ in $P_j(z)$ split $P_j(z)$ into at most three subpaths that consist only of vertices colored $\beta$. As there are at least $15$ bad vertices in $P_j(z)$ there is a subpath $P$ of $P_j(z)$ that consists of $5$ vertices colored $\beta$ such that the middle vertex of $P$ is bad. Let $x$ be the the middle vertex of $P$ and $y, y'$ be the two neighbors of $x$ in $P$. As each of the vertices $y,x,y'$ has two neighbors colored $\beta$ in $P$, all vertices in $P(x,y)$, and all vertices in $P(x,y')$ are colored $\alpha$. Since $x$ is bad, there is a vertex $w$ in $\operatorname{ext}(G)$ that is adjacent to $x$ and to some inner vertex $t$ in $P(x,y)$ or in $P(x,y')$. If $w$ is colored $\alpha$ then $t$ has three neighbors colored $\alpha$. If $w$ is colored $\beta$ then $x$ has three neighbors colored $\beta$. So, the considered coloring is not $2$-defective, a contradiction. For the rest of the proof we assume that every vertex $x$ in layers $L_1,L_2$ of $D(l,k)$ has at most $14$ bad neighbors in $P_j(x)$, $j \in \sbrac{2}$. Let $x$ be a good vertex in $L_2$ (such a vertex $x$ exists as $k > 14$) and let $y$ be any neighbor of $x$ in $L_2$. Let $W$ be a path of $24$ good neighbors of $x$ that are inner vertices of $P(x,y)$. Such a path $W$ exists as bad neighbors of $x$ split $P(x,y)$ into at most $15$ subpaths of good vertices. For $k=362$, one of those subpaths has at least $24$ vertices. We number the consecutive elements of $W$ by $w_1,\ldots,w_{24}$ according to the order they appear on the path $P(x,y)$. Now, for $i \in \sbrac{23}$, we denote the following vertices: \begin{itemize} \item $c_{i}$ -- a common neighbor of $w_{i}$ and $w_{i+1}$ in the path $P(w_i,w_{i+1})$, \item $a_{i}$ -- a vertex $v(F)$ of the face $F$ with boundary $x,w_{i},w_{i+1}$, \item $b_{i}$ -- a vertex $v(F)$ of the face $F$ with boundary $c_{i},w_i,w_{i+1}$. \end{itemize} Note that $a_{i}$ is adjacent to $w_i$ and $w_{i+1}$ as $x$ is good, and $b_{i}$ is also adjacent to $w_i$ and $w_{i+1}$ as $w_i$ is good. We claim that the graph $G'$ induced by the vertex set $$\set{x} \cup W \cup \set{a_{i}, b_{i}, c_{i} : i \in \sbrac{23}}$$ is not $2$-defective $2$-choosable, which completes the proof of the lemma. Consider the following $2$-list assignment $L$ of $G'$ with colors $\set{\alpha, \beta, 1, \ldots, 24}$: \begin{itemize} \item $L(x) = \set{\alpha, \beta}$, \item $L(w_i) = \set{i, \alpha}$ for $i \in \set{1,\ldots,12}$, \item $L(w_i) = \set{i, \beta}$ for $i \in \set{13,\ldots,24}$, \item $L(a_{i}) = L(b_{i}) = L(c_{i}) = \set{i,i+1}$. \end{itemize} Now, suppose that $c$ is a $2$-defective $L$-coloring of $G'$. Without loss of generality we assume that $c(x) = \alpha$. It follows that among the vertices $w_1,\ldots,w_{12}$ at most $2$ are colored $\alpha$. Thus, there are four consecutive vertices in $w_1,\ldots,w_{12}$, say $w_j,w_{j+1},w_{j+2},w_{j+3}$ for some $j \in \sbrac{9}$, that are not colored $\alpha$. We have $c(w_l)=l$ for $l \in \set{j,\ldots,j+3}$. Since $c(w_{j}) = j$, at most two vertices in the set $\set{ a_{j}, b_{j}, c_{j}}$ are colored $j$. Thus, at least one vertex in this set is colored $j+1$. Since $c(w_{j+1}) = j+1$, at most one vertex in $\set{ a_{j+1}, b_{j+1}, c_{j+1}}$ is colored $j+1$. Thus, at least two vertices in this set are colored $j+2$. Eventually, since $c(w_{j+2})=j+2$, all vertices in the set $\set{ a_{j+2}, b_{j+2}, c_{j+2}}$ are colored $j+3$. However, $w_{j+3}$ is also colored $j+3$ and $c$ is not a $2$-defective $L$-coloring. \end{proof} \bibliographystyle{plain}
85bef505c93429041d3afefec2f1da91417b2c82
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{sec:1} Impressive achievements in investigations and applications of optical vortex beams and optical angular momentum (AM) \cite{1,2} motivated the prediction and generation of free-electron vortex states carrying orbital angular momentum \cite{3,4,5,6}. These electron vortices are currently attracting considerable attention in several areas of physics, including electron microscopy, quantum theory, and high-energy physics (see \cite{7,8} for reviews). Free-electron vortex states were first described using a simplified model of a scalar non-relativistic electron \cite{3}. Soon after the generation of electron vortex beams in transmission electron microscopes \cite{4,5,6}, we provided a fully relativistic description of vortex electrons with spin by constructing exact Bessel-beam solutions of the Dirac equation (Dirac-Bessel beams) \cite{9}. Using a covariant position operator for the Dirac electron, we also introduced the corresponding separately-conserved spin and orbital AM of a relativistic electron, and described observable spin-orbit interaction (SOI) effects. Later, Dirac-Bessel electron beams were employed in the contexts of high-energy physics, scattering, and radiation problems \cite{8,10,11,12,13,14,15}. In fact, the scalar-model description is still the most suitable for electron-microscopy applications. First, electron beams in TEMs are \emph{unpolarized}. Second, these are strongly \emph{paraxial}, and SOI effects become negligible under such conditions \cite{16}. Nevertheless, there is still theoretical interest in relativistic electron vortex states, and two recent works \cite{17,18} revisited vortex solutions and AM properties of the Dirac equation, in slightly different contexts to \cite{9}. First, Bialynicki-Birula and Bialynicka-Birula \cite{17} suggested an elegant way to construct Dirac-Bessel beams \cite{9} and other vortex solutions of the Dirac equation. In particular, the authors introduced vortex ``wave packet'' solutions, which are actually localized only in \emph{time} but unbounded along the longitudinal $z$ coordinate. Therefore, such solutions cannot model longitudinally-localized electron wave packets in typical experimental conditions, but they could be useful in problems where the finite width of the electron energy spectrum is crucial. Note that usually electron beams in electron microscopes are modeled via an integral of Bessel beams over different transverse \emph{momenta} \cite{8,19} rather than \emph{energies} \cite{17}. In any case, Dirac-Bessel beams still represent the main building blocks for relativistic electrons, and superpositions of such states with different momenta or/and energies provide properly localized solutions. The authors of \cite{17} also emphasized the non-singular character of the vorticity based on the Dirac probability current, i.e., the absence of a well-defined vortex core in Dirac vortex beams. Here we should note that Dirac vortex beams represent \emph{vector} beams (or, more accurately, spinor beams), which should be characterized via \emph{polarization singularities} \cite{20} rather than the simple vorticity used for scalar wave fields, and there is no natural analogue to the polarization singularities of spin-1 waves like light for spin 1/2 particles. Nonetheless, such vector beams clearly exhibit vortices in each component of the spinor wavefunction and they carry well-defined (but non-integer) orbital AM \cite{9}. Finally, the Dirac current is naturally decomposed into the orbital and spin parts \cite{17} via the Gordon decomposition, although we emphasize a crucial difference with the analogous decomposition for optical fields (photons): while the orbital (canonical) current is observable in monochromatic optical fields (because it is directly coupled to dipole particles or atoms) \cite{21,22,23}, only the total Dirac (kinetic) current is observable in experiments with electrons (because it corresponds to the electric current coupled to electromagnetic fields). Second, Barnett \cite{18} used approximate \emph{paraxial} Laguerre-Gaussian beam solutions of the Dirac equation to characterize relativistic electron vortex states. In the regime considered, the transverse momenta are assumed to be negligible compared to the mass and longitudinal momentum. However, SOI effects appear in non-paraxial corrections to the paraxial regime \cite{9}, and their accurate analysis requires full non-paraxial solutions, just as for solutions of Maxwell's equations \cite{24,25}. In this manner, a typical non-paraxial vortex solution of the Dirac equation with vortex charge $\ell$ in the main component (surviving in the paraxial limit) acquires extra components with vortices of charge $\ell + 2s_z$, where $s_z = \pm 1/2$ corresponds to the two states of the longitudinal projection of the rest-frame spin of the electron \cite{8,9,10,11,12,26,27}. However, only one of these components is present in \cite{18}, and, furthermore, calculations of the expectation value of the operator $(\mathbf{r} \times \boldsymbol{\alpha})_z$ (where $\boldsymbol{\alpha}$ is the usual matrix operator characterizing the Dirac probability current) yielded $\ell / E$ (where $E$ is the electron energy). However, this quantity describes the $z$-component of the \emph{magnetic moment} of the electron \cite{28,29}, and in the paraxial regime in \cite{9} it was found to be $(\ell + 2 s_z)/ E$, where $s_z$ is the expectation value of the longitudinal spin component. This latter expression correctly incorporates the expected g-factor of 2 for the electron spin. Most importantly, alternative separately-conserved spin and orbital AM operators were suggested in Ref.~\cite{18}, which do not exhibit any signature of SOI and yield expectation values different from those obtained in Ref.~\cite{9}. The nontrivial differences between these treatments, and particularly the two apparently conflicting descriptions of the spin and orbital AM of the Dirac electron in Refs.~\cite{9} and \cite{18} motivated the present study. Here we show that the choice of the spin and orbital AM operators for the Dirac electron is uniquely determined by the choice of the \emph{position operator} for a relativistic electron. This is a long-standing problem analyzed in detail in a number of earlier works \cite{30,31,32,33,34,35,36,37,38,39,40,41,42}, starting with the seminal paper \cite{30} by Pryce in 1948. It is not surprising that the position operator is not completely straightforward in relativistic quantum mechanics: as position does not commute with the Dirac Hamiltonian, its action mixes positive and negative energy Fourier components of the Dirac equation, giving rise to \emph{zitterbewegung}. In short, there are two main approaches, each of which was used in \cite{9} and \cite{18}, respectively: (i) The operators under discussion, including position, spin, and orbital AM, are \emph{projected} onto the direct sum of positive-energy (electron) and negative-energy (positron) subspaces. This does not change observable expectation values for pure electron states but ``corrects'' the time evolution of observables by removing \emph{zitterbewegung} effects \cite{33,34,35,36,37,38}. Such an approach results in the Berry-phase formalism commonly used for the description of various SOI phenomena for both relativistic spinning particles, including photons, and quasiparticles in solids \cite{24,25,39,40,41,43,44,45}. (ii) Alternative operators are obtained via the ``\emph{Newton-Wigner-Foldy-Wouthuysen}'' (NWFW) approach, which is based on the inverse Foldy-Wouthusen (FW) transformation of the canonical operators \cite{31,32,34,35,36,37,42}. The Dirac Hamiltonian is diagonal in the FW representation, and so it might seem natural to define the position and other operators to have canonical forms in this representation, giving rise to the NWFW operators introduced in \cite{31,32}. It is worth noting, however, that the FW representation is problematic in full quantum electrodynamics, where the electromagnetic field is minimally-coupled to the electron characteristics in the standard (Dirac) representation. In this work, we present an overview of various position and AM operators in different representations, emphasizing their properties, physical meaning, and observable manifestations. We argue that the NWFW approach has drawbacks compared to the ``projection'' formalism. Namely, it changes the observable expectation values of the quantities and also has a singular massless limit $m \to 0$, i.e., cannot be used for massless particles (e.g., photons). We show that this approach is essentially related to the \emph{rest-frame} characteristics of the electron, and therefore lacks the observable relativistic SOI phenomena. Throughout the paper, our treatment is based on the first-quantized (wave) approach to the Dirac equation. \section{Basic equations}\label{sec:2} We work with the standard representation of the Dirac equation in units with $\hbar = c = 1$: \begin{equation} i \frac{\partial \psi}{\partial t} = H \psi, \qquad H = \boldsymbol{\alpha}\cdot\mathbf{p} + \beta m, \label{eq:1} \end{equation} where $\psi(\mathbf{r},t)$ is the bispinor wavefunction, $H$ is the Dirac Hamiltonian, and \[ \boldsymbol{\alpha} = \left(\begin{array}{cc} 0 & \boldsymbol{\sigma} \\ \boldsymbol{\sigma} & 0 \end{array}\right), \qquad \beta = \left(\begin{array}{cc} 1 & 0 \\ 0 & -1 \end{array}\right) \] are the $4\times 4$ Dirac matrices \cite{37,46}. The four-component Dirac wavefunction implies four independent bispinor ``polarizations'', which correspond to two spin states with \emph{positive} energy (describing electrons) and two spin states with \emph{negative} energies (corresponding to positrons in the first-quantization approach we use). The positive-energy (electron) plane-wave solutions of Eq.~(\ref{eq:1}) are $\psi_{\bf p}^{e} = W({\bf p}) \exp(i {\bf p}\cdot {\bf r} - i E t )$, with the bispinor \begin{equation} W = \frac{1}{\sqrt{2E}} \left( \begin{array}{c} \sqrt{E+m}\, w \\ \sqrt{E-m}\, \boldsymbol{\sigma}\cdot\bar{\bf p}\, w \end{array}\right). \label{eq:2} \end{equation} Here, $E = \sqrt{m^2 +p^2} >0$, $\boldsymbol{\sigma}$ is the 3-vector of Pauli matrices, $\bar{\bf p} = {\bf p}/p$ is the unit vector along the momentum direction, and $w = (a,b)^T$ is the two-component polarization spinor, $w^{\dagger}w = 1$, describing the spin state of the electron \cite{37,46}. The fact that the bispinor (\ref{eq:2}) has non-zero lower components for $\mathbf{p} \neq 0$ means that the standard representation is not diagonal with respect to the electron and positron subspaces, and describing pure \emph{electron} properties requires some care. The positive- and negative-energy subspaces can be separated in the momentum representation using the unitary Foldy-Wouthuysen (FW) transformation which diagonalizes the Dirac Hamiltonian \cite{32,37,46}: \begin{eqnarray} \psi_{\mathrm{FW}} & = & U_{\mathrm{FW}}(\mathbf{p})\psi, \quad H_{\mathrm{FW}} = U_{\mathrm{FW}} H U_{\mathrm{FW}}^{\dagger} =\beta E, \nonumber \\ U_{\mathrm{FW}} & = & \frac{E+m+\beta \boldsymbol{\alpha}\cdot\mathbf{p}}{\sqrt{2E(E+m)}}. \label{eq:3} \end{eqnarray} The bispinor (\ref{eq:2}) of the electron (positive-energy) plane wave has only upper components in this representation: $W_{\mathrm{FW}} \propto (w,0)^T$. Although the FW transformation is momentum-dependent and hence is nonlocal in real space, it is often convenient for the analysis of operators and calculations of their expectation values. We focus on the angular momentum (AM) properties of a relativistic electron. The total AM operator $\mathbf{J}$ is well-defined for the Dirac equation: \begin{equation} \mathbf{J} = \mathbf{r} \times \mathbf{p} + \mathbf{S} \equiv \mathbf{L} + \mathbf{S}, \qquad \mathbf{S} = \frac{1}{2}\left( \begin{array}{cc} \boldsymbol{\sigma} & 0 \\ 0 & \boldsymbol{\sigma} \end{array}\right), \label{eq:4} \end{equation} where $\mathbf{L}$ and $\mathbf{S}$ are canonical operators of the orbital and spin AM. It is well-known that the total AM $\mathbf{J}$ commutes with the Hamiltonian and thus is conserved, while $\mathbf{L}$ and $\mathbf{S}$ do not \cite{37,46}: \begin{equation} [ H, \mathbf{J}] = 0, \quad [H,\mathbf{L}] \neq 0, \quad [H,\mathbf{S}] \neq 0. \label{eq:5} \end{equation} This has led to considerable discussion and various suggestions on how to describe the spin and orbital AM of the Dirac electron. As first realized by Pryce \cite{30}, since the operators $\mathbf{J}$ and $\mathbf{p}$ are uniquely defined and conserved for the free-space Dirac equation, the spin-orbital separation is intimately related to the choice of the \emph{position operator}. Indeed, choosing some position operator $\tilde{\mathbf{r}}$ determines the corresponding orbital AM $\tilde{\mathbf{L}} = \tilde{\mathbf{r}} \times \mathbf{p}$ and spin $\tilde{\mathbf{S}} = \mathbf{J} - \tilde{\mathbf{L}}$. Most significantly, the canonical position operator $\mathbf{r}$ is somewhat problematic for relativistic electrons as it corresponds to the velocity \begin{equation} \frac{d \mathbf{r}}{d t} = i[H,\mathbf{r}]= \boldsymbol{\alpha}. \label{eq:6} \end{equation} This velocity operator has eigenvalues $\pm 1$ and is in sharp contrast to the equation of motion of a \emph{classical} relativistic electron: $d\mathbf{r} / d t = \mathbf{p} / E$. This discrepancy is interpreted as \emph{zitterbewegung} oscillations produced by the interference in mixed electron-positron solutions \cite{37}. At the same time, the expectation value $\langle \mathbf{r} \rangle$ for a \emph{pure electron} (positive-energy) wavefunction $\psi^{e}({\bf r}, t)$ is meaningful and does obey the proper equation of motion: $d \langle \mathbf{r} \rangle / dt = \langle {\bf p} H^{-1} \rangle$ \cite{37}. Similarly, the commutators (\ref{eq:5}) are non-zero due to \emph{zitterbewegung} effects \cite{37}, whereas the expectation values $\langle \mathbf{S}\rangle$ and $\langle \mathbf{L}\rangle$ for an electron wavefunction are meaningful observable quantities. \section{Spin-orbit interaction}\label{sec:3} Relativistic wave equations (including the Dirac and Maxwell equations) have inherent spin-orbit interaction (SOI) properties. In the Dirac equation, the SOI appears \emph{not} because of non-zero commutators (\ref{eq:5}), (i.e., not due to \emph{zitterbewegung}) since SOI is clearly manifest in the \emph{expectation values} of observable quantities for pure electron states. Below we show a few important examples. 1. Consider the expectation value of the canonical spin operator $\mathbf{S}$, Eq.~(\ref{eq:4}), for an electron plane-wave state (\ref{eq:2}). For a motionless electron, $\mathbf{p} = 0$, and the bispinor $W$ has only the two upper components, given by the spinor $w$, which describes the \emph{non-relativistic} (in other words, rest-frame) electron spin: $\langle \mathbf{S} \rangle = W^{\dagger}\mathbf{S}W = w^{\dagger}\boldsymbol{\sigma}w / 2 \equiv \langle \mathbf{s} \rangle$. In particular, $w^+ = (1,0)^T$ and $w^- = (0,1)^T$ correspond to $\langle s_z \rangle = \pm 1 / 2$, respectively. For a \emph{relativistic} electron with $\mathbf{p} \neq 0$, the expectation value of the spin becomes: \begin{equation} \langle \mathbf{S} \rangle = \frac{m }{E}\langle \mathbf{s}\rangle + \frac{(\mathbf{p}\cdot\langle \mathbf{s}\rangle) \mathbf{p}}{E(E+m)}. \label{eq:7} \end{equation} Up to the additional $m / E$ factor in the first summand, this equation coincides with a Lorentz boost of the spatial components of the four-vector $(0,\langle\mathbf{s}\rangle)$ from the electron rest frame to the laboratory frame \cite{46}. Thus, the expectation value of the relativistic electron spin is \emph{momentum-dependent}, which signals the SOI caused by relativistic transformations of the dynamical properties of the electron. This effect grows in significance in the ultrarelativistic (or massless) limit, when the momentum is large compared to the mass. 2. Only momentum and spin can be determined for a single plane wave. Calculating other characteristics requires structured Dirac-electron solutions, such as \emph{electron vortex beams} \cite{3,4,5,6,7,8}. A monochromatic beam with well-defined energy $E > 0$, propagating along the $z$-axis, can be constructed as a Fourier superposition of multiple plane waves with momenta $\mathbf{p}$ distributed around the propagation direction: \begin{equation} \psi({\bf r},t) \propto \int d^2\mathbf{p}_{\bot} W(\mathbf{p})f(\mathbf{p}_{\bot})e^{i\mathbf{p}\cdot {\bf r}-iEt}. \label{eq:8} \end{equation} Here, $\mathbf{p}_{\bot} = (p_x, p_y)$ are the transverse momentum components describing deflections of the plane waves from the $z$-axis, while $f(\mathbf{p}_{\bot})$ is a scalar function describing Fourier amplitudes of the plane-wave components. For the simplest case of Bessel beams, the momenta are distributed on a circle in $\mathbf{p}$-space (lying on the appropriate mass shell), \begin{equation} f_{\kappa,\ell}(\mathbf{p}_{\bot}) \propto \delta(p_{\bot} - \kappa) e^{i\ell \phi}, \label{eq:9} \end{equation} where $(p_{\bot},\phi)$ are polar coordinates in the $\mathbf{p}_{\bot}$-plane, $\kappa$ determines the aperture angle $\theta_0$ of the beam ($\sin\theta_0 = \kappa / p < 1$), and $\ell$ is the integer azimuthal quantum number (vortex charge) of the beam. Although Bessel beams are not properly localized (square-integrable) with respect to the radial coordinate, they are very convenient for mathematical analysis. If radial localization is crucial, one can consider some appropriate Hankel integral of Bessel beams over $\kappa$, $\int_{\kappa_1}^{\kappa_2} d\kappa$, whilst keeping the energy fixed (for $\kappa_1 \ll \kappa_2$ this corresponds to the physical electron vortex beams generated in transmission electron microscopes \cite{8,19}). The polarization (spin) state of the beam (\ref{eq:8}) is specified by setting the spinor $w(\mathbf{p})$ for each plane wave in the spectrum. Assuming uniform polarization for all plane waves, i.e., $w$ independent of $\mathbf{p}$, our earlier calculations \cite{9} showed that the expectation value of spin and orbital AM in such electron vortex states become \begin{equation} \langle S_z \rangle =(1 - \Delta) \langle s_z \rangle, \quad \langle L_z \rangle = \ell + \Delta \langle s_z \rangle, \label{eq:10} \end{equation} where $\Delta = (1 - m / E) \sin^2 \theta_0$ is the SOI parameter involving the beam aperture angle $\theta_0$. Equations (\ref{eq:10}) describe the SOI effect known as ``spin-to-orbital AM conversion'', which is well studied for non-paraxial light beams, both theoretically and experimentally \cite{24,25,47,48,49,50}. This shows that the orbital AM (and other observable orbital characteristics \cite{9,24,25}) of relativistic particles become \emph{spin-dependent}. Note that the expectation value $\langle S_z \rangle$ in Eq.~(\ref{eq:10}) follows from the plane-wave equation (\ref{eq:7}) after the substitutions $\langle {\bf s} \rangle = \langle s_z \rangle\, \bar{\bf z}$ and ${\bf p}\cdot\bar{\bf z} = p\, \cos\theta_0$, where $\bar{\bf z}$ is the unit vector along the $z$-axis. We also note that the SOI vanishes in the paraxial limit $\theta_0 \to 0$. 3. Finally, the expectation value of the \emph{position operator}, $\langle \mathbf{r} \rangle$, can also reveal SOI effects \cite{24,25,33,35,36,39,40,41,43,44,45}. First, the spin-Hall effect, well studied for electrons and photons in external potentials, appears as a semiclassical spin-dependent correction in the equation of motion for $d \langle \mathbf{r}\rangle / dt$ \cite{25,39,40,41,43,44,45,51,52,53}. Second, we explicitly calculate the expectation value $\langle \mathbf{r}_{\bot}\rangle$ for the transverse coordinates in the electron vortex beam. Obviously, $\langle \mathbf{r}_{\bot} \rangle = 0$ for any cylindrically-symmetric probability density distribution. For the same beam in a reference frame moving perpendicular to the beam axis with a relativistic velocity ${\bf v} \bot \bar{\bf z}$, the beam centroid drifts back as $-{\bf v} t'$, where primes denote quantities in the moving reference frame. Importantly, relativistic transformations of the angular-momentum tensor also require the centroid of the electron carrying intrinsic AM to be shifted in the direction orthogonal to both $\mathbf{v}$ and $\bar{\mathbf{z}}$ \cite{54,55}. As a result, the expectation value of the electron coordinate in the moving frame becomes \cite{54,55,56,57} \begin{equation} \langle\mathbf{r}^{\prime}_{\bot}\rangle = -\mathbf{v} t' - \frac{\mathbf{v} \times \langle {\bf J} \rangle}{2E}, \label{eq:11} \end{equation} where $\langle \mathbf{J} \rangle = (\ell + \langle s_z \rangle)\bar{\bf z}$ for the vortex beams considered above. This AM-dependent tranverse shift induced by the transverse Lorentz boost can be called the \emph{relativistic Hall effect} \cite{55}, and it is closely related to the phenomena of Thomas precession, SOI, and AM conservation \cite{54}. \section{Projected and ``Newton-Wigner- Foldy-Wouthuysen'' operators}\label{sec:4} Having meaningful expectation values, one might wish to construct more meaningful position, spin, and orbital AM operators, free of zitterbewegung effects. As mentioned above, there are two main ways of doing this. \subsection{Projected operators}\label{sub:4.1} The most natural way to provide electron position, spin and orbital AM operators is to {\it project} these onto positive- and negative-energy subspaces, eliminating the cross-terms corresponding to the electron-positron transitions. This idea was first suggested by Schr\"odinger and can be written as \cite{36,37,38} \begin{equation} \boldsymbol{\mathcal{R}} = \Pi^+\mathbf{r}\Pi^+ + \Pi^-\mathbf{r}\Pi^-, \label{eq:12} \end{equation} where \[ \Pi^{\pm} = \frac{1}{2} U_{\mathrm{FW}}^{\dagger} (1 \pm \beta) U_{\mathrm{FW}} = \frac{1}{2}\left(1 \pm \frac{m}{E} \beta\right) \pm \frac{\boldsymbol{\alpha}\cdot\mathbf{p}}{2E} \] are the projectors onto the corresponding subspaces, and only the ``+'' subspace contributes to the expectation values for pure-electron states. Equation (\ref{eq:12}) yields the following projected position operator in the standard and FW representations \cite{9,36,37,38,39,40,41,43,44,45}, \begin{equation} \boldsymbol{\mathcal{R}} = \mathbf{r} + \frac{\mathbf{p}\times \mathbf{S}}{E^2} + i \frac{m \beta \boldsymbol{\alpha}}{2E^2}, \quad \boldsymbol{\mathcal{R}}_{\mathrm{FW}} = \mathbf{r} + \frac{\mathbf{p}\times \mathbf{S}}{E(E+m)}. \label{eq:13} \end{equation} The same projection procedure (\ref{eq:12}) can be applied to other operators. While it does not affect ${\bf p}$ and ${\bf J}$, the modified orbital and spin AM operators become \begin{equation} \boldsymbol{\mathcal{L}}= \boldsymbol{\mathcal{R}} \times \mathbf{p}, \quad \boldsymbol{\mathcal{S}} = \mathbf{J} - \boldsymbol{\mathcal{L}}. \label{eq:14} \end{equation} Explicitly, the projected spin operator is \cite{9,37,38,42} \begin{align} \boldsymbol{\mathcal{S}} & = \frac{m^2}{E^2} \mathbf{S} + \frac{(\mathbf{p}\cdot\mathbf{S})\mathbf{p}}{E^2} - i \frac{m \beta(\boldsymbol{\alpha}\times\mathbf{p})}{2E^2}, \nonumber \\ \boldsymbol{\mathcal{S}}_{\mathrm{FW}} & = \frac{m}{E} \mathbf{S} + \frac{(\mathbf{p}\cdot\mathbf{S})\mathbf{p}}{E(E+m)}. \label{eq:15} \end{align} Importantly, the projected spin (\ref{eq:15}) corresponds to the spatial part of the \emph{Pauli-Lubanski 4-vector} $\mathcal{W}^{\mu}$, which correctly describes the spin states of moving relativistic particles (i.e., generating the little group of the Poincar\'e group) \cite{38,42}: \begin{equation} \boldsymbol{\mathcal{S}} = \boldsymbol{\mathcal W}H^{-1},~~ \mathcal{W}^{\mu} \equiv (\mathcal{W}^0 ,\boldsymbol{\mathcal W}) = \left(\mathbf{p}\cdot\mathbf{S},\tfrac{1}{2}(\mathbf{S}H+H\mathbf{S})\right). \label{eq:16} \end{equation} We also note that the operator $\boldsymbol{\mathcal{S}}_{\mathrm{FW}}$ explicitly reflects the structure of the expectation value of the relativistic electron spin $\langle \mathbf{S} \rangle$, Eq.~(\ref{eq:7}). Furthermore, since the electron wavefunction in the FW representation is reduced to the upper two components corresponding to the spinor $w$, the projected operators (\ref{eq:13})--(\ref{eq:15}) in the FW representation can be reduced to the $2 \times 2$ operators acting on the ``+'' subspace: $\mathbf{S} \to \mathbf{s} = \boldsymbol{\sigma}/2$. The projected operators have two important properties. First, they obey \emph{proper time evolution} with conserved spin and orbital AM \cite{30,36,37}, \begin{equation} \frac{d \boldsymbol{\mathcal{R}}}{d t} = i [H,\boldsymbol{\mathcal{R}}]= \mathbf{p}H^{-1}, \quad [H,\boldsymbol{\mathcal{S}}]=[H,\boldsymbol{\mathcal{L}}] = 0. \label{eq:17} \end{equation} Second, for any localized electron state they have the \emph{same expectation values} as the corresponding canonical operators, \begin{equation} \langle \boldsymbol{\mathcal{R}} \rangle = \langle \mathbf{r} \rangle, \quad \langle \boldsymbol{\mathcal{S}} \rangle = \langle \mathbf{S} \rangle, \quad \langle \boldsymbol{\mathcal{L}} \rangle = \langle \mathbf{L} \rangle. \label{eq:18} \end{equation} These follow automatically from the definition (\ref{eq:12}) assuming the states averaged over are pure electron states $\psi^{e}$ (i.e., already in the ``+'' subspace). Thus, \emph{the projection (\ref{eq:12}) affects the zitterbewegung phenomena for mixed electron-positron states but does not change observable quantities for pure electron states.} Projection onto the ``$+$'' and ``$-$'' subspaces plays the role of a constraint, and it modifies commutation relations of the operators \cite{9,30,33,34,35,36,37,38,39,40} (cf.~\cite{24,58} for the photon analogs), \begin{align} [\mathcal{R}_i,\mathcal{R}_j] & = - i \varepsilon_{ijk} \frac{S_k}{E^2}, \label{eq:19} \\ [ \mathcal{S}_i, \mathcal{S}_j ] & = i \varepsilon_{ijk} \left( \mathcal S_k - \frac{(\mathbf{p}\cdot\boldsymbol{\mathcal{S}})p_k}{E^2}\right),\nonumber \\ [\mathcal{L}_i,\mathcal{L}_j] & = i \varepsilon_{ijk} \left( \mathcal L_k - \frac{(\mathbf{p}\cdot\boldsymbol{\mathcal{S}})p_k}{E^2}\right). \label{eq:20} \end{align} In modern terms, one says that the projection generates a nontrivial {\it Berry connection} $\mathbf{A}_{B}(\mathbf{p})$ and {\it curvature} $\mathbf{F}_{B} = -\boldsymbol{\mathcal S} / E^2$ in momentum space, resulting in covariant non-commutative coordinates (13) and (19): $\boldsymbol{\mathcal{R}} = \mathbf{r} + \mathbf{A}_{B}, [\mathcal{R}_i, \mathcal{R}_j ] = i \varepsilon_{ijk} F_{B k}$ \cite{9,24,39,40,41,43,44,45}. The above covariant (projected) operators underpin the modern theory of quasiparticles in solids (e.g., Bloch electrons) and relativistic spinning particles in external fields (including photons) \cite{9,24,39,40,41,43,44,45,51,52,53,59,60}. This approach has two great advantages. First, it describes \emph{observable Berry-phase and SOI phenomena}, from SOI Hamiltonians to Hall effects and topological states of matter. Second, the above approach \emph{can be equally applied to massive and massless particles}, i.e., it is not singular in the $m \to 0$ limit. In particular, for $m = 0$, Eqs.~(\ref{eq:13})--(\ref{eq:20}) become equivalent to the analogous equations for photons or classical light \cite{24,36,58,59,60}. The only difference is that in the photon case there is no negative-energy subspace, and the so-called \emph{transversality constraint} ($\mathbf{p}\cdot\mathbf{E} = \mathbf{p}\cdot\mathbf{H} = 0$, where $\mathbf{E}$ and $\mathbf{H}$ are complex electric and magnetic field amplitudes) corresponds to the projection onto the transversal subspace (where Fourier components of the fields are orthogonal to the wave vectors). The drawback of this approach to the Dirac equation is that it allows one to deal with only purely-electron (or positron) states, excluding the \emph{zitterbewegung} effects in mixed states. But in all cases where the type of particles is fixed, and the interband transitions (e.g., via scattering on external potentials) are negligible, this formalism perfectly describes the observable dynamics. The covariant (projected) operators, defined via the Berry connection and curvature, are now routinely used in a variety of wave systems. Moreover, in the relativistic-electron context, such operators were introduced long before the discovery of the Berry phase \cite{61}. First of all, in 1948 Pryce published a comprehensive study \cite{30} of various possible position and AM operators for relativistic particles. There, his ``case (c)'' with the position operator ``$\mathbf{q}$'' and the corresponding spin ``$\mathbf{S}$'' exactly correspond to the projected operators $\boldsymbol{\mathcal{R}}$ and $\boldsymbol{\mathcal{S}}$ considered here. In terms of the classical many-particle analogue of a quantum distributed wavefunction, Pryce introduced this position as follows: ``{\it the coordinates of the mass-centre in a particular frame of reference is defined as the mean of the co-ordinates of the several particles weighted with their dynamical masses (energies)}''. One might think that this corresponds to the {\it center of energy} of the electron state. However this is not the case. Pryce calculated his operator using the center-of-energy operator $\mathbf{N} = \tfrac{1}{2}(\mathbf{r}H + H\mathbf{r})$ as $\mathbf{q} = \tfrac{1}{2}(H^{-1} {\bf N} + {\bf N} H^{-1})$. In fact, $\mathbf{q} = \boldsymbol{\mathcal{R}}$, and its expectation value for a single-electron state corresponds to the {\it center of the probability density} (center of charge), while the center of energy is defined as $\mathbf{r}_E = \langle {\bf N} \rangle / \langle H \rangle \neq \langle \mathbf{q} \rangle$. The difference is important, e.g., for the ``relativistic Hall effect'' (\ref{eq:11}), where the center of energy $\mathbf{r}_E$ undergoes the transverse shift twice as large as the center of the probability density \cite{54,55,57}. Second, the projected position operator $\boldsymbol{\mathcal{R}}$ and the spin-Hall effect corresponding to it appeared in 1959 in the work of Adams and Blount \cite{33} (up to some arithmetic inaccuracies therein). There, the Dirac-equation calculations are given in Appendix A as an example of application of the generic formalism describing electrons in solids. This approach anticipated the modern Berry-phase formalism \cite{39,40,41,43,44,45}. Third, a detailed analysis of the projected position operators for electrons and photons was provided in the papers \cite{34,35} by Fleming in 1965, in the book \cite{36} by Bacry in 1988, and also in a comprehensive monograph \cite{37} by Thaller in 1992. The connection of the projected spin operator with the Pauli-Lubanski vector was revealed by Czachor in 1997 \cite{38}. Finally, accurate Berry-phase descriptions with analyses of observable SOI effects in free space and in external fields was given by Berard and Mohrbach (2006) \cite{39}, Bliokh (2005) \cite{40}, Chang and Niu (2008) \cite{41}, and Bliokh {\it et al.}~(2011) \cite{9}. The main equations and properties of the projected electron operators are summarized in Table \ref{table}. \begin{table*}[t] \centering \begin{tabular}{|p{2.2cm}|p{6.5cm}|p{6.5cm}|} \hline \hline & & \\ & {\bf Projected operators} & {\bf NWFW operators} \\ \hline & & \\ {\bf Standard representation} & $ \boldsymbol{\mathcal{R}}=\mathbf{r} + \dfrac{\mathbf{p}\times\mathbf{S}}{E^2}+ i \dfrac{m \beta \boldsymbol{\alpha}}{2E^2}$ \emph{Pryce 1948} \cite{30}: first Eq.~(6.6); \emph{Bacry 1988} \cite{36}: Eq.~(6.8), expressed via $\tilde{\mathbf{r}}$, $\tilde{\mathbf{S}}$; \emph{Thaller 1992} \cite{37}: Eq.~(1.145). & $\tilde{\mathbf{r}} = \mathbf{r} + \dfrac{\mathbf{p}\times\mathbf{S}}{E(E+m)}+ i \dfrac{\beta \boldsymbol{\alpha}}{2E}- i \dfrac{\beta(\boldsymbol{\alpha}\cdot\mathbf{p})\mathbf{p}}{2 E^2(E+m)}$ \emph{Pryce 1948} \cite{30}: third Eq.~(6.6); \emph{Newton, Wigner 1949} \cite{31}: Eq.~(2.2); \emph{Foldy, Wouthuysen 1950} \cite{32}: Eq.~(23) [with an arithmetic inaccuracy]; \emph{Thaller 1992} \cite{37}: Eq.~(1.158). \\ & $\boldsymbol{\mathcal{S}} = \dfrac{m^2}{E^2} \mathbf{S} + \dfrac{(\mathbf{p}\cdot\mathbf{S})\mathbf{p}}{E^2} - i \dfrac{m \beta (\boldsymbol{\alpha} \times \mathbf{p})}{2E^2}$ \emph{Pryce 1948} \cite{30}: first Eq.~(6.7); \emph{Thaller 1992} \cite{37}: Eq.~(1.151); \emph{Czachor 1997} \cite{38}: Eq.~(23). & $\tilde{\mathbf{S}} = \dfrac{m}{E} \mathbf{S} + \dfrac{(\mathbf{p}\cdot\mathbf{S})\mathbf{p}}{E(E+m)} - i \dfrac{\beta (\boldsymbol{\alpha} \times \mathbf{p})}{2E}$ \emph{Pryce 1948} \cite{30}: third Eq.~(6.7); \emph{Foldy, Wouthuysen 1950} \cite{32}: Table I [global $1/2$ factor is missing]; \emph{Barnett 2017} \cite{18}: Eq.~(1.11) [$1/2$ missing in the second term]. \\ \hline & & \\ {\bf FW representation} & $\boldsymbol{\mathcal{R}}_{\mathrm{FW}} = \mathbf{r} + \dfrac{\mathbf{p}\times \mathbf{S}}{E(E+m)}$ \emph{Adams, Blount 1959} \cite{33}: the first line of Eq.~(A1b) [the second term has incorrect sign]; \emph{Berard, Mohrbach 2006} \cite{39}: Eq.~(10); \emph{Bliokh 2005} \cite{40}: Eqs.~(8) and (10). & $\tilde{\mathbf{r}}_{\mathrm{FW}} = \mathbf{r}$ \emph{Pryce 1948} \cite{30}: third Eq.~(6.9); \emph{Foldy, Wouthuysen 1950} \cite{32}: Table I; \emph{Thaller 1992} \cite{37}: Eq.~(1.168). \\ & $\boldsymbol{\mathcal{S}}_{\mathrm{FW}} = \dfrac{m}{E}\mathbf{S} + \dfrac{(\mathbf{p}\cdot\mathbf{S})\mathbf{p}}{E(E+m)}$; \emph{Bliokh, Dennis, Nori 2011} \cite{9}: Eq.~(15). & $\tilde{\mathbf{S}}_{\mathrm{FW}} = \mathbf{S}$ \emph{Pryce 1948} \cite{30}: third Eq. (6.9); \emph{Foldy, Wouthuysen 1950} \cite{32}: Table I [global 1/2 factor is missing]; \emph{Barnett 2017} \cite{18}. \\ \hline & & \\ {\bf Properties} & Proper time evolution; Canonical expectation values; Non-canonical commutators; Smooth massless limit; Naturally describe SOI and Berry-phase phenomena; Spin is the spatial part of the relativistic Pauli-Lubanski vector. & Proper time evolution; Non-canonical expectation values; Canonical commutators; Singular massless limit; Lack SOI and Berry-phase phenomena; $ $ Spin is the non-relativistic rest-frame spin. \\ \hline \hline \end{tabular} \caption{Explicit expressions for the ``projected'' and NWFW operators in the standard and FW representations. Key works deriving and analyzing these expressions are listed. In all cases, the orbital AM operator is given by the vector product of the corresponding positions operator and momentum $\mathbf{p}$. The last row lists the main physical features of the two sets of operators.}\label{table} \end{table*} \subsection{``Newton-Wigner-Foldy-Wouthuysen'' operators}\label{sub:4.2} An alternative way to construct relativistic-electron operators with proper time evolution is to use the {\it inverse FW transformation} instead of the projection (\ref{eq:12}) \cite{32}: \begin{align} \tilde{\mathbf{r}} = U_{\mathrm{FW}}^{\dagger} \mathbf{r} U_{\mathrm{FW}}, \nonumber \\ \tilde{\mathbf{L}} = U_{\mathrm{FW}}^{\dagger} \mathbf{L} U_{\mathrm{FW}} = \tilde{\mathbf{r}} \times \mathbf{p}, ~~ \tilde{\mathbf{S}} & = U_{\mathrm{FW}}^{\dagger} \mathbf{S} U_{\mathrm{FW}} = \mathbf{J} - \tilde{\mathbf{L}}. \label{eq:21} \end{align} Obviously, in the FW representation these operators acquire the canonical forms \begin{equation} \tilde{\mathbf{r}}_{\mathrm{FW}} = \mathbf{r}, \quad \tilde{\mathbf{L}}_{\mathrm{FW}} = \mathbf{L} = \mathbf{r}\times\mathbf{p}, \quad \tilde{\mathbf{S}}_{\mathrm{FW}} = \mathbf{S}. \label{eq:22} \end{equation} From here, using $H_{\mathrm{FW}} = \beta E$, one can readily see that these operators obey the proper time evolution similar to Eqs.~(\ref{eq:17}), \begin{equation} \frac{d\tilde{\mathbf{r}}}{dt} = i[H,\tilde{\mathbf{r}}] = \mathbf{p}H^{-1}, \quad [H,\tilde{\mathbf{S}}] = [H,\tilde{\mathbf{L}}] =0. \label{eq:23} \end{equation} One can also see that these operators obey canonical commutation relations [cf.~Eqs.~(\ref{eq:19}) and (\ref{eq:20})] \begin{equation} [\tilde{r}_i,\tilde{r}_j] = 0,\quad [\tilde{S}_i,\tilde{S}_j] = i \varepsilon_{ijk} \tilde{S}_k,\quad [\tilde{L}_i,\tilde{L}_j] = i \varepsilon_{ijk} \tilde{L}_k. \label{eq:24} \end{equation} In the standard representation, the position and spin operators (\ref{eq:21}) read: \begin{align} \tilde{\mathbf{r}} & = \mathbf{r} + \frac{\mathbf{p}\times \mathbf{S}}{E(E+m)} + i \frac{\beta\boldsymbol{\alpha}}{2E} - i \frac{\beta (\boldsymbol{\alpha}\cdot \mathbf{p})\mathbf{p}}{2E^2 (E+m)}, \nonumber\\ \tilde{\mathbf{S}} & = \frac{m}{E}\mathbf{S} + \frac{(\mathbf{p}\cdot \mathbf{S})\mathbf{p}}{E(E+m)} - i \frac{\beta(\boldsymbol{\alpha}\times \mathbf{p})}{2E}. \label{eq:25} \end{align} The operator $\tilde{\mathbf{r}}$ is well known as the Newton-Wigner position operator \cite{31,32,34,35,36,37}, while the general approach (\ref{eq:21})--(\ref{eq:25}) was described by Foldy and Wouthuysen \cite{32}. Therefore we refer to the operators (\ref{eq:21})--(\ref{eq:25}) as the {\it Newton-Wigner-Foldy-Wouthuysen (NWFW)} operators. Despite the proper time evolution (\ref{eq:23}), these operators have a serious drawback, namely, their {\it expectation values differ from the canonical ones} [cf.~Eqs.~(\ref{eq:18})]: \begin{equation} \langle \tilde{\mathbf{r}} \rangle \neq \langle \mathbf{r} \rangle, \quad \langle \tilde{\mathbf{S}} \rangle \neq \langle \mathbf{S} \rangle, \quad \langle \tilde{\mathbf{L}} \rangle \neq \langle \mathbf{L} \rangle, \label{eq:26} \end{equation} For example, using the FW representation $\tilde{\mathbf{S}}_{\mathrm{FW}} = \mathbf{S}$, we easily see that the expectation value of the NWFW spin for a plane electron wave (\ref{eq:2}) yields \begin{equation} \langle \tilde{\mathbf{S}} \rangle = \langle \mathbf{s} \rangle. \label{eq:27} \end{equation} Evidently, this is the \emph{non-relativistic spin in the electron rest frame} instead of the relativistic momentum-dependent spin (\ref{eq:7}). Similarly, the spin-to-orbital AM conversion (\ref{eq:10}) in nonparaxial electron vortex beams is missing for the NWFW operators: \begin{equation} \langle \tilde{S}_z \rangle = \langle s_z \rangle, \quad \langle \tilde{L}_z \rangle = \ell. \label{eq:28} \end{equation} Thus, \emph{relativistic transformations of the dynamical properties of the electron and the SOI phenomena are missing for these operators}. This contradicts numerous observable SOI effects (spin-dependent orbital characteristics), known for both electron \cite{9,39,40,41,43,44,45,46,62} and optical (photon) \cite{24,25,47,48,49,50,51,52,53} fields. Note that the most standard textbook example of the SOI energy responsible for the fine structure of atomic levels is naturally derived from the projected coordinate operator $\boldsymbol{\mathcal{R}}$ using the non-relativistic limit ($p \ll m$) in the FW representation, where the electron wavefunction is two-component \cite{35,36,62}. Considering a spherically-symmetric potential $V(r)$, we obtain, in the FW representation \begin{align} \boldsymbol{\mathcal{R}}_{\mathrm{FW}}^2 & \simeq \mathbf{r}^2 + \frac{\mathbf{r}\cdot(\mathbf{p} \times \mathbf{S})}{m^2} = \mathbf{r}^2 + \frac{\mathbf{L}\cdot\mathbf{S}}{m^2}, \nonumber \\ V(|\boldsymbol{\mathcal{R}}_{\mathrm{FW}}|) & \simeq V(r) + \frac{d V(r)}{dr} \frac{\mathbf{L}\cdot\mathbf{S}}{2 m^2 r}. \label{eq:29} \end{align} Here the correction term (with the trivial reduction $\mathbf{S} \to \mathbf{s}$) is the well-known SOI energy \cite{46}. Equation (\ref{eq:29}) shows that the NWFW position operator $\tilde{\mathbf{r}}_{\mathrm{FW}} = \mathbf{r}$ corresponds to the {\it canonical} coordinates in the Pauli Hamiltonian with a separate SOI term (absent in the full Dirac equation!), while the projected position $\boldsymbol{\mathcal{R}}_{\mathrm{FW}}$ describes the {\it covariant} coordinates, and the SOI is \emph{intrinsically} present in the potential-energy term $V(r)$. Importantly, it is the covariant (i.e., projected) coordinates that correspond to the actual centroid of a localized electron state. Moreover, the covariant coordinates determine the equations of motions of the electron in smooth external potentials, while canonical coordinates can produce erroneous results, as shown in \cite{39,63,64}. Another important drawback of the NWFW operators is that they \emph{cannot be extended to the case of massless particles} (e.g., Weyl particles or photons) \cite{31,32,35,36}. Therefore, this approach is \emph{singular} in the $m \to 0$ limit. This is explained by the fact that such operators are associated with the rest-frame properties of the electron, while there is no rest frame for massless particles. This feature makes the NWFW approach not suitable for condensed matter systems. There, effective masses (gaps in the spectra) can vary, passing via zeros (Dirac or Weyl points), depending on tunable parameters of the system. Therefore, the description of solid-state electrons requires a formalism depending smoothly on $m$. Moreover, solid-state electrons exhibit numerous observable SOI effects, which underlie the field of spintronics. Historically, the NWFW operators first appeared in 1948 in the same work \cite{30} by Pryce. They correspond to the ``case (e)'' and position ``$\tilde{\mathbf{q}}$'' and spin ``$\tilde{\mathbf{S}}$''. Pryce derived these operators to ``improve'' the non-canonical commutation relations (\ref{eq:19}) and (\ref{eq:20}). He also explicitly mentioned the close relation of the position operator $\tilde{\mathbf{q}} = \tilde{\mathbf{r}}$ to the rest frame and impossibility to use it for photons. One year later, Newton and Wigner suggested the operator $\tilde{\mathbf{r}}$ again \cite{31} using arguments related to the localizability of massive quantum particles. Finally, the whole approach, including spin and orbital AM $\tilde{\mathbf{S}}$ and $\tilde{\mathbf{L}}$, was described in 1950 by Foldy and Wouthuysen \cite{32} (up to an arithmetic inaccuracy in $\tilde{\mathbf{r}}$). This approach was criticized by Bacry \cite{36} in favor of the projected-operators formalism. Finally, very recently Barnett revisited this formalism in \cite{18} suggesting the same spin and orbital AM $\tilde{\mathbf{S}}$ and $\tilde{\mathbf{L}}$ (up to a missing factor of $1/2$ in the $\beta(\boldsymbol{\alpha}\times \mathbf{p})$-terms), which are free of the SOI. The main equations and properties of the NWFW electron operators are summarized in Table I. \section{Discussion}\label{sec:5} In conclusion, we have reviewed and compared two approaches to the description of the position, spin, and angular momentum (AM) of a relativistic electron. The first one is based on the projection of canonical Dirac operators onto the positive-energy (electron) subspace, whereas the second one assumes canonical form of operators in the Foldy-Wouthuysen (FW) representation. We have shown that the ``projected'' formalism results in the same observable phenomena and expectation values as the canonical Dirac approach, while elucidating the spin-orbit interaction (SOI) effects via the Berry-phase formalism. In turn, the second formalism produces the ``Newton-Wigner-Foldy-Wouthuysen'' (NWFW) operators with essentially different physical properties. Most importantly, because of the close relation of the NWFW operators to the rest-frame properties of the electron, this approach lacks SOI phenomena (in the full Dirac treatment) and has a singular zero-mass limit. The following qualitative arguments could shed some light on the peculiarities of the NWFW operators. First, the FW transformation (\ref{eq:3}) is defined in the momentum representation, and it transforms the electron plane-wave bispinor (\ref{eq:2}) to the spinor $W_{\mathrm{FW}} =(w,0)^T$. Consider now the \emph{Lorentz boost} of an electron plane wave to the rest frame. It is given by the non-unitary Hermitian operator $\Lambda = \frac{E+m-\boldsymbol{\alpha}\cdot \mathbf{p}}{\sqrt{2E(E+m)}},$ resembling $U_{\mathrm{FW}}$ and transforming the bispinor (\ref{eq:2}) to $W' = \Lambda W = \sqrt{m/E} (w,0)^T$. Thus, one can regard the FW transformation as a ``unitary counterpart of the Lorentz boost to the rest frame''. This explains why the NWFW operators, chosen as ``canonical in the FW representation'' describe some rest-frame properties of the electron, such as the rest-frame spin (\ref{eq:27}). Second, we consider the transition from the Dirac equation to the non-relativistic Schr\"odinger equation with Pauli Hamiltonian (including the SOI term) and two-component wavefunction $\varphi_{\mathrm{Pauli}}$. Writing the Dirac bispinor wavefunction as $\psi = (\varphi,\chi)^T,$ the Pauli wavefunction is given by \cite{46} $\varphi_{\mathrm{Pauli}} \simeq \left(1+\frac{p^2}{8m^2}\right)\varphi$, where we used $p \ll m$ and omitted the phase factor $\exp(imt/\hbar)$. In the same approximation, using $\chi \simeq \frac{\boldsymbol{\sigma}\cdot\mathbf{p}}{2m}\varphi$ and $U_{\mathrm{FW}} \simeq 1 + \frac{\beta \boldsymbol{\alpha}\cdot\mathbf{p}}{2m} - \frac{p^2}{8m^2}$, the FW wavefunction $\psi_{\mathrm{FW}} = (\varphi_{\mathrm{FW}},0)$ reduces to the \emph{same Pauli spinor}: $\varphi_{\mathrm{FW}} \simeq \varphi_{\mathrm{Pauli}}$. Thus, one can say that the non-relativistic two-component Pauli wavefunction corresponds to the relativistic \emph{FW wavefunction}. Therefore, the NWFW position operator $\tilde{\mathbf{r}}$, having canonical form in the FW representation, appears as the \emph{canonical} coordinates $\mathbf{r}$ in the Pauli Hamiltonian, and an additional SOI term arises there. However, one should remember that the FW transformation is {\it nonlocal} in real space, and this nonlocality is hidden in the Pauli Hamiltonian and wavefunction. Using the canonical Dirac position and projecting it onto the electron subspace results in the position operator $\boldsymbol{\mathcal{R}}_{\mathrm{FW}}$ (with the trivial reduction $\mathbf{S} \to \mathbf{s}$) in the Pauli formalism. This operator corresponds to \emph{covariant} coordinates, which describe the electron centroid and determine the covariant equations of motion \cite{33,39,40,41,43,44,45,62,63,64}. Moreover, this position operator reveals the intrinsic nonlocality of the Pauli formalism via anomalous commutation relations (\ref{eq:19}) and unveils the geometric Berry-phase origin of the SOI term (\ref{eq:29}) in the Pauli Hamiltonian \cite{39,40,41,43,44,45,62}. In terms of covariant operators, the SOI does not require additional terms in the Hamiltonian but appears as an inherent electron feature, as in the full Dirac equation. In this work we mostly considered properties of the Dirac electron in {\it free space}, i.e., without external potentials. In the presence of potentials, the problem is complicated considerably. Indeed, in this case the notion of a pure {\it electron} does not make sense, and the combined {\it electron-positron} description becomes necessary. Therefore, rigorously speaking, the projected operators are applicable in external potentials only in the adiabatic (semiclassical) approximation, when the electron-positron transitions are negligible. Nonetheless, even in scattering problems with electron-positron transitions, the incoming and outgoing states of relativistic electrons and positrons can be described using projected operators (e.g., the Pauli-Lubanski spin vector). A detailed comparison of various spin definitions in the presence of external potentials was recently provided in \cite{42}. We finally note that, rigorously speaking, the domains of applicability of the operators under discussion imply square-integrable electron wavefunctions localized in three spatial dimensions. In this manner, all of the explicit examples mentioned in \cite{9,17,18} and in the present work should be considered as simplified illustrations, while a more accurate wavepacket treatment may reveal additional fine features. We acknowledge helpful discussions with Michael Berry, Iwo Bialynicki-Birula, Michael Stone, and Heiko Bauke. This work was supported by the RIKEN iTHES Project, MURI Center for Dynamic Magneto-Optics via the AFOSR Award No.~FA9550-14-1-0040, the Japan Society for the Promotion of Science (KAKENHI), the IMPACT program of JST, CREST grant No.~JPMJCR1676, the John Templeton Foundation, and the Australian Research Council.
d5f5e79ad4f6e6fcef515f315b6b1e5f1a138a96
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Magnetic skyrmions are nanoscale whirling spin configurations \cite{nagaosa_topological_2013}. Their small size, topological protection and the fact that they can be manipulated by small in-plane current densities have opened a new paradigm to manipulate the magnetization at the nanoscale. This has led to proposals for novel memory and logic devices in which the magnetic skyrmions are the information carriers \cite{fert_skyrmions_2013}. They were first observed in B20 chiral magnets thin films \cite{muhlbauer_skyrmion_2009, yu_real-space_2010} within confined geometries \cite{du_edge-mediated_2015, jin_control_2017}, and in ultrathin epitaxial films \cite{heinze_spontaneous_2011, romming_writing_2013, romming_field-dependent_2015} at low temperature. The recent observation of room-temperature magnetic skyrmions \cite{buttner_dynamics_2015, jiang_blowing_2015, woo_observation_2016-1, boulle_room-temperature_2016-1, moreau-luchaire_additive_2016-1, soumyanarayanan_tunable_2016, legrand_room-temperature_2017, pollard_observation_2017, schott_skyrmion_2017, hrabec_current-induced_2017} and their current-induced manipulation \cite{jiang_blowing_2015, woo_observation_2016-1, legrand_room-temperature_2017, yu_room-temperature_2016, litzius_skyrmion_2017, woo_spin-orbit_2017, hrabec_current-induced_2017} in sputtered magnetic films have lifted an important bottleneck toward the practical realization of such devices. However, these experiments have also underlined the sensitivity of the skyrmions dynamics to the defects in the materials as well as the edges which can impede reliable motion. This raises the question of stability - nucleation and annihilation - in these sputtered ultrathin magnetic films. More recently, the influence of the granular structure and the inherent disorder of these films on the skyrmions stability have begun to be addressed \cite{legrand_room-temperature_2017, hrabec_current-induced_2017, kim_current-driven_2017-1}. Here we report on the observation of the effect of the lateral confinement, a perpendicular magnetic field and the local pinning sites on the magnetic texture in sputtered Pt/Co/MgO ultrathin nanostructures with isolated room-temperature magnetic skyrmions. In particular, the evolution of the mean skyrmion diameter in sub-micrometers nanotracks and nanodots is followed by high resolution magnetic imaging. These experimental results are supported by micromagnetic simulations which reproduce well the magnetic field dependence of the skyrmion size in the different geometries. Notably, we show that the granular structure of the sputtered materials leads to local pinning of the skyrmion which can strongly affect its shape and size. Our results underline that the local pinning and the sample's geometry play an important role in the field dependence of the skyrmion size and its stability in ultrathin films. \section{Methods} We used X-ray Magnetic Circular Dichroism combined with Photo-Emission Electron Microscopy (XMCD-PEEM) at room-temperature to obtain a direct image of the magnetization pattern with a high lateral spatial resolution (down to $\sim$ 30 nm). The observed contrast is proportional to the projection of the magnetization on the incident X-ray beam direction, which is impinging on the sample under a grazing angle of 16{\textdegree}. As a result, the magnetic contrast is about 3.5 times larger for the magnetization in the sample plane as compared to the magnetization perpendicular to it. As shown in our previous work \cite{boulle_room-temperature_2016-1}, this allows the direct observation of the internal spin structure of magnetic domain walls (DWs) or magnetic skyrmions. The XMCD-PEEM experiments were carried out with the SPELEEM III microscope (Elmitec GmbH) at the Nanospectroscopy beamline at the Elettra synchrotron in Basovizza, Trieste, Italy, at the CIRCE beamline at the Alba synchrotron, Barcelona, Spain \cite{aballe_alba_2015, foerster_custom_2016} and at the IO6 beamline at the Diamond synchrotron, Didcot, UK. The Ta(3)/Pt(3)/Co(0.5-1.1)/MgO$_x$/Ta(2) (thickness in nm) film was deposited by magnetron sputtering on a 100 mm high-resistivity Si wafer, then annealed for 1.5 h at 250 {\textdegree}C under vacuum and an in-plane magnetic field of 240 mT. The Co layer was deposited as a wedge. The magnetic domains in the thin film are perpendicularly magnetized. All the images presented correspond to a nominal Co thickness of about 1.0 nm, an area close to the reorientation transition and were obtained at room temperature. The micromagnetic simulations were performed using the Mumax3 code \cite{vansteenkiste_design_2014}. We used the following micromagnetic parameters extracted from our previous experiments \cite{boulle_room-temperature_2016-1} : the Co layer thickness t = 1.06 nm, the exchange constant A = 2.75$\times$10$^{-11}$ J.m$^{-1}$, the uniaxial anisotropy constant K$_u$ = 1.45$\times$10$^{6}$ J.m$^{-3}$, the interfacial Dzyaloshinskii-Moriya interaction constant D = 2.05$\times$10$^{-3}$ J.m$^{-2}$, and the saturation magnetization M$_s$ = 1.44$\times$10$^{6}$ A.m$^{-1}$. For all the geometries considered hereafter, the cells size is 1 nm $\times$ 1 nm $\times$ 1.06 nm with only one cell across the film thickness, so that the magnetization is supposed to be uniform along this direction. For convenience, all the simulations were performed at T = 0 K, although temperature should play a significant role on the skyrmion stabilization and interaction with the local disorder \cite{rohart_path_2016}. Finally, we define $d_s$ as the mean skyrmion diameter, namely the diameter that would have a perfectly circular bubble with the same area as the distorted one. \section{Results and discussion} \subsection{Observation of room-temperature magnetic skyrmions in nanotracks} At remanence or in the presence of a small magnetic field ($<$ 2 mT), worm-like domains are observed in the tracks (Fig.\ref{tracks images}.a), a configuration which minimizes the dipolar energy. These worms tend to align with the tracks, while they are randomly oriented in the largest areas of the nanostructures. Moreover, they seem to be repelled from the edges, which is reproduced well by the simulations. Interestingly, a strong white (black) contrast is observed on the upper (bottom) DWs delimiting the worm-like domains (see inset of Fig.\ref{tracks images}.a). As the contrast is proportional to the projection of the magnetization along the X-ray propagation direction, and the DWs are perpendicular to this direction, the contrast is consistent with DWs having a left-handed homochiral N\'eel structure \cite{boulle_room-temperature_2016-1}. This internal DW structure is reproduced well by the micromagnetic simulations. When applying a larger magnetic field (typically B$_z>$ 2 mT) the initial worm-like domains shrink and lead to the formation of isolated skyrmions (Fig.\ref{tracks images}.b-c). Again, the white/black contrast at the top/bottom edge of the skyrmion demonstrates that the homochiral N\'eel structure is conserved (see inset of Fig.\ref{tracks images}.b). \\ The average skyrmion diameter is plotted as a function of $B_z$ in Fig.\ref{tracks graph} for tracks of two different widths (300 nm and 500 nm) along with the results of the simulations. For both wire widths, a large decrease of the skyrmions size is observed when small fields ($\sim$ 5 mT) are applied. In the 300 nm tracks, the average diameter changes from 140 nm down to 80 nm, showing a large susceptibility of the skyrmions size to B$_z$. In addition, we observe that the track width affects the skyrmions size in particular at low magnetic field : the narrower the track the smaller the skyrmions, as suggested by previous numerical studies \cite{zhang_skyrmion-skyrmion_2015-1}. This geometrical confinement effect can be explained by the dipolar interactions of the DWs delimiting the skyrmion with the magnetic charges on the tracks edges. These results thus show that the skyrmion size can be easily tuned by playing both on the lateral confinement and the magnetic field \footnote{A similar field dependence of the skyrmions size has been observed in larger structures, as reported by S. Woo \textit{et al.} in 2 {\textmu}m-diameter Pt/Co/Ta disks (see \cite{woo_observation_2016-1}, Supplementary Information). Nevertheless, in our case, the skyrmions number and their size are limited by the track width at small fields.}. As the magnetic field increases and the skyrmion diameter decreases, the influence of the track width on the skyrmion becomes smaller, indicating that the skyrmion equilibrium size is governed by the Zeeman energy term and that the dipolar interaction with the track edges plays a less important role. However, we also see experimentally that, for B$_z=$ 6.7 mT, some of the skyrmions are not visible anymore and even more have disappeared at B$_z=$ 8.5 mT. In fact they are too small to be observed, since by decreasing the magnetic field down to $\sim$ 1 mT (not shown), the skyrmions expand and turn into worm-like domains at the same position as they were initially. Interestingly, we observed in 540 nm-wide tracks, that magnetic skyrmions can be stabilized also at zero external magnetic field (see Fig.\ref{tracks images}.d) ; this can be attributed to the presence of local pinning sites. \\ In the following section, we present the results of the observation of magnetic skyrmions in a Pt/Co/MgO circular nanodot and we discuss the role played by the local disorder on the field dependence of the skyrmion size. \subsection{Magnetic skyrmion in a circular nanodot} The images presented in Fig.\ref{dot}.a. show a magnetic skyrmion in a 630 nm-diameter circular dot at zero external magnetic field with a diameter of about 190 nm. We first observe that the skyrmion is positionned near the edge of the dot, whereas the dipolar repulsion from the edges favor a skyrmion position in the center of the dot. This suggests that the skyrmion is pinned by local defects near the edge of the dot. The application of a small perpendicular magnetic field does not change substantially the skyrmion structure and its size (Fig.\ref{dot}.b, B$_z$ = 1.5 mT) up to a critical field B$_z$ = 2.8 mT where a sudden decrease of the skyrmion diameter to 90 nm is observed (see Fig.\ref{dot}.c-d and stars in Fig.\ref{dot}.e). Moreover, the skyrmion appears slightly distorted for B$_z<$ 2.4 mT while it is circularly shaped for B$_z>$ 2.4 mT. \\ To better understand these experimental results, we performed micromagnetic simulations in the case of a perfect disorder-free film. The initial state is a 200 nm-diameter circular bubble placed at the center of the 630 nm-diameter circular dot ; this configuration is then relaxed to the minimum energy state at zero field. When the magnetic field increases, the skyrmion diameter decreases continuously and covers a wider range of sizes than the one observed (see Fig.\ref{dot}.e, red dots). Moreover, the contraction of the core is isotropic and the skyrmion stays in the center of the dot (not shown), as expected notably from the symmetry of the demagnetizing field. \\ Is it well known that the polycrystalline grain structure of magnetic ultrathin films is a source of local pinning for magnetic DWs \cite{ranjan_grain_1987, yu_pinning_1999, voto_effects_2016}. To model it, we introduce a grain distribution with a fixed average grain size $g$. From grain to grain, we assume that the uniaxial anisotropy constant fluctuates randomly following a Gaussian distribution with a mean value K$_{u,0}$ (the measured macroscopic value) and a standard deviation $\delta$K$_uK_{u,0}$, where $\delta$K$_u$ quantifies the pinning strength \cite{kim_current-driven_2017-1, voto_effects_2016, garcia-sanchez_skyrmion-based_2016}. The grain size and the anisotropy were varied respectively within the ranges 10 nm $\leq{}g\leq$ 100 nm and 2.5 \% $\leq\delta$K$_u\leq$ 10 \% with multiple realizations for each set of parameters. Our simulations reveal a very similar behavior to the experimental one for several realizations of grains distributions (\textit{i.e.} for given sets of parameters \{g, $\delta$K$_u$\}). We show in Fig.\ref{dot}.e. (green squares) the dependence of the skyrmion diameter on the perpendicular magnetic field for a specific realization, shown in Fig.\ref{dot}.f-h, with $g=$ 70 nm and $\delta$K$_u$ = 2.5 \%. As it is observed experimentally, the skyrmion diameter decreases in a step-like fashion when the magnetic field reaches a certain critical value. On the images presented in Fig.\ref{dot}.f-h, the center of the DW delimiting the skyrmion is represented on the grain structure at zero field, before (B$_z$ = 2.25 mT) and after the jump (B$_z$= 2.5 mT) respectively ; with m$_z<$ 0 inside the white border and m$_z>$ 0 outside. The color scale indicates the amplitude of the anisotropy constant in each grain. The case of relatively large grains ($g=$ 70 nm) has been chosen for clarity but other grain configurations allow to reproduce this step-like behavior. For B$_z\leq$ 2.25 mT, the equilibrium position and shape of the skyrmion is determined by the grains of weakest anisotropy (darkest regions) so that, in order to lower the DW energy, the skyrmion core is stretched away from its initial circular shape and its initial position in the center of the dot. In this field range, the skyrmion is trapped in its initial position by the local grain structure and the magnetic field affects little its shape and position. When the depinning field (B$_z$ = 2.5 mT) is reached, the skyrmion prefers to jump in a neighboring region where the anisotropy is smaller leading to smaller DW energy despite the additional cost in dipolar energy away for the dot center. Thus, the polycrystalline grain structure of the sputtered material allows to reproduce the experimentally observed step-like behavior when applying an external magnetic field, as well as the local pinning near the edge. \subsection{Statistical study : influence of the grain size g and the pinning strength $\delta$K$_u$} In the previous section, we discussed one particular example and showed that one can find configurations which reproduce well the behavior of the skyrmion in a nanodot under an out-of-plane magnetic field. Here we investigate the influence of the characteristic parameters of the disorder : the grain size $g$ and the pinning strength $\delta$K$_u$. For each set of parameters \{$g$, $\delta$K$_u$\}, the diameter is averaged over multiple realizations and $<d_s>$ will refer to the skyrmion diameter averaged over 50 different realizations ($g$ and $\delta$K$_u$ being fixed). \\ In Fig.\ref{Ku2.5, ds vs g, slope}.a, $<d_s>$ is plotted as a function of the applied magnetic field for grain sizes between 10 nm and 100 nm and for $\delta$K$_u$ = 2.5\%. For comparison, the case of an ideal, disorder-free film (red dots) and the experimental measurements (black stars) are also represented. It appears that, on average, the skyrmion size and its field dependence are little affected by the grain size, except for the smallest one considered ($g=$ 10 nm) where skyrmions are less sensitive to the pinning at high field. In fact, this behavior is observed for larger values of $\delta$K$_u$ (up to 10 \% in this study), meaning that the skyrmion is more sensitive to the applied field for $g=$ 10 nm than for all the other grain sizes considered here. However, for $g$ ranging between 20 nm and 100 nm, there is no monotonic variation of the diameter with the grain size. We note that this seems in contrast with previous numerical reports \cite{kim_current-driven_2017-1, voto_effects_2016} where a maximum in the DW depinning field was observed when the mean grain size equals the DW width $\pi\Delta$. We do not observe such a maximum in our simulations when $g$ = $\pi{}\Delta{}$ = 40 nm. \\ To complete the picture, the graph of Fig.\ref{Ku2.5, ds vs g, slope}.b shows $<d_s>$ as a function of $g$ at zero applied field and for two different pinning strengths : $\delta$K$_u$ = 2.5 \% and $\delta$K$_u$ = 10 \%. We observe that at low pinning strength, the skyrmion diameter is approximately constant with the grain size, whereas it increases on average for larger pinning strength, but this is negligible for $g\leq$ 50 nm. Note that this remains true at higher fields. In fact, at high pinning, the initial state is stretched out after relaxation and this effect is all the more important as the grain size increases and it very often turns skyrmions into worm-like domains. This results in a small shift (along the y-axis) of the curves $<d_s($B$_z)>$ for $\delta$K$_u$ = 10 \% and $g\geq$ 50 nm (not shown). However, it does not affect the field dependence, as it is discussed hereafter. On the contrary, for relatively weak pinning strengths ($\delta$K$_u$ = 2.5 \% and $\delta$K$_u$ = 5 \%), the skyrmion recovers its initial circular symmetry at high field, as shown in Fig.\ref{dot}.h. When starting from a large magnetic field and decreasing its amplitude, the quasi-circular skyrmion very often expands into an irregularly-shaped domain, a behavior observed in other systems and attributed to structural defects \cite{pulecio_hedgehog_2016}. An additional interesting feature is that the standard deviation (error bars) increases with the grain size for both pinning strengths, suggesting that for a strong anisotropy disorder and for a large film surface, for instance a one-dimensional track, one will be more likely to observe an important dispersion in terms of sizes and shapes for large grains. \\ We now discuss the influence of the pinning strength on the magnetic field susceptibility of the skyrmion size. We define $\eta$ as the slope (absolute value) obtained from a linear fit of the curves $<d_s($B$_z)>$ within the field range 2 mT $\leq$ B$_z$ $\leq$ 5 mT and at fixed g and $\delta$K$_u$, consistently with our experimental results (Fig.\ref{tracks graph}). Since, for a given pinning strength, no significant change in this slope with the mean grain size is observed (see Fig.\ref{Ku2.5, ds vs g, slope}.a for the case $\delta$K$_u=$ 2.5 \%), we plot the average value $<\eta>_g$ of the slope $\eta$ over the grain size $g$ as a function of $\delta$K$_u$ in Fig \ref{Ku2.5, ds vs g, slope}.c. We see that $<\eta{}>_g$, which quantifies the sensitivity of the skyrmion to the applied magnetic field, decreases rapidly for $\delta$K$_u$ between 2.5 \% and 7.5 \% and then seems to saturate. When the disorder is too important, in this case $\delta$K$_u\geq$ 7.5 \%, the skyrmion shape and size is fully determined by the grains and the anisotropy mapping and the small external magnetic field has little influence on the final state. This is also confirmed by the small standard deviation observed for $\delta$K$_u=$ 10 \% : whatever the grain size, when the anisotropy disorder is strong, the effect of the magnetic field becomes negligible. Actually, the probability for a step-like decrease of the diameter falls to zero within this field range as soon as $\delta$K$_u\geq$ 7.5 \%. The field sensitivity of the skyrmion diameter thus provides an indirect way to assess the disorder in the thin film and our experimental value of $\eta=$ 17 nm.mT$^{-1}$ in the 500 nm-wide tracks indicates a disorder $\delta$K$_u$ typically lower than 5 \%. \newpage \section{Conclusion} In conclusion, we have observed that the skyrmion size in Pt/Co(1 nm)/MgO can be easily tuned by reducing the dimensions of the nanostructures and that magnetic field amplitudes of a few mT allow to reach sub-100 nm diameters. These observations also highlight the important role of the pinning on the skyrmion size and stability under an out-of-plane magnetic field. Micromagnetic simulations reveal that the effect of local pinning can be well accounted for by considering the thin film grain structure with local anisotropy variations and reproduce well the dependence of the skyrmion diameter on the magnetic field and the geometry. Our simulation suggests a relatively small anisotropy disorder in our thin films (typically, $\delta$K$_u\leq$ 5 \%). These results also reflect that the Pt/Co/MgO system, due to its simple structure, can be efficiently modeled, which paves the way for further experimental and micromagnetic investigations. \newpage \begin{figure} \includegraphics[scale=0.79]{figure1} \centering \caption{\textbf{a-c.} XMCD-PEEM images of the magnetic texture in 500 nm-wide tracks during the application of a magnetic field perpendicular to the film plane. The insets show a zoom in the region delimited by the dashed red boxes of dimensions \textbf{a.} 800 nm $\times$ 800 nm and \textbf{b.} 500 nm $\times$ 500 nm. Below each image is represented the simulated distribution of the magnetization in 1500 nm $\times$ 500 nm tracks, for the same applied magnetic field and in the case of a disorder-free film. The white arrows indicate the X-ray beam direction. \textbf{d.} XMCD-PEEM image of a magnetic skyrmion in a 540 nm-wide track at zero external magnetic field.} \label{tracks images} \end{figure} \newpage \begin{figure} \includegraphics[scale=1]{figure2} \centering \caption{Average skyrmion diameter $<d_s>$ as a function of the applied magnetic field measured in 500 nm-wide tracks (red stars) and 300 nm-wide tracks (black stars). The error bars represent the standard deviation. The red dots (black dots) correspond to the micromagnetic simulations in the case of a 500 nm-wide track (300 nm-wide track).} \label{tracks graph} \end{figure} \newpage \begin{figure} \includegraphics[scale=0.86]{figure3} \centering \caption{\textbf{a-d.} XMCD-PEEM images of a magnetic skyrmion in a 630 nm-diameter circular dot for different applied magnetic field amplitudes. \textbf{e.} Skyrmion diameter as a function of the applied magnetic field. The experimental data points (black stars) are extracted from the XMCD-PEEM images. Micromagnetic simulations : the red dots correspond to the case of a perfect defect-free film and the green squares correspond to the case of a disordered film with $g=$ 70 nm and $\delta$K$_u$ = 2.5 \%. \textbf{f-h.} Representation of the skyrmion border (center of the N\'eel wall, m$_z$ = 0) on the grain structure for \textbf{f.} B$_z$ = 0 (initial state relaxed at zero field), \textbf{g.} B$_z$ = 2.25 mT (before the jump) and \textbf{h.} B$_z$ = 2.5 mT (after the jump). m$_z<$ 0 inside the white border and m$_z>$ 0 outside. The color scale indicates the amplitude of the anisotropy fluctuations.} \label{dot} \end{figure} \newpage \begin{figure} \includegraphics[scale=0.82]{figure4} \centering \caption{\textbf{a.} Skyrmion diameter averaged over 50 realizations as a function of the applied magnetic field for different grain sizes $g$ from 10 nm to 100 nm in a 630 nm-diameter circular dot and for a fixed pinning strength $\delta$K$_u$ = 2.5 \%. The black stars correpond to the experimental data points and the red stars to the case of a uniform film without disorder. \textbf{b.} Skyrmion diameter averaged over 50 realizations as a function of the grain size at zero applied magnetic field for $\delta$K$_u$ = 2.5 \% (black) and $\delta$K$_u$ = 10 \% (red). The error bars represent the standard deviation. The two curves have been shifted along the x-axis for clarity. \textbf{c.} Slope $\eta$ (absolute value) extracted from a linear fit of the curves $<d_s($B$_z)>$ (at fixed $g$ and $\delta$K$_u$) in the range 2 mT $\leq$ B$_z$ $\leq$ 5 mT and averaged over the grain sizes in the range 10 nm $\leq{}g\leq$ 100 nm. Here, the error bars represent the standard deviation from the average $<\eta{}>_g$ over $g$.} \label{Ku2.5, ds vs g, slope} \end{figure} \clearpage \newpage
61ef5e3c04a052334ba406bbc001c942f77edaa2
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Random fields governed by systems of stochastic partial differential equations (SPDEs) have been used to model many physical phenomena in random environments such as the motion of a random string, stochastic fluid mechanic, the precessional motion of magnetisation with random perturbations, and so on; specific models can be founded in \cite{funaki1983random,mueller2002hitting,mikulevicius2004stochastic,hairer2006ergodicity,brzezniak2013weak,da2014stochastic} and references therein. This paper concerns the smoothness properties of the random field \[ {\bm{u}}=(u^{1},\dots,u^{N})':\R^{d}\times[0,\infty)\times\PS\to\R^{N} \] described by the following linear system of SPDEs: \begin{equation} \md u^{\alpha}=\big(a_{\alpha\beta}^{ij}\partial_{ij}u^{\beta}+b_{\alpha\beta}^{i}\partial_{i}u^{\beta}+c_{\alpha\beta}u^{\beta}+f_{\alpha}\big)\,\md t+\bigl(\sigma_{\alpha\beta}^{ik}\partial_{i}u^{\beta}+\nu_{\alpha\beta}^{k}u^{\beta}+g_{\alpha}^{k}\bigr)\,\md\BM_{t}^{k},\label{eq:main} \end{equation} where $\{\BM^{k}\}$ are countable independent Wiener processes defined on a filtered complete probability space $(\Omega,\mathcal{F},(\mathcal{F}_{t})_{t\ge 0},\Prob)$, and Einstein's summation convention is used with \[ i,j=1,2,\dots,d;\text{\quad}\alpha,\beta=1,2,\dots,N;\quad k=1,2,\dots, \] and the coefficients and free terms are all random fields. Considering infinitely many Wiener processes enables us to treat systems driven by space-time white noise (see~\cite{krylov1999analytic}). Regularity theory for system \eqref{eq:main} can not only directly apply to some concrete models, see for example \cite{zakai1969,funaki1983random,walsh1986introduction,mueller2002hitting}, but also provide with important estimates for solutions of suitable approximation to nonlinear systems in the literature such as \cite{krylov1997spde,mikulevicius2012unbiased,da2014stochastic} and references therein. The literature dedicated to SPDEs (not systems) is quite extensive and fruitful. In the framework of Sobolev spaces, a complete $L^{p}$-theory ($p\ge2$) has been developed, see \cite{pardoux1975these,krylov1977cauchy,krylov1996l_p,krylov1999analytic,van2012stochastic,chen2014lp} and references therein. However, the $L^{p}$-theory for systems of SPDEs is far from complete, though it has been fully solved for $p=2$ by \cite{Kim2013w}, and for $p>2$ some specific results were obtained by \cite{mikulevicius2001note,mikulevicius2004stochastic,kim2013note}, where the matrices $\sigma^{ik}=[\sigma_{\alpha\beta}^{ik}]_{N\times N}$ were diagonal or nearly diagonal. The smoothness properties of random fields follow from Sobolev's embedding theorem in this framework. The present paper investigates the regularity of random fields from another aspect prompted by Kolmogorov's continuity theorem. This theorem gives mild conditions under which a random fields has a continuous modification, and the point is to derive appropriate estimates on $L^{p}$-moments of increments of the random field. This boosts an idea that considers a random field to be a function of $(x,t)$ taking values in the space $L_{\omega}^{p}:=L^{p}(\Omega)$ and introduces appropriate $L_{\omega}^{p}$-valued H\"{o}lder classes as the working spaces, for instance, the basic space used in \cite{rozovskiui1975stochastic,mikulevicius2000cauchy,du2015cauchy} and also in the present paper defined to be the set of all jointly measurable random fields $u$ such that \[ \|u\|_{\mathcal{C}_{p}^{\delta}}:=\bigg[\sup_{t,\,x}\E|u(x,t)|^{p}+\sup_{t,\,x\neq y}\frac{\E|u(x,t)-u(y,t)|^{p}}{|x-y|^{\delta p}}\bigg]^{\frac{1}{p}}<\infty \] with some constants $\delta\in(0,1)$ and $p\in[2,\infty)$. Each random field in this space $\mathcal{C}_{p}^{\delta}$ is stochastically continuous in space, and if $\delta p>d$ it has a modification H\"{o}lder continuous in space by Kolmogorov's theorem. For the Cauchy problem for parabolic SPDEs (not systems), a $C^{2+\delta}$-theory was once an open problem proposed by \cite{krylov1999analytic}; based on the H\"{o}lder class $\mathcal{C}_{p}^{\delta}$ it was partially addressed by \cite{mikulevicius2000cauchy} and generally solved by \cite{du2015cauchy,du2016schauder} very recently. They proved that, \emph{under natural conditions on the coefficients, the solution $u$ and its derivatives $\partial u$ and $\partial^{2}u$ belong to the class $\mathcal{C}_{p}^{\delta}$ if $f$, $g$ and $\pd g$ belong to this space}; \cite{du2015cauchy} further obtained the H\"{o}lder continuity in time of $\partial^{2}u$. The main results of the theory are sharp in that they could not be improved under the same assumptions. Extensions to the Cauchy\textendash Dirichlet problem of SPDEs can be found in \cite{mikulevicius2003cauchy,mikulevicius2006cauchy}, and for more related results, we refer the reader to, for instance, \cite{chow1994stochastic,bally1995approximation,tang2016cauchy}. Nevertheless, $C^{2+\delta}$-theory for systems of SPDEs is not known in the literature. The purpose of this paper is to construct such a $C^{2+\delta}$-theory for systems of type \eqref{eq:main} under mild conditions. Like the situation in the $L^p$ framework this extension is also nontrivial as some new features emerge in the system of SPDEs comparing with single equations. It is well-known that the well-posedness of a second order SPDE is usually guaranteed by certain coercivity conditions. For system \eqref{eq:main}, \cite{Kim2013w} recently obtained $W_{2}^{n}$-solutions under the following algebraic condition: there is a constant $\kappa>0$ such that \begin{equation} \big(2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}\big)\xi_{i}^{\alpha}\xi_{j}^{\beta}\ge\kappa|\xi|^{2}\quad\forall\,\xi\in\R^{d\times N}.\label{eq:parabolic} \end{equation} Although it is a natural extension of the strong ellipticity condition for PDE systems ($\sigma\equiv0$, see for example \cite{schlag1996schauder}) and of the stochastic parabolicity condition for SPDEs ($N=1$, see for example \cite{krylov1999analytic}), the following example constructed by \cite{kim2013note} reveals that condition \eqref{eq:parabolic} is not sufficient to ensure the finiteness of $L_{\omega}^{p}$-norm of the solution of some system even the given data are smooth, and some structure condition stronger than \eqref{eq:parabolic} is indispensable to establish a general $L^{p}$ or $C^{2+\delta}$ theory for systems of type \eqref{eq:main}. \begin{example} \label{exa:counterexam}Let $d=1$, $N=2$ and $p>2$. Consider the following system: \begin{equation} \bigg\{\begin{aligned}\md u^{(1)} & =u_{xx}^{(1)}\,\md t-\mu u_{x}^{(2)}\,\md\BM_{t},\\ \md u^{(2)} & =u_{xx}^{(2)}\,\md t+\mu u_{x}^{(1)}\,\md\BM_{t} \end{aligned} \label{eq:ceg} \end{equation} with the initial data \[ u^{(1)}(x,0)=\me^{-\frac{x^{2}}{2}},\quad u^{(2)}(x,0)=0, \] where $\mu$ is a given constant. In this case, condition \eqref{eq:parabolic} reads $\mu^{2}<2$, but we will see that this is not sufficient to ensure the finiteness of $\E|\bm{u}(x,t)|^{p}$ with $p>2$. Set $v=u^{(1)}+\sqrt{-1}u^{(2)}$, and the above system turns to a single equation: \begin{equation} \md v=v_{xx}\,\md t+\sqrt{-1}\mu v_{x}\,\md\BM_{t}\label{eq:complex} \end{equation} with $v(x,0)=u^{(1)}(x,0)$. It can be verified directly by It\^{o}'s formula that \[ v(x,t)= {1 \over \sqrt{1+(2+\mu^{2})t}} \exp \biggl\{ {-\frac{(x+\sqrt{-1}\mu\BM_{t})^{2}}{2[1+(2+\mu^{2})t]}} \biggr\} \] solves \eqref{eq:complex} with the given initial condition. So we can compute \begin{align} \E|\bm{u}(x,t)|^{p} & =\E|v(x,t)|^{p}\label{eq:example-lp}\\ & =\frac{1}{\sqrt{2\pi t}}\frac{1}{[1+(2+\mu^{2})t]^{p/2}}\,\me^{-\frac{px^{2}}{2[1+(2+\mu^{2})t]}}\int_{\R}\me^{-\frac{y^{2}}{2t}\bigl[1-\frac{p\mu^{2}t}{1+(2+\mu^{2})t}\bigr]}\,\md y.\nonumber \end{align} It is noticed that \[ 1-\frac{p\mu^{2}t}{1+(2+\mu^{2})t}\to\frac{2-(p-1)\mu^{2}}{2+\mu^{2}}\quad\text{as}\;t\to\infty, \] which implies that if \begin{equation} \mu^{2}>\frac{2}{p-1},\label{eq:exam-cond} \end{equation} the integral in \eqref{eq:example-lp} diverges for large $t$, and $\E|\bm{u}(x,t)|^{p}=\infty$ for every $x$. \end{example} A major contribution of this paper is the finding of a general coercivity condition that ensures us to construct a general $C^{2+\delta}$-theory for system \eqref{eq:main}. The basic idea is to impose an appropriate correction term involving $p$ to the left-hand side of \eqref{eq:parabolic}. More specifically, we introduce \begin{defn}[MSP condition] \label{cond:msp}Let $p\in[2,\infty)$. The coefficients $a=(a_{\alpha\beta}^{ij})$ and $\sigma=(\sigma_{\alpha\beta}^{ik})$ are said to satisfy the {\em modified stochastic parabolicity (MSP) condition} if there are measurable functions $\lambda_{\alpha\beta}^{ik}:\R^{d}\times[0,\infty)\times\PS\to\R$ with $\lambda_{\alpha\beta}^{ik}=\lambda_{\beta\alpha}^{ik}$, such that \begin{equation} \mathcal{A}_{\alpha\beta}^{ij}(p,\lambda):=2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}-(p-2)(\sigma_{\gamma\alpha}^{ik}-\lambda_{\gamma\alpha}^{ik})(\sigma_{\gamma\beta}^{jk}-\lambda_{\gamma\beta}^{jk})\label{eq:Aij} \end{equation} satisfy the \emph{Legendre\textendash Hadamard condition}: there is a constant $\kappa>0$ such that \begin{equation} \label{eq:lp-condition} \mathcal{A}_{\alpha\beta}^{ij}(p,\lambda)\,\xi_{i}\xi_{j}\eta^{\alpha}\eta^{\beta}\ge\kappa|\xi|^{2}|\eta|^{2} \quad\forall\,\xi\in\R^{d},\ \eta\in\R^{N} \end{equation} everywhere on $\R^{d}\times[0,\infty)\times\PS$. \end{defn} In particular, the following criteria for the MSP condition, simplified by taking $\lambda_{\alpha\beta}^{ik}=0$ and $\lambda_{\alpha\beta}^{ik}=(\sigma_{\alpha\beta}^{ik}+\sigma_{\beta\alpha}^{ik})/2$ respectively in \eqref{eq:Aij}, could be very convenient in applications. \begin{lem}\label{lem1} The MSP condition is satisfied if either \begin{enumerate} \item[{\em (i)}] $2a_{\alpha\beta}^{ij}-(p-1)\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}$ or \item[{\em (ii)}] $2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}-(p-2)\widehat{\sigma}_{\gamma\alpha}^{ik}\widehat{\sigma}_{\gamma\beta}^{jk}$ with $\widehat{\sigma}_{\alpha\beta}^{ik}:=(\sigma_{\alpha\beta}^{ik}-\sigma_{\beta\alpha}^{ik})/2$ \end{enumerate} satisfies the Legendre\textendash Hadamard condition. \end{lem} Evidently, the MSP condition is \emph{invariant} under change of basis of $\R^{d}$ or under orthogonal transformation of $\R^{N}$. Also the Legendre\textendash Hadamard condition (see for example \cite{giaquinta1993introduction}) is more general than the strong ellipticity condition. The MSP condition coincides with the Legendre\textendash Hadamard condition for PDE systems and the stochastic parabolicity condition for SPDEs. Besides when $p=2$ it becomes \begin{equation} \big(2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}\big)\xi_{i}\xi_{j}\eta^{\alpha}\eta^{\beta}\ge\kappa|\xi|^{2}|\eta|^{2}\quad\forall\,\xi\in\R^{d},\ \eta\in\R^{N}\label{eq:p2} \end{equation} which is weaker than \eqref{eq:parabolic} used in \cite{Kim2013w}. Moreover, the case (ii) in Lemma~\ref{lem1} shows that the MSP condition is also reduced to \eqref{eq:p2} if the matrices $B^{ik}=[\sigma_{\alpha\beta}^{ik}]_{N\times N}$ are close to be symmetric. Nevertheless, the generality of the MSP condition cannot be covered by these cases in Lemma~\ref{lem1}, which is illustrated by Example~\ref{lem:last} in the final section. Example \ref{exa:counterexam} illustrates that in \eqref{eq:Aij} the coefficient of the correction term $p-2$ is \emph{optimal} to guarantee the Schauder regularity for the SPDEs \eqref{eq:main}. Indeed, if $p>2$ is fixed and the coefficient $p-2$ in \eqref{eq:Aij} drops down a bit to $p-2-\eps>0$, we can choose the value of $\mu$ satisfying \[ \frac{2}{p-1}<\mu^{2}<\frac{2}{p-1-\eps}, \] then it is easily verified that system \eqref{eq:ceg} satisfies \eqref{eq:lp-condition} in this setting by taking $\lambda_{\alpha\beta}^{ik}=0$ and $p-2$ replaced by $p-2-\eps$. However, Example \ref{exa:counterexam} has showed that when $t$ is large enough $\E|\bm{u}(x,t)|^{p}$ becomes infinite for such a choice of $\mu$, let alone the $\mathcal{C}_{p}^{\delta}$-norm of the solution. More examples in this respect are discussed in the final section. Technically speaking, the MSP condition is explicitly used to derive a class of mixed norm estimates for the model system in the space $L^{p}(\PS;W_{2}^{n})$. A similar issue was addressed in \cite{brzezniak2012stochastic} for a nonlocal SPDE. Owing to Sobolev's embedding the mixed norm estimates lead to the local boundedness of $\E|\pd^{m}\bm{u}(x,t)|^{p}$, which plays a key role in the derivation of the foundamental interior estimate of Schauder-type for system \eqref{eq:main}. The paper is organised as follows. In the next section we introduce some notations and state our main results. In Sections \ref{sec:Integral-estimates-for} and \ref{sec:Interior-H=0000F6lder-estimates} we consider the model system \[ \md u^{\alpha}=\big(a_{\alpha\beta}^{ij}\partial_{ij}u^{\beta}+f_{\alpha}\big)\md t+\big(\sigma_{\alpha\beta}^{ik}\partial_{i}u^{\beta}+g_{\alpha}^{k}\big)\,\md\BM_{t}^{k}, \] where the coefficients $a$ and $\sigma$ are \emph{random} but independent of $x$. We prove the crucial mixed norm estimates in Section \ref{sec:Integral-estimates-for}, and then establish the interior H\"{o}lder estimate in Section \ref{sec:Interior-H=0000F6lder-estimates}. In Section \ref{sec:H=0000F6lder-estimates-for} we complete the proofs of our main results. The final section is devoted to more comments and examples on the sharpness and flexibility of the MSP condition. \section{\label{sec:Main-results}Main results} Let us first introduce our working spaces and associated notation. A Banach-space valued H\"{o}lder continuous function is defined analogously to the classical H\"{o}lder continuous function. Let $E$ be a Banach space, $\mathcal{O}$ a domain in $\R^{d}$ and $I$ an interval. We define the parabolic modulus \[ |X|_{{\rm p}}=|x|+\sqrt{|t|}\quad\text{for}\ X=(x,t)\in Q:=\mathcal{O}\times I. \] For a space-time function $\bm{u}:Q\to E$, we define \begin{align*} [\bm{u}]_{m;Q}^{E} & :=\sup \{\|\pd^{\mathfrak{s}}\bm{u}(X)\|_{E}: X=(x,t)\in Q,\, |\mathfrak{s}| = m\},\\ |\bm{u}|_{m;Q}^{E} & :=\max\{[\bm{u}]_{k;Q}^{E}: k\le m \},\\ [\bm{u}]_{m+\delta;Q}^{E} & :=\sup_{|\mathfrak{s}|=m}\sup_{t\in I}\sup_{x,y\in\mathcal{O}}\frac{\|\pd^{\mathfrak{s}}\bm{u}(x,t)-\pd^{\mathfrak{s}}\bm{u}(y,t)\|_{E}}{|x-y|^{\delta}},\\ |\bm{u}|_{m+\delta;Q}^{E} & :=|\bm{u}|_{m;Q}^{E}+[\bm{u}]_{m+\delta;Q}^{E},\\{} [\bm{u}]_{(m+\delta,\delta/2);Q}^{E} & :=\sup_{|\mathfrak{s}|=m}\sup_{X,Y\in Q}\frac{\|\pd^{\mathfrak{s}}\bm{u}(X)-\pd^{\mathfrak{s}}\bm{u}(Y)\|_{E}}{|X-Y|_{{\rm p}}^{\delta}},\\ |\bm{u}|_{(m+\delta,\delta/2);Q}^{E} & :=|\bm{u}|_{m;Q}^{E}+[\bm{u}]_{(m+\delta,\delta/2);Q}^{E} \end{align*} with $m\in\mathbf{N}:=\{0,1,2,\dots\}$ and $\delta\in(0,1)$, where $\mathfrak{s}=(\mathfrak{s}_1,\cdots,\mathfrak{s}_d)\in\mathbf{N}^{d}$ with $|\mathfrak{s}|=\sum_{i=1}^{d}\mathfrak{s}_i$, and all the derivatives of an $E$-valued function are defined with respect to the \emph{spatial variable} in the strong sense, see \cite{hille1957functional}. In the following context, the space $E$ is either i) an Euclidean space, ii) the space $\ell^2$, or iii) $L_{\omega}^{p}:=L^{p}(\PS)$ (abbreviation for $L^p_\omega$ for both $L^{p}(\PS;\R^N)$ or $L^{p}(\PS;\ell^2)$). We omit the superscript in cases (i) and (ii), and in case (iii), we introduce some new notation: \begin{align*} [\hspace{-0.33ex}[\bm{u}]\hspace{-0.33ex}]_{m+\delta,p;Q} & :=[\bm{u}]_{m+\delta;Q}^{L_{\omega}^{p}}\ ,\quad[\hspace{-0.33ex}[\bm{u}]\hspace{-0.33ex}]_{(m+\delta,\delta/2),p;Q}:=[\bm{u}]_{(m+\delta,\delta/2);Q}^{L_{\omega}^{p}},\\ |\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{m+\delta,p;Q} & :=|\bm{u}|_{m+\delta;Q}^{L_{\omega}^{p}}\ ,\quad\!\!|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(m+\delta,\delta/2),p;Q}:=|\bm{u}|_{(m+\delta,\delta/2);Q}^{L_{\omega}^{p}}. \end{align*} As the random fields in this paper take values in different spaces like $\R^N$ (say, ${\bm u}$ and ${\bm f}$) or $\ell^2$ (say, ${\bm g}$), we shall use $|\cdot|$ uniformly for the standard norms in Euclidean spaces and in $\ell^2$, and $L^p_\omega$ for both $L^{p}(\PS;\R^N)$ and $L^{p}(\PS;\ell^2)$; the specific meaning of the notation can be easily understood in context. \begin{defn*} The H\"{o}lder classes $C_{x}^{m+\delta}(Q;L_{\omega}^{p})$ and $C_{x,t}^{m+\delta,\delta/2}(Q;L_{\omega}^{p})$ are defined as the sets of all \emph{predictable} random fields $\bm{u}$ defined on $Q\times\PS$ and taking values in an Euclidean space or $\ell^2$ such that $|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{m+\delta,p;Q}$ and $|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(m+\delta,\delta/2),p;Q}$ are finite, respectively. \end{defn*} The following notation for special domains are frequently used: \[ B_{r}(x)=\big\{ y\in\R^{d}:|y-x|<r\big\},\quad Q_{r}(x,t)=B_{r}(x)\times(t-r^{2},t], \] and $B_{r}=B_{r}(0)$, $Q_{r}=Q_{r}(0,0)$, and also \[ \mathcal{Q}_{r,T}(x):=B_{r}(x)\times(0,T],\quad\mathcal{Q}_{r,T}=\mathcal{Q}_{r,T}(0)\quad\text{and}\quad\mathcal{Q}_{T}:=\R^{d}\times(0,T]. \] \begin{assumption*} The following conditions are used throughout the paper unless otherwise stated: \begin{enumerate} \item[{\em i)}] For all $i,j=1,\dots,d$ and $\alpha,\beta=1,\dots,N$, the random fields $a_{\alpha\beta}^{ij},b_{\alpha\beta}^{i},c_{\alpha\beta}$ and $f_{\alpha}$ are real-valued, and $\sigma_{\alpha\beta}^{i},\nu_{\alpha\beta}$ and $g_{\alpha}$ are $\ell^{2}$-valued; all of them are predictable. \item[{\em ii)}] $a_{\alpha\beta}^{ij}$ and $\sigma_{\alpha\beta}^{i}$ satisfy the MSP condition with some $p\in[2,\infty)$. \item[{\em iii)}] For some $\delta\in(0,1)$, the classical $C_{x}^{\delta}$-norms of $a_{\alpha\beta}^{ij},b_{\alpha\beta}^{i}$ and $c_{\alpha\beta}$, and the $C_{x}^{1+\delta}$-norms of $\sigma_{\alpha\beta}^{i}$ and $\nu_{\alpha\beta}$ are all dominated by a constant $K$. \end{enumerate} \end{assumption*} We are ready to state the main results of the paper. The first result is the a priori \emph{interior H\"{o}lder estimates} for system \eqref{eq:main}. \begin{thm} \label{thm:interior}Under the above setting, there exist two constants $\rho_{0}\in(0,1)$ and $C>0$, both depending only on $d,N,\kappa,K,p$ and $\delta$, such that if $\bm{u}\in C^{2+\delta}_x(Q_1(X);L^p_\omega)$ satisfies \eqref{eq:main} in $Q_1(X)$ with $X=(x,t)\in\R^d\times[1,\infty)$, then \begin{align} \label{eq:interior} &\rho^{2+\delta}[\hspace{-0.33ex}[\pd^{2}\bm{u}]\hspace{-0.33ex}]_{(\delta,\delta/2),p;Q_{\rho/2}(X)} \\ & \le C\Big\{\rho^{2}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;Q_{\rho}(X)}+\rho\,|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;Q_{\rho}(X)}+\rho^{-\frac{d}{2}}\big[\E\|\bm{u}\|_{L^{2}(Q_{\rho}(X))}^{p}\big]^{\!\frac{1}{p}}\Big\} \nonumber \end{align} for any $\rho\in(0,\rho_{0}]$, provided the right-hand side is finite. \end{thm} By rescaling one can obtain the local estimate arround any point $X\in \R^d\times(0,\infty)$. \smallskip The second theorem is regarding the global H\"{o}lder estimate and solvability for the Cauchy problem for system \eqref{eq:main} with zero initial condition. \begin{thm} \label{thm:cauchy}Under the above setting, if $\bm{f}\in C^{\delta}_x(\mathcal{Q}_{T};L_{\omega}^{p})$ and $\bm{g}\in C_{x}^{1+\delta}(\mathcal{Q}_{T};L_{\omega}^{p})$ with $T>0$, then system \eqref{eq:main} with the initial condition \[ \bm{u}(x,0)=\bm{0}\quad\forall\,x\in\R^{d} \] admits a unique solution $\bm{u}\in C_{x,t}^{2+\delta,\delta/2}(\mathcal{Q}_{T};L_{\omega}^{p})$, and it satisfies the estimate \begin{equation} |\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{T}}\le C\,\me^{CT}\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{T}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{T}}\big),\label{eq:global} \end{equation} where the constant $C$ depends only on $d,N,\kappa,K,p$ and $\delta$. \end{thm} \begin{rem*} Theorem \ref{thm:cauchy} still holds true if the system is considered on the torus $\mathbf{T}^{d}=\R^{d}/\mathbf{Z}^{d}$ instead of $\R^{d}$. \end{rem*} \begin{rem*} The above theorems show that the solutions possess the H\"older continuity in time even with time-irregular coefficients and free terms. A similar property of classical PDEs is well-known in the literature, see for example~\cite{lieberman1996second,dong2015schauder} and references therein. In view of an anisotropic Kolmogorov continuity theorem (see \cite{dalang2007hitting}) the solution obtained in Theorem~\ref{thm:cauchy} has a modification that is H\"older continuous jointly in space and time. \end{rem*} \section{\label{sec:Integral-estimates-for}Integral estimates for the model system} Throughout this section we assume that $a_{\alpha\beta}^{ij}$ and $\sigma_{\alpha\beta}^{ik}$ depend only on $(t,\omega)$, but \emph{independent of $x$}, satisfying the MSP condition (in this case {\em $\lambda_{\alpha\beta}^{ik}$ is chosen to be independent of $x$}) and \begin{equation} |a_{\alpha\beta}^{ij}|,\;|\sigma_{\alpha\beta}^{ij}|\leq K,\quad\forall t,\omega,\label{eq:modeq-coe-bound} \end{equation} and we consider the following model system \begin{equation} \md u^{\alpha}=\big(a_{\alpha\beta}^{ij}\partial_{ij}u^{\beta}+f_{\alpha}\big)\md t+\big(\sigma_{\alpha\beta}^{ik}\partial_{i}u^{\beta}+g_{\alpha}^{k}\big)\,\md\BM_{t}^{k}.\label{eq:model} \end{equation} The aim of this section is to derive several auxiliary estimates for the model system which are used to prove the interior H\"{o}lder estimate in the next section. In this section and the next, {\em we may consider \eqref{eq:model} in the entire space $\R^n\times\R$.} On the one hand, we can always extend \eqref{eq:main} and \eqref{eq:model} to the entire space if we require $u(x,0)=0$. Indeed, the zero extensions of $\bm{u}$, $\bm{f}$ and $\bm{g}$ (i.e., these functions are defined to be zero for $t<0$) satisfy the equations in the entire space, where the extension of coefficients and Wiener processes are quite easy; for example, we can define $a_{\alpha\beta}^{ij}(t) = \delta^{ij}$ and $\sigma_{\alpha\beta}^{ik}=0$ for $t<0$, and $\BM_t := \tilde{\BM}_{-t}$ for $t<0$ with $\tilde{\BM}$ being an independent copy of $\BM$. On the other hand, we mainly concern the local estimates for the equation \eqref{eq:model} in the following two sections, so we can only focus on the estimates around the origin on account of a translation. Indeed, we can reduce the estimates around a point $(x_0,t_0)$ to the estimates around the origin by use of the change of variables $(x,t)\mapsto (x-x_0,t-t_0)$. Let $\mathcal{O}\in\R^{d}$ and $H^{m}(\mathcal{O})=W_{2}^{m}(\mathcal{O})$ be the usual Sobolev spaces. Let $I\subset\R$ be an interval and $Q=\mathcal{O}\times I$. For $p,q\in[1,\infty]$, define \[ L_{\omega}^{p}L_{t}^{q}H_{x}^{m}(Q):=L^{p}(\PS;L^{q}(I;H^{m}(\mathcal{O};\R^{N}))). \] In what follows, we denote $\partial^m \bm{u}$ the set of all $m$-order derivatives of a function $\bm{u}$. These $\partial^m \bm{u}(x)$ for each $x$ and $(\omega,t)$ are regarded as elements of a Euclidean space of proper dimension. Our $\mathcal{C}^{2+\delta}$-theory is grounded in the following mixed norm estimates for model system \eqref{eq:model}, in which the modified stochastic parabolicity condition \eqref{eq:lp-condition} plays a key role. \begin{thm} \label{thm:globe-lpl2}Let $p\in[2,\infty)$ and $m\geq 0$. Suppose $\bm{f}\in L_{\omega}^{p}L_{t}^{2}H_{x}^{m-1}(\mathcal{Q}_{T})$ and $\bm{g}\in L_{\omega}^{p}L_{t}^{2}H_{x}^{m}(\mathcal{Q}_{T})$. Then \eqref{eq:model} with zero initial value admits a unique solution $\bm{u}\in L_{\omega}^{p}L_{t}^{\infty}H_{x}^{m}(\mathcal{Q}_{T})\cap L_{\omega}^{p}L_{t}^{2}H_{x}^{m+1}(\mathcal{Q}_{T})$. Moreover, for any multi-index $\mathfrak{s}$ such that $|\mathfrak{s}|\leq m$, \begin{equation} \|\pd^{\mathfrak{s}}\bm{u}\|_{L_{\omega}^{p}L_{t}^{\infty}L_{x}^{2}}+\|\pd^{\mathfrak{s}}\bm{u}_{x}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}}\leq C\Big(\|\pd^{\mathfrak{s}}\bm{f}\|_{L_{\omega}^{p}L_{t}^{2}H_{x}^{-1}}+\|\pd^{\mathfrak{s}}\bm{g}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}}\Big),\label{eq:LPL2-est} \end{equation} where the constant $C$ depends only on $d,p,T,\kappa,$ and $K$. \end{thm} The proof of Theorem \ref{thm:globe-lpl2} is postponed to the end of this section. A quick consequence of this theorem is the following local estimates for model equations with smooth free terms. \begin{prop} \label{lem:local-LPL2-1}Let $m\geq1$, $p\geq2$, $r>0$ and $0<\theta<1$, and let ${\bm{u}}\in L_{\omega}^{p}L_{t}^{\infty}H_{x}^{m}(Q_{r})\cap L_{\omega}^{p}L_{t}^{2}H_{x}^{m+1}(Q_{r})$ solve \eqref{eq:model} in $Q_{r}$ with ${\bm{f}}\in L_{\omega}^{p}L_{t}^{2}H_{x}^{m-1}(Q_{r})$ and ${\bm{g}}\in L_{\omega}^{p}L_{t}^{2}H_{x}^{m}(Q_{r})$. Then there is a constant $C=C(d,p,\kappa,K,m,\theta)$ such that \begin{gather} \|\partial^{m}{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{\infty}L_{x}^{2}(Q_{\theta r})}+\|\partial^{m}{\bm{u}}_{x}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\theta r})}\le Cr^{-m-1}\|{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{r})}\label{eq:locallpl2-est-1-1}\\ + C \sum_{k=0}^{m-1} r^{-m+k+1} \|\partial^{k} \bm{f}\|_{L^p_\omega L^2_t L^2_{x}(Q_{r})} + C \sum_{k=0}^{m} r^{-m+k} \|\partial^k \bm{g}\|_{L^p_\omega L^2_t L^2_{x}(Q_{r})}.\nonumber \end{gather} Consequently, for $2(m-|\mathfrak{s}|)>d$, \begin{gather} \|\sup_{Q_{\theta r}}|\partial^{\mathfrak{s}}{\bm{u}}|\|_{L_{\omega}^{p}}\le Cr^{-|\mathfrak{s}|-d/2-1}\|{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{r})} \label{eq:locallpl2-est-2-1}\\ + C \sum_{k=0}^{m-1} r^{-|\mathfrak{s}|-d/2+k+1} \|\partial^{k} \bm{f}\|_{L^p_\omega L^2_t L^2_{x}(Q_{r})} + C \sum_{k=0}^{m} r^{-|\mathfrak{s}|-d/2+k} \|\partial^k \bm{g}\|_{L^p_\omega L^2_t L^2_{x}(Q_{r})}.\nonumber \end{gather} \end{prop} \begin{proof} It suffices to prove (\ref{eq:locallpl2-est-1-1}) as (\ref{eq:locallpl2-est-2-1}) follows from (\ref{eq:locallpl2-est-1-1}) immediately by Sobolev's embedding theorem \cite[Theorem~4.12]{adams2003sobolev}. Moreover for general $r>0$, we can apply the obtained estimates for $r=1$ to the rescaled function \[ {\bm{v}}(x,t):={\bm{u}}(rx,r^{2}t),\quad\forall(x,t)\in\R^{d}\times\R \] which solves the equation \begin{equation} \md v^{\alpha}(x,t)=\big(a_{\alpha\beta}^{ij}(r^{2}t)\partial_{ij}v^{\beta}(x,t)+F_{\alpha}\big)\md t+\big(\sigma_{\alpha\beta}^{ik}(r^{2}t)\partial_{i}v^{\beta}(x,t)+G_{\alpha}^{k}\big)\,\md\beta_{t}^{k},\label{eq:model-1-1} \end{equation} with \[ F_{\alpha}(x,t)=r^{2}f_{\alpha}(rx,r^{2}t),\quad G_{\alpha}^{k}(x,t)=rg(rx,r^{2}t),\quad\beta_{t}^{k}=r^{-1}\BM_{r^{2}t}^{k}. \] Obviously, $\beta^{k}$ are mutually independent standard Wiener processes. For any $\theta\in(0,1)$, choose cut-off functions $\zeta^{\ell}\in C_{0}^{\infty}(\R^{d+1})$, $\ell=1,2$, satisfying i) $0\leq\zeta^{\ell}\leq1$, ii) $\zeta^{1}=1$ in $Q_{\sqrt{\theta}}$ and $\zeta^{1}=0$ outside $Q_{1}$, and iii) $\zeta^{2}=1$ in $Q_{\theta}$ and $\zeta^{2}=0$ outside $Q_{\sqrt{\theta}}$. Then ${\bm{v}}_{\ell}=\zeta^{\ell}{\bm{u}}$ ($\ell=1,2$) satisfy \begin{equation} \md v_{l}^{\alpha}=\big(a_{\alpha\beta}^{ij}\partial_{ij}v_{\ell}^{\beta}+\tilde{f}_{\ell,\alpha}\big)\md t+\big(\sigma_{\alpha\beta}^{ik}\partial_{i}v_{\ell}^{\beta}+\tilde{g}_{\ell,\alpha}^{k}\big)\,\md\BM_{t}^{k},\quad\ell=1,2,\label{eq:Loc-lpl2-1-1} \end{equation} where \begin{align*} \tilde{f}_{\ell,\alpha} & =\zeta^{\ell}f_{\alpha}-a_{\alpha\beta}^{ij}(\zeta_{x_{i}}^{\ell}u^{\beta})_{x_{j}}+a_{\alpha\beta}^{ij}\zeta_{x_{i}x_{j}}^{\ell}u^{\beta}+(\pd_{t}\zeta^{\ell})u^{\alpha},\\ \tilde{g}_{\ell,\alpha}^{k} & =\zeta^{\ell}g_{\alpha}^{k}-\sigma_{\alpha\beta}^{ik}\zeta_{x_{i}}^{\ell}u^{\beta},\quad\ell=1,2. \end{align*} Applying Theorem \ref{thm:globe-lpl2} to (\ref{eq:Loc-lpl2-1-1}) for $\ell=1$, $\mathfrak{s}=0$ and for $\ell=2$, $|\mathfrak{s}|=1$, we have \begin{align*} & \|{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{\infty}L_{x}^{2}(Q_{\sqrt{\theta}})}+\|{\bm{u}}_{x}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\sqrt{\theta}})}\\ & \,\,\leq C\Big(\|{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1})}+\|{\bm{f}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1})}+\|{\bm{g}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1})}\Big);\\ & \|\pd^{\mathfrak{s}}{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{\infty}L_{x}^{2}(Q_{\theta})}+\|\pd^{\mathfrak{s}}{\bm{u}}_{x}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\theta})}\\ & \,\,\leq C\Big(\|{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\sqrt{\theta}})}+\|\pd^{\mathfrak{s}}{\bm{u}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\sqrt{\theta}})}\|+\|{\bm{f}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\sqrt{\theta}})}+\|\pd^{\mathfrak{s}}{\bm{g}}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\sqrt{\theta}})}\Big). \end{align*} Combining these two estimates, we have \eqref{eq:locallpl2-est-1-1} for $m=1$. Higher order estimates follows from induction. The proof is complete. \end{proof} Another consequence of Theorem \ref{thm:globe-lpl2} is the following lemma concerning the estimates for equation \eqref{eq:model} with the Cauchy\textendash Dirichlet boundary conditions: \begin{equation} \bigg\{\begin{aligned}\bm{u}(x,0) & =0,\quad\forall\,x\in B_{r};\\ \bm{u}(x,t) & =0,\quad\forall\,(x,t)\in\partial B_{r}\times(0,T]. \end{aligned} \label{eq:dirich} \end{equation} \begin{prop} \label{lem:dirich}Let $\bm{f}=\bm{f}^{0}+\pd_{i}\bm{f}^{i}$ and $\bm{f}^{0},\bm{f}^{1},\dots,\bm{f}^{d},\bm{g}\in L^p_\omega L^2_t H^m_{x}(\mathcal{Q}_{r,r^2})$ for all $m\ge 0$. Then problem \eqref{eq:model} and \eqref{eq:dirich} admits a unique solution $\bm{u}\in L_{\omega}^{2}L_{t}^{2}H_{x}^{1}(\mathcal{Q}_{r,r^2})$, and for each $t\in(0,r^2)$, $\bm{u}(\cdot,t)\in L^{p}(\PS;C^{m}(B_{\eps};\R^{N}))$ with any $m\ge0$ and $\eps\in(0,r)$. Moreover, there is a constant $C=C(n,p)$ such that \begin{equation} \|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(\mathcal{Q}_{r,r^{2}})}\leq C\Big(r^{2}\|\bm{f}^{0}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(\mathcal{Q}_{r,r^{2}})}+r\|(\bm{f}^{1},\dots,\bm{f}^{d},\bm{g})\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(\mathcal{Q}_{r,r^{2}})}\Big).\label{eq:dirich-est} \end{equation} \end{prop} \begin{proof} The existence, uniqueness and smoothness of the solution of problem \eqref{eq:model} and \eqref{eq:dirich} follow from \cite[Theorem 4.8]{Kim2013w}, and \eqref{eq:dirich-est} from \eqref{eq:LPL2-est} and rescaling. We remark that, although the results in \cite{Kim2013w} used condition \eqref{eq:parabolic}, Lemma \ref{lem:LH} below ensures that those results remain valid for the model equation \eqref{eq:model} under condition \eqref{eq:p2} that is implied by the MSP condition. \end{proof} The following lemma is standard (cf. \cite{giaquinta1993introduction}). \begin{lem} \label{lem:LH}If the real numbers $A_{\alpha\beta}^{ij}$ satisfy the Legendre\textendash Hadamard condition, then there exists a constant $\epsilon>0$ depending only on $d,N$ and $\kappa$ such that \[ \int_{\R^{d}}A_{\alpha\beta}^{ij}\pd_{i}u^{\alpha}\pd_{j}u^{\beta}\ge\epsilon\int_{\R^{d}}|\pd\bm{u}|^{2} \] for any $\bm{u}\in H^{1}(\R^{d};\R^{N})$. \end{lem} The rest of this section is devoted to the proof of Theorem \ref{thm:globe-lpl2}. \begin{proof}[Proof of Theorem \ref{thm:globe-lpl2}] According to Theorem 2.3 in \cite{Kim2013w} the model system (\ref{eq:model}) with zero initial value admits a unique solution \[ {\bm{u}}\in L_{\omega}^{2}L_{t}^{\infty}H_{x}^{m}(\mathcal{Q}_{T})\cap L_{\omega}^{2}L_{t}^{2}H_{x}^{m+1}(\mathcal{Q}_{T}). \] Noting that $\bm{u}\in L_{\omega}^{p}L_{t}^{\infty}H_{x}^{m}(\mathcal{Q}_{T})\cap L_{\omega}^{p}L_{t}^{2}H_{x}^{m+1}(\mathcal{Q}_{T})$ follows from estimate (\ref{eq:LPL2-est}) by approximation, it remains to prove (\ref{eq:LPL2-est}). As we can differentiate (\ref{eq:model}) with order $\mathfrak{s}$, it suffices to show (\ref{eq:LPL2-est}) for $m=0$. By It\^{o}'s formula, we derive \begin{align} \md|\bm{u}|^{2} & =\big[-\big(2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}\big)\pd_{i}u^{\alpha}\pd_{j}u^{\beta}+2a_{\alpha\beta}^{ij}\pd_{i}\big(u^{\alpha}\pd_{j}u^{\beta}\big)\big]\,\md t\\ & \quad+\big(2u^{\alpha}f_{\alpha}+2\sigma_{\alpha\beta}^{ik}\pd_{i}u^{\beta}g_{\alpha}^{k}+|\bm{g}|^{2}\big)\,\md t+2\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md\BM_{t}^{k}.\nonumber \end{align} Integrating with respect to $x$ over $\R^{d}$ and using the divergence theorem, we have \begin{align} & \md\|\bm{u}(\cdot,t)\|_{L_{x}^{2}}^{2}\label{eq:l2-ito-2}\\ & =\int_{\R^{d}}\big[-\big(2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}\big)\pd_{i}u^{\alpha}\pd_{j}u^{\beta}+2u^{\alpha}f_{\alpha}+2\sigma_{\alpha\beta}^{ik}\pd_{i}u^{\beta}g_{\alpha}^{k}+|\bm{g}|^{2}\big]\,\md x\md t\nonumber \\ & \quad+\int_{\R^{d}}2\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\,\md\BM_{t}^{k}.\nonumber \end{align} Applying It\^{o}'s formula to $\|\bm{u}(\cdot,t)\|_{L_{x}^{2}}^{p}$ gives \begin{align*} & \md\|\bm{u}(\cdot,t)\|_{L_{x}^{2}}^{p}\\ & =\frac{p}{2}\|\bm{u}\|_{L_{x}^{2}}^{p-2}\int_{\R^{d}}\big[-\big(2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}\big)\pd_{i}u^{\alpha}\pd_{j}u^{\beta}+2u^{\alpha}f_{\alpha}+2\sigma_{\alpha\beta}^{ik}\pd_{i}u^{\beta}g_{\alpha}^{k}+|\bm{g}|^{2}\big]\,\md x\,\md t\\ & \quad+\frac{p(p-2)}{2}\bm{1}_{\{\|\bm{u}\|_{L_{x}^{2}}\neq0\}}\|\bm{u}\|_{L_{x}^{2}}^{p-4}\sum_{k}\text{\ensuremath{\bigg[}}\int_{\R^{d}}\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\bigg]^{2}\,\md t\\ & \quad+p\|\bm{u}\|_{L_{x}^{2}}^{p-2}\int_{\R^{d}}\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\,\md\BM_{t}^{k}. \end{align*} Recalling the MSP condition for the definition of $\lambda_{\alpha\beta}^{ik}$ and that $\lambda_{\alpha\beta}^{ik}=\lambda_{\beta\alpha}^{ik}$, we compute \begin{align*} \sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta} & =(\sigma_{\alpha\beta}^{ik}-\lambda_{\alpha\beta}^{ik})u^{\alpha}\pd_{i}u^{\beta}+\lambda_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}\\ & =(\sigma_{\alpha\beta}^{ik}-\lambda_{\alpha\beta}^{ik})u^{\alpha}\pd_{i}u^{\beta}+\frac{1}{2}\lambda_{\alpha\beta}^{ik}\pd_{i}(u^{\alpha}u^{\beta}), \end{align*} so by the integration by parts, \[ \int_{\R^{d}}\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}\,\md x=\int_{\R^{d}}(\sigma_{\alpha\beta}^{ik}-\lambda_{\alpha\beta}^{ik})u^{\alpha}\pd_{i}u^{\beta}\,\md x. \] Using the MSP condition and Lemma \ref{lem:LH}, we can dominate the highest order terms: \begin{align*} & -\|\bm{u}\|_{L_{x}^{2}}^{2}\int_{\R^{d}}\!\!\big(2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}\big)\pd_{i}u^{\alpha}\pd_{j}u^{\beta}\,\md x+(p-2)\sum_{k}\bigg(\!\int_{\R^{d}}\!\!\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}\,\md x\!\bigg)^{\!2}\\ \le & -\|\bm{u}\|_{L_{x}^{2}}^{2}\int_{\R^{d}}\big(2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}\big)\pd_{i}u^{\alpha}\pd_{j}u^{\beta}\,\md x\\ & \qquad+(p-2)\|\bm{u}\|_{L_{x}^{2}}^{2}\sum_{k,\gamma}\int_{\R^{d}}\big[(\sigma_{\gamma\beta}^{ik}-\lambda_{\gamma\beta}^{ik})\pd_{i}u^{\beta}\big]^{2}\,\md x\\ = & -\|\bm{u}\|_{L_{x}^{2}}^{2}\int_{\R^{d}}\bigl[2a_{\alpha\beta}^{ij}-\sigma_{\gamma\alpha}^{ik}\sigma_{\gamma\beta}^{jk}-(p-2)(\sigma_{\gamma\alpha}^{ik}-\lambda_{\gamma\alpha}^{ik})(\sigma_{\gamma\beta}^{jk}-\lambda_{\gamma\beta}^{jk})\bigr]\pd_{i}u^{\alpha}\pd_{j}u^{\beta}\,\md x\\ \le & -\epsilon\|\bm{u}\|_{L_{x}^{2}}^{2}\|\pd\bm{u}\|_{L_{x}^{2}}^{2}. \end{align*} So we have \begin{align} & \md\|\bm{u}(\cdot,t)\|_{L_{x}^{2}}^{p}\label{eq:lp00}\\ & \le\frac{p}{2}\|\bm{u}\|_{L_{x}^{2}}^{p-2}\bigl(-\epsilon\|\pd\bm{u}\|_{L_{x}^{2}}^{2}+2\|\bm{u}\|_{H_{x}^{1}}\|\bm{f}\|_{H_{x}^{-1}}+C\|\bm{g}\|_{L_{x}^{2}}^{2}+C\|\pd\bm{u}\|_{L_{x}^{2}}\|\bm{g}\|_{L_{x}^{2}}\bigr)\,\md t\nonumber \\ & \quad+p\|\bm{u}\|_{L_{x}^{2}}^{p-2}\int_{\R^{d}}\big(\text{\ensuremath{\sigma}}_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\,\md\BM_{t}^{k}\nonumber \\ & \leq\Big[-\frac{p\epsilon}{4}\|\bm{u}\|_{L_{x}^{2}}^{p-2}\|\pd\bm{u}\|_{L_{x}^{2}}^{2}+C\|\bm{u}\|_{L_{x}^{2}}^{p}+C\|\bm{u}\|_{L_{x}^{2}}^{p-2}\big(\|\bm{f}\|_{H_{x}^{-1}}^{2}+\|\bm{g}\|_{L_{x}^{2}}^{2}\big)\Big]\,\md t\nonumber \\ & \quad+p\|\bm{u}\|_{L_{x}^{2}}^{p-2}\int_{\R^{d}}\big(\text{\ensuremath{\sigma}}_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\,\md\BM_{t}^{k}.\nonumber \end{align} Integrating with respect to time on $[0,s]$ for any $s\in[0,T]$, and keeping in mind the initial condition $\bm{u}(x,0)\equiv0$, we know that \begin{align} & \|\bm{u}(s)\|_{L_{x}^{2}}^{p}+\frac{p\epsilon}{4}\int_{0}^{s}\|\bm{u}\|_{L_{x}^{2}}^{p-2}\|\pd\bm{u}\|_{L_{x}^{2}}^{2}\,\md t\nonumber \\ & \le C\int_{0}^{s}\Big[\|\bm{u}(t)\|_{L_{x}^{2}}^{p}+\|\bm{u}\|_{L_{x}^{2}}^{p-2}\big(\|\bm{f}\|_{H_{x}^{-1}}^{2}+\|\bm{g}\|_{L_{x}^{2}}^{2}\big)\Big]\,\md t\label{eq:lpl2-1}\\ & \quad+\int_{0}^{s}p\|\bm{u}\|_{L_{x}^{2}}^{p-2}\int_{\R^{d}}\big[\text{\ensuremath{\sigma}}_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big]\,\md x\,\md\BM_{t}^{k},\quad\text{a.s.}\nonumber \end{align} Let $\tau\in[0,T]$ be a stopping time such that \[ \E\sup_{t\in[0,\tau]}\|\bm{u}(t)\|_{L_{x}^{2}}^{p}+\E\biggl(\int_{0}^{\tau}\|\pd\bm{u}(t)\|_{L_{x}^{2}}^{2}\,\md t\biggr)^{\frac{p}{2}}<\infty. \] Then it is easily verified that the last term on the right-hand side of (\ref{eq:lpl2-1}) is a martingale with parameter $s$. Taking the expectation on both sides of (\ref{eq:lpl2-1}), and by Young's inequality and Gronwall's inequality, we can obtain that \begin{align} \sup_{t\in[0,T]}\E\|{\bm{u}}(t\wedge\tau)\|_{L_{x}^{2}}^{p} & +\E\int_{0}^{\tau}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p-2}\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\,\md t\label{eq:Lpl2-2}\\ & \le C\E\int_{0}^{\tau}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p-2}\big(\|{\bm{f}}\|_{H_{x}^{-1}}^{2}+\|{\bm{g}}\|_{L_{x}^{2}}^{2}\big)\,\md t.\nonumber \end{align} On the other hand, by the Burkholder--Davis--Gundy (BDG) inequality (cf. \cite{revuz1999continuous}), we can derive from (\ref{eq:lpl2-1}) that \begin{align} & \E\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p}+\E\int_{0}^{\tau}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p-2}\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\,\md t\nonumber \\ \le\, & C\E\int_{0}^{\tau}\Big[\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p}+\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p-2}\big(\|{\bm{f}}\|_{H_{x}^{-1}}^{2}+\|{\bm{g}}\|_{L_{x}^{2}}^{2}\big)\Big]\,\md t\label{eq:LPL2-3}\\ & +C\E\bigg\{\int_{0}^{\tau}\|{\bm{u}}\|_{L_{x}^{2}}^{2(p-2)}\sum_{k}\bigg[\int_{\R^{d}}\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\bigg]^{2}\,\md t\bigg\}^{\frac{1}{2}},\nonumber \end{align} and by H\"{o}lder's inequality, the last term on the right-hand side of the above inequality is dominated by \begin{align*} & C\,\E\bigg[\int_{0}^{\tau}\|{\bm{u}}\|_{L_{x}^{2}}^{2(p-2)}\big(\|{\bm{u}}\|_{L_{x}^{2}}^{2}\|\pd{\bm{u}}\|_{L_{x}^{2}}^{2}+\|{\bm{u}}\|_{L_{x}^{2}}^{2}\|\bm{g}\|_{L_{x}^{2}}^{2}\big)\,\md t\bigg]^{\frac{1}{2}}\\ & \le C\,\E\bigg\{\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p/2}\bigg[\int_{0}^{\tau}\big(\|{\bm{u}}\|_{L_{x}^{2}}^{p-2}\|\pd{\bm{u}}\|_{L_{x}^{2}}^{2}+\|{\bm{u}}\|_{L_{x}^{2}}^{p-2}\|{\bm{g}}\|_{L_{x}^{2}}^{2}\big)\,\md t\bigg]^{\frac{1}{2}}\bigg\}\\ & \le\frac{1}{2}\,\E\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p}+C\E\int_{0}^{\tau}\|{\bm{u}}\|_{L_{x}^{2}}^{p-2}\|\pd{\bm{u}}\|_{L_{x}^{2}}^{2}\,\md t+C\int_{0}^{\tau}\|{\bm{u}}\|_{L_{x}^{2}}^{p-2}\|{\bm{g}}\|_{L_{x}^{2}}^{2}\,\md t, \end{align*} which along with (\ref{eq:Lpl2-2}) and (\ref{eq:LPL2-3}) yields that \begin{align*} \E\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p} & \leq C\E\int_{0}^{\tau}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p-2}\big(\|{\bm{f}}\|_{H_{x}^{-1}}^{2}+\|{\bm{g}}\|_{L_{x}^{2}}^{2}\big)\,\md t\\ & \leq C\E\bigg[\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p-2}\int_{0}^{\tau}\big(\|{\bm{f}}\|_{H_{x}^{-1}}^{2}+\|{\bm{g}}\|_{L_{x}^{2}}^{2}\big)\,\md t\bigg]\\ & \leq\frac{1}{2}\E\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p}+C\E\bigg[\int_{0}^{T}\big(\|{\bm{f}}\|_{H_{x}^{-1}}^{2}+\|{\bm{g}}\|_{L_{x}^{2}}^{2}\big)\,\md t\bigg]^{\frac{p}{2}}. \end{align*} Thus we gain the estimate \begin{equation} \frac{1}{C}\,\E\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p}\leq\E\bigg[\int_{0}^{T}\big(\|{\bm{f}}\|_{H_{x}^{-1}}^{2}+\|{\bm{g}}\|_{L_{x}^{2}}^{2}\big)\,\md t\bigg]^{\frac{p}{2}}=:F\label{eq:LPL2-4} \end{equation} with $C=C(d,\kappa,K,p,T)$. In order to estimate $\|\pd\bm{u}_{x}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}}$, we go back to (\ref{eq:l2-ito-2}). Bearing in mind Condition (\ref{eq:lp-condition}) (actually here we only need the weaker one (\ref{eq:p2})) we can easily get that \begin{align*} \|{\bm{u}}(\tau)\|_{L_{x}^{2}}^{2}+\epsilon\int_{0}^{\tau}\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\,\md t & \le\int_{0}^{\tau}\int_{\R^{d}}\big(2u^{\alpha}f_{\alpha}+2\sigma_{\alpha\beta}^{ik}\pd_{i}u^{\beta}g_{\alpha}^{k}+|{\bm{g}}|^{2}\big)\,\md x\,\md t\\ & \quad+\int_{0}^{\tau}\int_{\R^{d}}2\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\,\md\BM_{t}^{k}, \end{align*} where $\epsilon$ is the constant in Lemma \ref{lem:LH}. Computing $\E[\,\cdot\,]^{p/2}$ on both sides of the above inequality and by H\"{o}lder's inequality and the BDG inequality, we derive that \begin{align*} & \E\biggl(\int_{0}^{\tau}\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\,\md t\biggr)^{\!\frac{p}{2}}\\ \le\, & \frac{1}{4}\E\biggl(\int_{0}^{\tau}\|{\bm{u}}(t)\|_{H_{x}^{1}}^{2}\,\md t\biggr)^{\!\frac{p}{2}}+CF+C\E\bigg|\int_{0}^{\tau}\int_{\R^{d}}\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\,\md\BM_{t}^{k}\bigg|^{\frac{p}{2}}\\ \le\, & \frac{1}{4}\E\biggl(\int_{0}^{\tau}\|{\bm{u}}(t)\|_{H_{x}^{1}}^{2}\,\md t\biggr)^{\!\frac{p}{2}}+CF+C\E\bigg[\sum_{k}\int_{0}^{\tau}\bigg\{\int_{\R^{d}}\big(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k}\big)\,\md x\bigg\}^{\!2}\!\md t\bigg]^{\!\frac{p}{4}}\\ \le\, & \frac{1}{4}\E\biggl(\int_{0}^{\tau}\|{\bm{u}}(t)\|_{H_{x}^{1}}^{2}\,\md t\biggr)^{\!\frac{p}{2}}+CF+C\,\E\bigg[\int_{0}^{\tau}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\big(\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}+\|{\bm{g}}(t)\|_{L_{x}^{2}}^{2}\big)\,\md t\bigg]^{\!\frac{p}{4}}\\ \le\, & \frac{1}{2}\E\biggl(\int_{0}^{\tau}\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\,\md t\biggr)^{\!\frac{p}{2}}+C\,\E\!\sup_{t\in[0,\tau]}\!\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p}+CF. \end{align*} which along with (\ref{eq:LPL2-4}) implies \[ \E\sup_{t\in[0,\tau]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{p}+\E\biggl(\int_{0}^{\tau}\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\,\md t\biggr)^{\frac{p}{2}}\le CF, \] where the constant $C$ depends only on $d,p,T,\kappa,$ and $K$, but is independent of $\tau$. Finally, we take the stopping time $\tau$ to be \[ \tau_{n}:=\inf\bigg\{ s\ge0:\sup_{t\in[0,s]}\|{\bm{u}}(t)\|_{L_{x}^{2}}^{2}+\int_{0}^{s}\|\pd{\bm{u}}(t)\|_{L_{x}^{2}}^{2}\,\md t\ge n\bigg\}\wedge T, \] and letting $n$ tend to infinity we obtain the estimate (\ref{eq:LPL2-est}) with $m=0$. Theorem \ref{thm:globe-lpl2} is proved. \end{proof} \section{\label{sec:Interior-H=0000F6lder-estimates}Interior H\"{o}lder estimates for the model system} The aim of this section is to prove the interior H\"{o}lder estimates for the model equation \eqref{eq:model}. The conditions \eqref{eq:lp-condition} and \eqref{eq:modeq-coe-bound} are also assumed throughout this section. Take $\bm{f}\in C_{x}^{0}(\R^{d}\times\R;L_{\omega}^{p})$ and $\bm{g}\in C_{x}^{1}(\R^{d}\times\R;L_{\omega}^{p})$ such that the modulus of continuity \[ \varpi(r):=\mathop{\mathrm{ess}\sup}_{t\in\R,\,|x-y|\le r}(\|\bm{f}(x,t)-\bm{f}(y,t)\|_{L_{\omega}^{p}}+\|\pd\bm{g}(x,t)-\pd\bm{g}(y,t)\|_{L_{\omega}^{p}}) \] satisfies the Dini condition: \[ \int_{0}^{1}\frac{\varpi(r)}{r}\,\md r<\infty. \] \begin{thm} \label{thm:basic}Let $\bm{u}\in\mathcal{C}_{x,t}^{2,1}(Q_{2};L_{\omega}^{p})$ satisfy \eqref{eq:model}. Under the above setting, there is a positive constant $C$, depending only on $d,\kappa,$ and $p$, such that for any $X,Y\in Q_{1/4}$, \[ \|\pd^{2}\bm{u}(X)-\pd^{2}\bm{u}(Y)\|_{L_{\omega}^{p}}\le C\,\bigg[\Delta M+\int_{0}^{\Delta}\frac{\varpi(r)}{r}\,\md r+\Delta\int_{\Delta}^{1}\frac{\varpi(r)}{r^{2}}\,\md r\bigg], \] where $\Delta:=|X-Y|_{{\rm p}}$ and \[ M:=\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1})}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_1}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1,p;Q_{1}}. \] \end{thm} Then the interior H\"{o}lder estimate are straightforward: \begin{cor} \label{cor:holder-model}Under the same setting of Theorem \eqref{thm:basic} and given $\delta\in(0,1)$, there is a constant $C>0$, depending only on $d,\kappa$ and $p$, such that \[ [\hspace{-0.33ex}[\pd^{2}\bm{u}]\hspace{-0.33ex}]_{(\delta,\delta/2),p;Q_{1/4}}\le C\bigg[\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1})}+\frac{|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;Q_{1}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;Q_{1}}}{\delta(1-\delta)}\bigg], \] provided the right-hand side is finite. \end{cor} \begin{proof}[Proof of Theorem \ref{thm:basic}] Letting $\varphi:\R^n \to \R$ be a nonnegative and symmetric mollifier and $\varphi^\eps(x)=\eps^n\varphi(x/\eps)$, we define $u^{\alpha,\eps} = \varphi^\eps * u^\alpha$, $f^\eps_\alpha = \varphi^\eps * f_\alpha$ and $g_\alpha^\eps = \varphi^\eps * g_\alpha$. Then it is easily checked that $\bm{f}^\eps$ and $\partial \bm{g}^\eps$ are also Dini continuous and has the same continuity modulus $\varpi$ with $\bm{f}$ and $\partial \bm{g}$, and \begin{gather*} |\hspace{-0.3ex}|\hspace{-0.3ex}| \bm{f}^\eps - \bm{f} |\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;\R^n} + |\hspace{-0.3ex}|\hspace{-0.3ex}| \bm{g}^\eps - \bm{g} |\hspace{-0.3ex}|\hspace{-0.3ex}|_{1,p;\R^n} \to 0,\\ \|\partial^2 \bm{u}^\eps(X)-\partial^2 \bm{u}(X)\|_{L^p_\omega} \to 0, \quad \forall\,X\in\R^n \times \R, \end{gather*} as $\eps\to 0$. On the other hand, from Fubini's theorem one can check that $\bm{u}^\eps$ satisfies the model equation~\eqref{eq:model} in the classical sense with free terms $\bm{f}^\eps$ and $\bm{g}^\eps$. Therefore, it suffices to prove the theorem for the mollified functions, and the general case is straightforward by passing the limits. Based on the above analysis and the smoothness of mollified functions, we may suppose that (cf. \cite{du2015cauchy}) \begin{itemize} \item[({\bf A})] $\bm{f},\bm{g}\in L^p_\omega L^2_t H^k_x (Q_R)\cap C^k_x(Q_R;L^p_\omega)$ for all $k\in\mathbf{Z}_+$ and $R>0$. \end{itemize} We can also set $X=0$ without loss of generality. With $\rho=1/2$, we define \[ Q^{\m}:=Q_{\rho^{\m}}=Q_{\rho^{\m}}(0,0),\quad\m\in\mathbf{N}=\{0,1,2,\dots\}, \] and introduce the following boundary value problems: \begin{equation} \bigg\{\begin{aligned}\md u^{\alpha,\m} & =\big[a_{\alpha\beta}^{ij}\partial_{ij}u^{\beta,\m}+f_{\alpha}(0,t)\big]\md t+\big[\sigma_{\alpha\beta}^{ik}\partial_{i}u^{\beta,\m}+g_{\alpha}^{k}(0,t)+x^{i}\pd_{i}g_{\alpha}^{k}(0,t)\big]\,\md\BM_{t}^{k}\\ u^{\alpha,\m} & =u^{\alpha}\quad\text{on}\ \pd_{{\rm p}}Q^{\m}, \end{aligned} \label{eq:appr} \end{equation} where $\pd_{{\rm p}}Q^{\m}$ denotes the parabolic boundary of the cylinder $Q^{\m}$. The existence and interior regularity of $\bm{u}^{\m}$ can be direct yielded by Proposition \ref{lem:dirich}. Given a point $Y=(y,s)\in Q_{1/4}$, there is an $\m_{0}\in\mathbf{N}$ such that \[ \Delta:=|Y|_{{\rm p}}\in[\rho^{\m_{0}+2},\rho^{\m_{0}+1}). \] So we have \begin{align} & \|\pd^{2}\bm{u}(Y)-\pd^{2}\bm{u}(0)\|_{L_{\omega}^{p}}\label{eq:decomp}\\ \le\, & \|\pd^{2}\bm{u}^{\m_{0}}(0)-\pd^{2}\bm{u}(0)\|_{L_{\omega}^{p}}+\|\pd^{2}\bm{u}^{\m_{0}}(Y)-\pd^{2}\bm{u}(Y)\|_{L_{\omega}^{p}}+\|\pd^{2}\bm{u}^{\m_{0}}(Y)-\pd^{2}\bm{u}^{\m_{0}}(0)\|_{L_{\omega}^{p}}\nonumber \\ =:\, & N_{1}+N_{1}'+N_{2}.\nonumber \end{align} As $N_{1}$ and $N_{1}'$ are similar, we are going to derive the estimates for $N_{1}$ and $N_{2}$. \begin{claim} \label{lem:5-2}${\displaystyle |\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{m}(\bm{u}^{\m}-\bm{u}^{\m+1})|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q^{\m+2}}\le C(d,\kappa,p)\rho^{(2-m)\m-m}\varpi(\rho^{\m})}$, where $m\in\mathbf{N}$. \end{claim} \begin{proof} Applying Proposition \ref{lem:local-LPL2-1} to \eqref{eq:appr}, we have \[ |\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{m}(\bm{u}^{\m}-\bm{u}^{\m+1})|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q^{\m+2}}\le C\rho^{-m\m-m}\left\Vert \fint_{Q^{\m+1}}|\bm{u}^{\m}-\bm{u}^{\m+1}|^{2}\right\Vert _{L_{\omega}^{p/2}}^{1/2}=:I_{\m,m} \] (hereafter we denote $\fint_Q = {1 \over |Q|}\int_Q$ with $|Q|$ being the Lebesgue measure of the set $Q\subset \R^{n+1}$), and by Proposition \ref{lem:dirich}, \[ J_{\m}:=\left\Vert \fint_{Q^{\m+1}}|\bm{u}^{\m}-\bm{u}|^{2}\right\Vert _{L_{\omega}^{p/2}}^{1/2}\le C\rho^{2\m}\varpi(\rho^{\m}). \] So we gain that \[ I_{\m,m}\le C\rho^{-m\m-m}(J_{\m}+J_{\m+1})\le C\rho^{(2-m)\m-m}\varpi(\rho^{\m}). \] The claim is proved. \end{proof} \begin{claim} \label{lem:5-3}${\displaystyle N_{1}\le C(d,\kappa,p)\int_{0}^{\rho^{\m_{0}}}\frac{\varpi(r)}{r}\,\md r}$. \end{claim} \begin{proof} It follows from Claim \ref{lem:5-2} that \[ \sum_{\m\ge\m_{0}}\|\pd^{2}\bm{u}^{\m}(0)-\pd^{2}\bm{u}^{\m+1}(0)\|_{L_{\omega}^{p}}\le C\sum_{\m\ge\m_{0}}\varpi(\rho^{\m})\le C\int_{0}^{\rho^{\m_{0}}}\frac{\varpi(r)}{r}\,\md r, \] which implies that $\pd^{2}\bm{u}^{\m}(0)$ converges in $L_{\omega}^{p}$ as $\m\to\infty$, if the limit is $\pd^{2}\bm{u}(0)$, then \[ N_{1}=\|\pd^{2}\bm{u}^{\m_{0}}(0)-\pd^{2}\bm{u}(0)\|_{L_{\omega}^{p}}\le\sum_{\m\ge\m_{0}}\|\pd^{2}\bm{u}^{\m}(0)-\pd^{2}\bm{u}^{\m+1}(0)\|_{L_{\omega}^{p}}\le C\int_{0}^{\rho^{\m_{0}}}\frac{\varpi(r)}{r}\,\md r. \] So it suffices to show that $\lim_{\m\to\infty}\|\pd^{2}\bm{u}^{\m}(0)-\pd^{2}\bm{u}(0)\|_{L_{\omega}^{2}}=0$. From Proposition \ref{lem:local-LPL2-1} with $p=2$, we have \begin{align}\label{eq:Claim44-1} &\sup_{Q^{\m+1}}\|\pd^{2}\bm{u}^{\m}-\pd^{2}\bm{u}\|^{2}_{L_{\omega}^{2}} \le C\rho^{-4\m}\E\fint_{Q^{\m}}|\bm{u}^{\m}-\bm{u}|^{2} +C\,\E\fint_{Q^{\m}}\Big(|\bm{f}(x,t)-\bm{f}(0,t)|^{2}\\ &\qquad\qquad +\rho^{-2l}|\bm{g}(x,t)-\bm{g}(0,t)-x^i\pd_i\bm{g}(0,t)|^{2} +|\pd\bm{g}(x,t)-\pd\bm{g}(0,t)|^{2}\Big)\,\md X\nonumber \\ &\qquad\qquad+ C\sum_{k=1}^{[\frac{d+1}{2}]+1}\rho^{2\m k}\E\fint_{Q^{\m}}\big(|\pd^{k}\bm{f}|^{2}+|\pd^{k+1}\bm{g}|^{2}\big). \nonumber \end{align} The additional assumption ({\bf A}) on $\bm{f}$ and $\bm{g}$ together with Proposition \ref{lem:dirich} implies \begin{align*} & \rho^{-4\m}\E\fint_{Q^{\m}}|\bm{u}^{\m}-\bm{u}|^{2}\\ & \le C\,\E\fint_{Q^{\m}}\big(|\bm{f}(x,t)-\bm{f}(0,t)|^{2}+\rho^{-2\m}|\bm{g}(x,t)-\bm{g}(0,t)-x^{i}\pd_{i}\bm{g}(0,t)|^{2}\big)\,\md X\\ & \le C\varpi(\rho^{\m})^2\to0,\quad\text{as}\ \m\to\infty. \end{align*} And it is easier to obtain that the last two terms on the right-hand side of \eqref{eq:Claim44-1} tend to zero as $\m\to\infty$. Thus, $\lim_{\m\to\infty}\|\pd^{2}\bm{u}^{\m}(0)-\pd^{2}\bm{u}(0)\|_{L_{\omega}^{2}}=0.$ The claim is proved. \end{proof} \begin{claim} \label{claim:5-4}${\displaystyle N_{2}\le C(d,\kappa,p)\rho^{\m_{0}}\bigg(M+\int_{\rho^{\m_{0}}}^{1}\frac{\varpi(r)}{r^{2}}\,\md r\bigg)}$. \end{claim} \begin{proof} Define $\bm{h}^{\m}=\bm{u}^{\m}-\bm{u}^{\m-1}$ for $\m=1,2,\dots,\m_{0}$, then \begin{align*} N_{2} & =\|\pd^{2}\bm{u}^{\m_{0}}(Y)-\pd^{2}\bm{u}^{\m_{0}}(0)\|_{L_{\omega}^{p}}\\ & \le\|\pd^{2}\bm{u}^{0}(Y)-\pd^{2}\bm{u}^{0}(0)\|_{L_{\omega}^{p}}+\sum_{\m=1}^{\m_{0}}\|\pd^{2}\bm{h}^{\m}(Y)-\pd^{2}\bm{h}^{\m}(0)\|_{L_{\omega}^{p}}. \end{align*} As $\pd_{ij}\bm{u}^{0}$ satisfies a homogeneous system in $Q_{1}$ for any $i,j=1,\dots,d$, it follows from Proposition \ref{lem:local-LPL2-1} that, for $m=1,2$, \begin{align*} |\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{m}(\pd_{ij}\bm{u}^{0})|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{1/4}} & \le C\|\pd_{ij}\bm{u}^{0}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1/2})}\\ & \le C(\|\pd_{ij}\bm{u}^{0}-\pd_{ij}\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1/2})}+\|\pd_{ij}\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1/2})})\\ & \le C(\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{1})}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_1}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1,p;Q_{1}}) = CM, \end{align*} and for $-1/16<s<t\le0$ and $x\in B_{1/4}$, \begin{align*} \|\pd^{2}u^{\alpha,0}(x,t)-\pd^{2}u^{\alpha,0}(x,s)\|_{L_{\omega}^{p}} & =\left\Vert \int_{s}^{t}a_{\alpha\beta}^{ij}\partial_{ij}(\pd^{2}u^{\beta,0})\,\md\tau+\int_{s}^{t}\sigma_{\alpha\beta}^{ik}\partial_{i}(\pd^{2}u^{\beta,0})\,\md w_{\tau}^{k}\right\Vert _{L_{\omega}^{p}}\\ & \le C\sqrt{t-s}(|\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{3}\bm{u}^{0}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{1/4}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{4}\bm{u}^{0}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{1/4}})\\ & \le CM\sqrt{t-s}. \end{align*} So combining above two inequalities we have \[ \|\pd^{2}\bm{u}^{{0}}(Y)-\pd^{2}\bm{u}^{{0}}(0)\|_{L_{\omega}^{p}}\le CM|Y|_{{\rm p}}\le CM\rho^{\m_{0}}. \] Next, by Claim \ref{lem:5-2}, \[ \rho^{-\m}|\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{3}\bm{h}^{\m}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q^{\m+1}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{4}\bm{h}^{\m}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q^{\m+1}}\le C\rho^{-2\m}\varpi(\rho^{\m-1}), \] thus, for $-\rho^{2(\m_{0}+1)}\le t\le0$ and $|x|\le\rho^{\m_{0}+1}$, \[ \|\pd^{2}\bm{h}^{\m}(x,0)-\pd^{2}\bm{h}^{\m}(0,0)\|_{L_{\omega}^{p}}\le C\rho^{\m_{0}-\m}\varpi(\rho^{\m-1}) \] and \begin{align*} \|\pd^{2}h^{\alpha,\m}(x,t)-\pd^{2}h^{\alpha,\m}(x,0)\|_{L_{\omega}^{p}} & =\left\Vert \int_{0}^{t}a_{\alpha\beta}^{ij}\partial_{ij}(\pd^{2}h^{\beta,\m})\,\md\tau+\int_{s}^{t}\sigma_{\alpha\beta}^{ik}\partial_{i}(\pd^{2}h^{\beta,\m})\,\md w_{\tau}^{k}\right\Vert _{L_{\omega}^{p}}\\ & \le C(\rho^{\m_{0}}|\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{3}\bm{h}^{\m}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{1/4}}+\rho^{2\m_{0}}|\hspace{-0.3ex}|\hspace{-0.3ex}|\pd^{4}\bm{h}^{\m}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{1/4}})\\ & \le C\rho^{\m_{0}-\m}\varpi(\rho^{\m-1}). \end{align*} Therefore, \[ N_{2}\le CM\rho^{\m_{0}}+C\sum_{\m=1}^{\m_{0}}\rho^{\m_{0}-\m}\varpi(\rho^{\m-1})\le C\rho^{\m_{0}}\bigg(M+\int_{\rho^{\m_{0}}}^{1}\frac{\varpi(r)}{r^{2}}\,\md r\bigg). \] The claim is proved. \end{proof} Combining \eqref{eq:decomp} and Claims \ref{lem:5-3} and \ref{claim:5-4}, we conclude Theorem \ref{thm:basic}. \end{proof} \section{\label{sec:H=0000F6lder-estimates-for}H\"{o}lder estimates for general systems} This section is devoted to the proofs of Theorems \ref{thm:interior} and \ref{thm:cauchy}. We need two technical lemmas whose proofs can be found in, for example, \cite{du2015cauchy}. \begin{lem} \label{lem:iter}Let $\varphi:[0,T]\to[0,\infty)$ satisfy \[ \varphi(t)\le\theta\varphi(s)+\sum_{i=1}^{m}A_{i}(s-t)^{-\eta_{i}}\quad\forall\,0\le t<s\le T \] for some nonnegative constants $\theta,\eta_{i}$ and $A_{i}$ ($i=1,\dots m$), where $\theta<1$. Then \[ \varphi(0)\le C\sum_{i=1}^{m}A_{i}T^{-\eta_{i}}, \] where $C$ depends only on $\eta_{1},\dots,\eta_{n}$ and $\theta$. \end{lem} \begin{lem} \label{lem:interp}Let $p\ge1$, $R>0$ and $0\le s<r$. There exists a constant $C>0$, depending only on $d$ and $p$, such that \[ [\hspace{-0.33ex}[\bm{u}]\hspace{-0.33ex}]_{s,p;Q_{R}}\le C\eps^{r-s}[\hspace{-0.33ex}[\bm{u}]\hspace{-0.33ex}]_{r,p;Q_{R}}+C\eps^{-s-d/2}\big[\E\|\bm{u}\|_{L^{2}(Q_{R})}^{p}\big]^{\!\frac{1}{p}} \] for any $\bm{u}\in C^{r}(Q_{R};L_{\omega}^{p})$ and $\eps\in(0,R)$. \end{lem} Now we prove the a priori \emph{interior H\"{o}lder estimates} for system \eqref{eq:main}. \begin{proof}[Proof of Theorem~\ref{thm:interior}] With a change of variable, we may move the point $X$ to the origin. Let $\rho/2\le r<R\le\rho$ with $\rho\in(0,1/4)$ to be defined. Take a nonnegative cut-off function $\zeta\in C_{0}^{\infty}(\R^{d+1})$ such that $\zeta=1$ on $Q_{r}$, $\zeta=0$ outside $Q_{R}$, and for $\gamma\ge0$, \[ [\zeta]_{(\gamma,\gamma/2);\R^{d+1}}\le C(d)\,(R-r)^{-\gamma}. \] Set $\bm{v}=\zeta\bm{u}$, and \[ \tilde{a}_{\alpha\beta}^{ij}(t)=a_{\alpha\beta}^{ij}(0,t),\quad\tilde{\sigma}_{\alpha\beta}^{ik}(t)=\sigma_{\alpha\beta}^{ik}(0,t), \] then $\bm{v}=(v^{1},\dots,v^{N})$ satisfies \[ \md v^{\alpha}=\big(\tilde{a}_{\alpha\beta}^{ij}\partial_{ij}v^{\beta}+\tilde{f}_{\alpha}\big)\md t+\big(\tilde{\sigma}_{\alpha\beta}^{ik}\partial_{i}v^{\beta}+\tilde{g}_{\alpha}^{k}\big)\,\md\BM_{t}^{k} \] where \begin{align*} \tilde{f}_{\alpha} & =(a_{\alpha\beta}^{ij}-\tilde{a}_{\alpha\beta}^{ij})\zeta\partial_{ij}u^{\beta}+(b_{\alpha\beta}^{i}\zeta-2a_{\alpha\beta}^{ij}\pd_{j}\zeta)\pd_{i}u^{\beta}\\ & \quad+(c_{\alpha\beta}\zeta-b_{\alpha\beta}^{i}\pd_{i}\zeta-a_{\alpha\beta}^{ij}\pd_{ij}\zeta)u^{\beta}+\zeta_{t}u^{\alpha}+\zeta f^{\alpha},\\ \tilde{g}_{\alpha}^{k} & =(\sigma_{\alpha\beta}^{ik}-\tilde{\sigma}_{\alpha\beta}^{ik})\zeta\partial_{i}u^{\beta}+(v^{k}\zeta-\sigma_{\alpha\beta}^{ik}\pd_{i}\zeta)u^{\beta}+\zeta g^{\alpha}. \end{align*} Obviously, $\tilde{a}_{\alpha\beta}^{ij}$ and $\tilde{\sigma}_{\alpha\beta}^{ik}$ satisfy the MSP condition with $\lambda=\lambda(0,t)$. So by Lemma \ref{lem:interp}, \begin{align*} |\hspace{-0.3ex}|\hspace{-0.3ex}|\tilde{\bm{f}}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;Q_{R}} & \le(\eps+K\rho^{\delta})[\hspace{-0.33ex}[\pd^{2}\bm{u}]\hspace{-0.33ex}]_{\delta,p;Q_{R}}+C_{1}(R-r)^{-2-\delta-d/2}\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{R})}\\ & \quad+[\hspace{-0.33ex}[\bm{f}]\hspace{-0.33ex}]_{\delta,p;Q_{R}}+C_{1}(R-r)^{-\delta}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{R}},\\ |\hspace{-0.3ex}|\hspace{-0.3ex}|\tilde{\bm{g}}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;Q_{R}} & \le(\eps+K\rho^{\delta})[\hspace{-0.33ex}[\bm{u}]\hspace{-0.33ex}]_{2+\delta,p;Q_{R}}+C_{1}(R-r)^{-2-\delta-d/2}\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{R})}\\ & \quad+[\hspace{-0.33ex}[\bm{g}]\hspace{-0.33ex}]_{1+\delta,p;Q_{R}}+C_{1}(R-r)^{-1-\delta}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{R}}, \end{align*} where $C_{1}=C_{1}(d,K,p,\eps)$. Applying Corollary \ref{cor:holder-model}, we gain that \begin{align*} & [\hspace{-0.33ex}[\pd^{2}\bm{u}]\hspace{-0.33ex}]_{(\delta,\delta/2),p;Q_{r}}\\ & \le C_{2}\big[(\eps+K\rho^{\delta})\,[\hspace{-0.33ex}[\pd^{2}\bm{u}]\hspace{-0.33ex}]_{(\delta,\delta/2),p;Q_{R}}+C_{1}(R-r)^{-2-\delta-d/2}\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{R})}\\ & \quad+[\hspace{-0.33ex}[\bm{f}]\hspace{-0.33ex}]_{\delta,p;Q_{R}}+C_{1}(R-r)^{-\delta}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{R}}+[\hspace{-0.33ex}[\bm{g}]\hspace{-0.33ex}]_{1+\delta,p;Q_{R}}+C_{1}(R-r)^{-1-\delta}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;Q_{R}}\big], \end{align*} where $C_{2}=C_{2}(d,\kappa,K,p,\delta)$. Set $\eps=(4C_{2})^{-1}$, then \[ C_{2}(\eps+K\rho^{\delta})\le\frac{1}{2}\quad\text{for any}\ \rho\le(4C_{2}K)^{-1/\delta}=:\rho_{0}. \] Thus, by Lemma \ref{lem:iter} we have \[ [\hspace{-0.33ex}[\pd^{2}\bm{u}]\hspace{-0.33ex}]_{(\delta,\delta/2),p;Q_{\rho/2}}\le C\big(\rho^{-2-\delta-d/2}\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(Q_{\rho})}+\rho^{-\delta}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;Q_{\rho}}+\rho^{-1-\delta}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;Q_{\rho}}\big), \] where the constant $C$ depends only on $d,\kappa,K,p$, and $\delta$. The proof is complete. \end{proof} \begin{proof}[Proof of Theorem \ref{thm:cauchy}] The solvability of the Cauchy problem follows from the \emph{a priori} estimate \eqref{eq:global} by the standard method of continuity (see \cite[Theorem 5.2]{gilbarg2001elliptic}), so it suffices to prove the \emph{a priori} estimate \eqref{eq:global}. We may extend the equations to $\R^{d}\times(-\infty,T]\times\PS$ by letting $\bm{u}(x,t),\bm{f}(x,t)$ and $\bm{g}(x,t)$ be zero if $t\le0$. Take $\tau\in(0,T]$ and $R=\rho_{0}/2$, where $\rho_{0}$ is determined in Theorem \ref{thm:interior}. Applying the estimate \eqref{eq:interior} on the cylinders centered at $(x,s)$ for all $s\in(-1,\tau],$ we can obtain that \begin{align*} [\hspace{-0.33ex}[\pd^{2}\bm{u}]\hspace{-0.33ex}]_{(\delta,\delta/2),p;\mathcal{Q}_{R,\tau}(x)} & \le C\big(\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(\mathcal{Q}_{2R,\tau}(x))}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{2R,\tau}(x)}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{2R,\tau}(x)}\big)\\ & \le C\big(\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(\mathcal{Q}_{2R,\tau}(x))}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{\tau}}\big), \end{align*} then by Lemma \ref{lem:interp}, \begin{align} |\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{R,\tau}(x)} & \le C\big(\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(\mathcal{Q}_{2R,\tau}(x))}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{\tau}}\big).\label{eq:5-003} \end{align} Define \begin{align*} M_{x,R}^{\tau}(\bm{u}) =\sup_{0\le t\le\tau}\biggl(\fint_{B_{R}(x)}\E|\bm{u}(y,t)|^{p}\,\md y\biggr)^{\frac{1}{p}},\qquad M_{R}^{\tau}(\bm{u}) =\sup_{x\in\R^{d}}M_{x,R}^{\tau}(\bm{u}). \end{align*} Obviously, $\|\bm{u}\|_{L_{\omega}^{p}L_{t}^{2}L_{x}^{2}(\mathcal{Q}_{2R,\tau}(x))}\le C(d,p,R)\,M_{R}^{\tau}(\bm{u}).$ So \eqref{eq:5-003} implies \begin{align} \sup_{x\in\R^{d}}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{R,\tau}(x)} & \le C_3\big(M_{R}^{\tau}(\bm{u})+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{\tau}}\big).\label{eq:5-004} \end{align} To get rid of $M_{R}^{\tau}(\bm{u})$, we apply It\^o's formula to $|\bm{u}|^{p}$: \begin{align*} \md|\bm{u}|^{p} & =p|\bm{u}|^{p-2}\Big[u^{\alpha}(a_{\alpha\beta}^{ij}\pd_{ij}u^{\beta}+b_{\alpha\beta}^{ij}\pd_{i}u^{\beta}+c_{\alpha\beta}u^{\beta}+f_{\alpha})+\frac{1}{2}\sum_{k}(\sigma_{\alpha\beta}^{ik}\pd_{i}u^{\beta}+g_{\alpha}^{k})^{2}\Big]\,\md t\\ & \quad+\frac{p(p-2)}{2}\bm{1}_{\{|\bm{u}|\neq0\}}|\bm{u}|^{p-4}\sum_{k}(\sigma_{\alpha\beta}^{ik}u^{\alpha}\pd_{i}u^{\beta}+u^{\alpha}g_{\alpha}^{k})^{2}\,\md t+\md M_{t}, \end{align*} where $M_{t}$ is a martingale. Integrating on $\mathcal{Q}_{R,\tau}(x)\times\PS$ and by the H\"{o}lder inequality, we can derive that \[ \sup_{t\in[0,\tau]}\E\int_{B_{R}(x)}|\bm{u}(y,t)|^{p}\,\md y\le C_{4}\,\E\int_{\mathcal{Q}_{R,\tau}(x)}(|\pd^{2}\bm{u}|^{p}+|\bm{u}|^{p}+|\bm{f}|^{p}+|\bm{g}|^{p})\,\md X \] with $C_{4}=C_{4}(d,N,K,p)$, which implies that \begin{align*} M_{x,R}^{\tau}(\bm{u}) & \le C_{4}\tau\,\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{2,p;\mathcal{Q}_{R,\tau}(x)}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;\mathcal{Q}_{\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;\mathcal{Q}_{\tau}}\big) \\ & \le{C_{4}\tau}\Big(\sup_{x\in\R^{d}}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{R,\tau}(x)}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;\mathcal{Q}_{\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{0,p;\mathcal{Q}_{\tau}}\Big), \end{align*} Substituting the last relation into \eqref{eq:5-004} and taking $\tau=(2C_{3}C_{4})^{-1}$, we get \begin{align*} \sup_{x\in\R^{d}}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{R,\tau}(x)} & \le C\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{\tau}}\big), \end{align*} and equivalently, \begin{align} |\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{\tau}} & \le C_{(\tau)}\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{\tau}}\big)\label{eq:5-005} \end{align} with $C_{(\tau)}=C_{(\tau)}(d,\kappa,K,p,\delta)\ge1$. Let us conclude the proof by induction. Assume that there is a constant $C_{(S)}\ge1$ for some $S>0$ such that \begin{align*} |\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{S}} & \le C_{(S)}\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{S}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{S}}\big). \end{align*} Then applying \eqref{eq:5-005} to $\bm{v}(x,t)=\bm{1}_{\{t\ge0\}}\cdot[\bm{u}(x,t+S)-\bm{u}(x,S)]$, one can easily derive that \begin{align*} |\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{v}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{\tau}} & \le C_{(\tau)}\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{S+\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{S+\tau}}+\tilde{C}|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}(\cdot,S)|\hspace{-0.3ex}|\hspace{-0.3ex}|_{2+\delta,p;\R^{d}}\big)\\ & \le2C_{(\tau)}\tilde{C}C_{(S)}\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{S+\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{S+\tau}}\big), \end{align*} with $\tilde{C}=\tilde{C}(N,K)\ge1$, so \begin{align*} |\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{S+\tau}} & \le|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{v}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{\tau}}+2|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{u}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{(2+\delta,\delta/2),p;\mathcal{Q}_{S}}\\ & \le4C_{(\tau)}\tilde{C}C_{(S)}\big(|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{f}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{\delta,p;\mathcal{Q}_{S+\tau}}+|\hspace{-0.3ex}|\hspace{-0.3ex}|\bm{g}|\hspace{-0.3ex}|\hspace{-0.3ex}|_{1+\delta,p;\mathcal{Q}_{S+\tau}}\big), \end{align*} that means $C_{(S+\tau)}\le4C_{(\tau)}\tilde{C}C_{(S)}$. By iteration we have $C_{S}\le C\me^{CS}$ with $C=C(d,N,\kappa,K,p,\delta)$, and the theorem is proved. \end{proof} \section{More comments on the MSP condition} In this section we discuss more examples on the sharpness and flexibility of the MSP condition (Definition~\ref{cond:msp}). We always let $d=1$ and assume that the coefficient matrices $A=[a_{\alpha\beta}]$ and $B=[\sigma_{\alpha\beta}]$ are \emph{constant}. We write $M\gg0$ if the matrix $M$ is positive definite. Under the above setting the MSP condition can be written into the following form if we set [$\lambda_{\alpha\beta}^{ik}]=(B+B')/2-\Lambda$ in \eqref{eq:Aij}. \begin{condition} \label{cond:case-d1}There is a symmetric $N\times N$ real matrix $\Lambda$ such that \begin{equation} A+A'-B'B-(p-2)(T_{B}+\Lambda)'(T_{B}+\Lambda)\gg0\label{eq:d1} \end{equation} where $T_{B}:=(B-B')/2$ is the skew-symmetric component of $B$. \end{condition} \begin{example} consider the following system \begin{equation} \bigg\{\begin{aligned}\md u^{(1)} & =u_{xx}^{(1)}\,\md t+(\lambda u_{x}^{(1)}-\mu u_{x}^{(2)})\,\md\BM_{t},\\ \md u^{(2)} & =u_{xx}^{(2)}\,\md t+(\mu u_{x}^{(1)}+\lambda u_{x}^{(2)})\,\md\BM_{t} \end{aligned} \label{eq:exam} \end{equation} with $x\in\mathbf{T}=\R/(2\pi\mathbf{Z})$, real constants $\lambda$ and $\mu$, and with the initial data \begin{equation} u^{(1)}(x,0)+\sqrt{-1}u^{(2)}(x,0)=\sum\nolimits_{n\in\mathbf{Z}}\me^{-n^{2}}\cdot\me^{\sqrt{-1}nx}.\label{eq:initial} \end{equation} Evidently, if $\lambda^{2}+\mu^{2}<2$, then system \eqref{eq:exam} satisfies the condition \eqref{eq:parabolic}, and from the result of \cite{Kim2013w}, it has a unique solution $\bm{u}=(u^{(1)},u^{(2)})'$ in the space $L^{2}(\PS;C([0,T];H^{m}(\mathbf{T}))$ with any $m\ge0$ and $T>0$. To apply our results to \eqref{eq:exam}, we should assume it to satisfy Condition \ref{cond:case-d1}. In the next two lemma, we first simplify the condition into a specific constraint on $\lambda$ and $\mu$, and then prove it to be optimal. \begin{lem} Let $p\ge2$. The coefficients of system \eqref{eq:exam} satisfies Condition \ref{cond:case-d1} if and only if they satisfy \eqref{eq:d1} with $\Lambda=0$, namely, \begin{equation} \lambda^{2}+(p-1)\mu^{2}<2.\label{eq:6-2} \end{equation} \end{lem} \begin{proof} By orthogonal transform, $A+A'-B'B-(p-2)(T_{B}+\Lambda)'(T_{B}+\Lambda)$ is positive definite if and only if \begin{equation} 2-(\lambda^{2}+\mu^{2})-(p-2)\lambda_{\max}>0,\label{eq:6-3} \end{equation} where $\lambda_{\max}$ is the larger eigenvalue of $(T_{B}+\Lambda)'(T_{B}+\Lambda)$. For $\Lambda=\mu\begin{bmatrix}a & c\\ c & b \end{bmatrix}$, we have \[ (T_{B}+\Lambda)'(T_{B}+\Lambda)=\mu^{2}\begin{bmatrix}a^{2}+(c-1)^{2} & ac+bc+a-b\\ ac+bc+a-b & b^{2}+(c+1)^{2} \end{bmatrix} \] whose larger eigenvalue is \[ \lambda_{\max}=\frac{\mu^{2}}{2}(a^{2}+b^{2}+2c^{2}+2)+\frac{\mu^{2}}{2}\sqrt{(a^{2}-b^{2}-4c)^{2}+4(ac+bc+a-b)^{2}}. \] Obviously, $\lambda_{\max}\ge\mu^{2}$. Once \eqref{eq:6-3} holds for some $\Lambda$, we get \eqref{eq:6-2}, namely \eqref{eq:d1} holds for $\Lambda=0$. Now we prove the {\it only if} part. The proof of {\it if} part is trivial. \end{proof} Therefore, if \eqref{eq:6-2} is satisfied, then $\sup_{x\in\mathbf{T}}\E\|\bm{u}(x,t)\|^{p}<\infty$ for any $t\ge0$; if it is not, even some weaker norm of $\bm{u}(\cdot,t)$ is infinite for large $t$ as showed in the following lemma. \begin{lem} Let $p>2$ and $\lambda^{2}+\mu^{2}<2$. If $\eps:=\lambda^{2}+(p-1)\mu^{2}-2>0$, then \[ \E\|\bm{u}(\cdot,t)\|_{L^{2}(\mathbf{T})}^{p}=\infty \] for any $t>2/\eps$. \end{lem} \begin{proof} Denote $v=u^{(1)}+\sqrt{-1}u^{(2)}$ that can be verified to satisfy \[ \md v=v_{xx}\,\md t+(\lambda+\sqrt{-1}\mu)v_{x}\,\md w_{t} \] with the initial condition $v(x,0)=\sum_{n\in\mathbf{Z}}\me^{-n^{2}}\me^{\sqrt{-1}nx}$ for $x\in\mathbf{T}$. By Fourier analysis, we can express \[ v(x,t)=\sum\nolimits_{n\in\mathbf{Z}}v_{n}(t)\me^{\sqrt{-1}nx}, \] where $v_{n}(\cdot)$ satisfies the following SDE: \[ \md v_{n}=v_{n}[-n^{2}\,\md t+(-\mu+\sqrt{-1}\lambda)n\,\md w_{t}],\quad v_{n}(0)=\me^{-n^{2}}. \] From the theory of SDEs, we have \[ v_{n}(t)=\me^{-\frac{1}{2}f(t)n^{2}-\mu nw_{t}}\cdot\me^{\sqrt{-1}(\lambda\mu n^{2}t+\lambda nw_{t})}, \] where $f(t):=2+(2+\mu^{2}-\lambda^{2})t$. So we derive \begin{align*} |v_{n}(t)|^{2} & =\exp\!\left\{ -f(t)n^{2}-2\mu nw_{t}\right\} \\ & =\exp\biggl\{-f(t)\left(n+\frac{\mu w_{t}}{f(t)}\right)^{\!2}+\frac{\mu^{2}|w_{t}|^{2}}{f(t)}\biggr\}, \end{align*} and by Parseval's identity, \begin{align*} \|v(\cdot,t)\|_{L^{2}(\mathbf{T})}^{2} & =2\pi\sum_{n\in\mathbf{Z}}|v_{n}(t)|^{2}\\ & =2\pi\sum_{n\in\mathbf{Z}}\exp\biggl\{-f(t)\left(n+\frac{\mu w_{t}}{f(t)}\right)^{\!2}+\frac{\mu^{2}|w_{t}|^{2}}{f(t)}\biggr\}\\ & \ge2\pi\exp\biggl\{-f(t)+\frac{\mu^{2}|w_{t}|^{2}}{f(t)}\biggr\}. \end{align*} Thus, we have \begin{align*} \E\|\bm{u}(\cdot,t)\|_{L^{2}(\mathbf{T})}^{p} & =\E\|v(\cdot,t)\|_{L^{2}(\mathbf{T})}^{p}\\ & \ge(2\pi)^p\,\E\exp\biggl\{-\frac{pf(t)}{2}+\frac{p\mu^{2}|w_{t}|^{2}}{2f(t)}\biggr\}\\ & =(2\pi)^p\me^{-pf(t)/2}\,\E\exp\biggl\{\frac{p\mu^{2}|w_{1}|^{2}}{2f(t)/t}\biggr\}\\ & =(2\pi)^p\me^{-pf(t)/2}\,\E\exp\biggl\{\frac{p\mu^{2}|w_{1}|^{2}}{2[2+\mu^{2}-\lambda^{2}+2t^{-1}]}\biggr\}\\ & =(2\pi)^{p-1/2}\me^{-pf(t)/2}\int_{\R}\exp\biggl\{-\frac{y^{2}}{2}\biggl[1-\frac{p\mu^{2}}{2+\mu^{2}-\lambda^{2}+2t^{-1}}\biggr]\biggr\}\md y. \end{align*} The last integral diverges if \[ 1-\frac{p\mu^{2}}{2+\mu^{2}-\lambda^{2}+2t^{-1}}<0. \] This immediately concludes the lemma. \end{proof} \end{example} Indeed, some specific choices of $\Lambda$ in Condition~\ref{eq:d1} like $\Lambda=0$ usually lead to a class of convenient and even optimal criteria in applications. For instance, the above discussion shows how the skew-symmetric component of $B$ substantially affects the $L^{p}$-norm of the solution of system \eqref{eq:exam}. But in general, the choice of $\Lambda$ still heavily depends on the structure of the concrete problem. \begin{example}\label{lem:last} Let $p\ge3$ and $\lambda>\mu>0$. Consider \[ A=\begin{bmatrix} 1+\lambda^2 & 0\\ 0 & 1+\mu^2 \end{bmatrix} \quad\text{and}\quad B=\begin{bmatrix}0 & -\mu\\ \lambda & 0 \end{bmatrix}. \] For the sake of simplicity, we restrict the choice of $\Lambda$ in the form $\begin{bmatrix}0 & c\\ c & 0 \end{bmatrix}$. Then we have \begin{align*} & A+A'-B'B-(p-2)(T_{B}+\Lambda)'(T_{B}+\Lambda)\\ & ={\rm diag}\Bigl\{2+\lambda^{2}-(p-2)\Big(c+\frac{\lambda+\mu}{2}\Big)^{\!2},\ 2+\mu^{2}-(p-2)\Big(c-\frac{\lambda+\mu}{2}\Big)^{\!2}\Bigr\}\\ & =:{\rm diag}\{g(c),\,h(c)\}. \end{align*} As $p\ge3$ and $\lambda>\mu>0$, it is easily to check that \[ \max_{c\in\R}\big\{ g(c)\wedge h(c)\big\} = 2 + {\lambda^2 + \mu^2 \over 2 }-\frac{(p-2)(\lambda+\mu)^{2}}{4}-\frac{(\lambda-\mu)^{2}}{4(p-2)}, \] where the maximum is attained when $g(c)=h(c)$, i.e., \[ c=\frac{\lambda - \mu}{2(p-2)}. \] So one can easily assign some specific values to $p$, $\lambda$ and $\mu$ to let $A$ and $B$ satisfy Condition~\ref{eq:d1} but not with $\Lambda=0$, for example, $(p,\lambda,\mu)=(3,3,1)$. This shows that the choice $\Lambda=0$ does not always lead to the minimal requirements. \end{example} \bibliographystyle{imsart-nameyear}
32b27ee481dda5cc2a78fc8cd05509396379278b
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction}\label{sec:introduction} The apparent rise in political incivility has attracted substantial attention from scholars in recent years. These studies have largely focused on the extent to which politicians and elected officials are increasingly employing rhetoric that appears to violate norms of civility \cite{herbst2010rude, mutz2015your}. For the purposes of our work, we use the incidence of offensive rhetoric as a stand in for incivility. The 2016 US presidential election was an especially noteworthy case in this regard, particularly in terms of Donald Trump's campaign which frequently violated norms of civility both in how he spoke about broad groups in the public (such as Muslims, Mexicans, and African Americans) and the attacks he leveled at his opponents \cite{gross2016twitter}. The consequences of incivility are thought to be crucial to the functioning of democracy since ``public civility and interpersonal politeness sustain social harmony and allow people who disagree with one another to maintain ongoing relationships" \cite{strachan2012political}. While political incivility appears to be on the rise among elites, it is less clear whether this is true among the mass public as well. Is political discourse particularly lacking in civility compared to discourse more generally? Does the incivility of mass political discourse respond to the dynamics of political campaigns? Addressing these questions has been difficult for political scientists because traditional tools for studying mass behavior, such as public opinion surveys, are ill-equipped to measure how citizens discuss politics with one another. Survey data does reveal that the public tends to perceive politics as becoming increasingly less civil during the course of a political campaign \cite{wolf2012incivility}. Yet, it is not clear whether these perceptions match the reality, particularly in terms of the types of discussions that citizens have with each other. An additional question is how incivility is received by others. On one hand, violations of norms regarding offensive discourse may be policed by members of a community, rendering such speech ineffectual. On the other hand, offensive speech may be effective as a means for drawing attention to a particular argument. Indeed, there is evidence that increasing incivility in political speech results in higher levels of attention from the public \cite{mutz2015your}. During the 2016 campaign, the use of swearing in comments posted on Donald Trump's YouTube channel tended to result in additional responses that mimicked such swearing \cite{kwon2017aggression}. Thus, offensive speech in online fora may attract more attention from the community and lead to the spread of even more offensive speech in subsequent posts. To address these questions regarding political incivility, we examine the use of offensive speech in political discussions housed on Reddit. Scholars tend to define uncivil discourse as ``communication that violates the norms of politeness" \cite{mutz2015your} a definition that clearly includes offensive remarks. Reddit fora represent a ``most likely" case for the study of offensive political speech due its strong free speech culture \cite{reddit-freespeech} and the ability of participants to use pseudonymous identities. That is, if political incivility in the public did increase during the 2016 campaign, this should be especially evident on fora such as Reddit. Tracking Reddit discussions throughout all of 2015 and 2016, we find that online political discussions became increasingly more offensive as the general election campaign intensified. By comparison, discussions on non-political subreddits did not become increasingly offensive during this period. Additionally, we find that the presence of offensive comments did not subside even three months after the election. \section{Datasets}\label{sec:datasets} Our study makes use of multiple datasets in order to identify and characterize trends in offensive speech. \myparab{The CrowdFlower hate speech dataset.} The CrowdFlower hate speech dataset \cite{CrowdFlower-Hate} contains 14.5K tweets, each receiving labels from at least three contributors. Contributors were allowed to classify each tweet into one of three classes: {Not Offensive} (NO), {Offensive but not hateful} (O), and {Offensive and hateful} (OH). Of the 14.5K tweets, only 37.6\% had a decisive class -- \ie the same class was assigned by all contributors. For indecisive cases, the majority class was selected and a class confidence score (fraction of contributors that selected the majority class) was made available. Using this approach, 50.4\%, 33.1\%, and 16.5\% of the tweets were categorized as NO, O, and OH, respectively. Since our goal is to identify any offensive speech (not just hate speech), we consolidate assigned classes into Offensive and Not Offensive by relabeling OH tweets as Offensive. We use this modified dataset to train, validate, and test our offensive speech classifier. To the best of our knowledge, this is the only dataset that provides \emph{offensive} and \emph{not offensive} annotations to a large dataset. \myparab{Offensive word lists.} We also use two offensive word lists as auxiliary input to our classifier: (1) The Hatebase hate speech vocabulary \cite{Hatebase-API} consisting of 1122 hateful words and (2) 422 offensive words banned from Google's What Do You Love project \cite{Google-WDYL-data}. \begin{figure}[htb] \centering \includegraphics[trim=0cm 0cm 0cm 0cm, clip=true, width=.49\textwidth, angle=0] {./figures/offensive-speech-results/comments-per-month.png} \caption{Number of analyzed political and apolitical comments belonging to each week between January 2015 and January 2017.} \label{fig:comment-timeline} \end{figure} \myparab{Reddit comments dataset.} Finally, after building our offensive speech classifier using the above datasets, we use it to classify comments made on Reddit. While the complete Reddit dataset contains 2B comments made between the period of January 2015 and January 2017, we only analyze only 168M. We select comments to be analyzed using the following process: (1) we exclude comments shorter than 10 characters in length, (2) we exclude comments made by \texttt{[deleted]} authors, and (3) we randomly sample and include 10\% of all remaining comments. We categorize comments made in any of 21 popular political subreddits as \emph{political} and the remainder as \emph{apolitical}. Our final dataset contains 129M apolitical and 39M political comments. \Cref{fig:comment-timeline} shows the number of comments in our dataset that were made during each week included in our study. We see an increasing number of political comments per week starting in February 2016 -- the start of the 2016 US presidential primaries. \section{Offensive Speech Classification}\label{sec:classifier} In order to identify offensive speech, we propose a fully automated technique that classifies comments into two classes: Offensive and Not Offensive. \subsection{Classification approach} At a high-level, our approach works as follows: \begin{itemize} \item \textbf{Build a word embedding.} We construct a 100-dimensional word embedding using all comments from our complete Reddit dataset (2B comments). \item \textbf{Construct a \emph{hate vector}.} We construct a list of offensive and hateful words identified from external data and map them into a single vector within the high-dimensional word embedding. \item \textbf{Text transformation and classification.} Finally, we transform text to be classified into scalars representing their distance from the constructed hate vector and use these as input to a Random Forest classifier. \end{itemize} \myparab{Building a word embedding.} At a high-level, a word embedding maps words into a high-dimensional continuous vector space in such a way that semantic similarities between words are maintained. This mapping is achieved by exploiting the distributional properties of words and their occurrences in the input corpus. Rather than using an off-the-shelf word embedding (\eg the GloVe embeddings \cite{Pennington-2014} trained using public domain data sources such as Wikipedia and news articles), we construct a 100-dimensional embedding using the complete Reddit dataset (2B comments) as the input corpus. The constructed embedding consists of over 400M unique words (words occurring less than 25 times in the entire corpus are excluded) using the Word2Vec \cite{Mikolov-2013} implementation provided by the Gensim library \cite{Rehurek-2010}. Prior to constructing the embedding, we perform stop-word removal and lemmatize each word in the input corpus using the SpaCy NLP framework \cite{Honnibal-2015}. The main reason for building a custom embedding is to ensure that our embeddings capture semantics specific to the data being measured (Reddit) -- \eg while the word ``\emph{karma}'' in the non-Reddit context may be associated with spirituality, it is associated with points (comment and submission scores) on Reddit. \myparab{Constructing a hate vector.} We use two lists of words associated with hate \cite{Hatebase-API} and offensive \cite{Google-WDYL-data} speech to construct a hate vector in our word embedding. This is done by mapping each word in the list into the 100-dimensional embedding and computing the mean vector. This vector represents the average of all known offensive words. The main idea behind creating a hate vector is to capture the point (in our embedding) to which the most offensive observed comments are likely to be near. Although clustering our offensive word lists into similar groups and constructing multiple hate vectors -- one for each cluster -- results in marginally better accuracy for our classifier, we use this approach due to the fact that our classification cost grows linearly with the number of hate vectors -- \ie we need to perform $O(|S|)$ distance computations per hate vector to classify string $S$. \begin{figure}[t] \centering \includegraphics[trim=0cm 0cm 0cm 0cm, clip=true, width=.49\textwidth, angle=0] {./figures/classifier-visualization/offensive-classifier-visualization.png} \caption{Proximity of offensive and non-offensive comments to the hate vector. Dimension reduction is performed using t-SNE.} \label{fig:reduced-dimension-classes} \end{figure} \myparab{Transforming and classifying text.} We first remove stop-words and perform lemmatization of each word in the text to be classified. We then obtain the vector representing each word in the text and compute its similarity to the constructed hate vector using the cosine similarity metric. A 0-vector is used to represent words in the text that are not present in the embedding. Finally, the maximum cosine similarity score is used to represent the comment. Equation \ref{eq:text-xform} shows the transformation function on a string $S$ = $\{s_1, \dots, s_n\}$ where $s_i$ is the vector representing the $i^{th}$ lemmatized non-stop-word, $\cos$ is the cosine-similarity function, and $H$ is the hate vector. \begin{equation} T(S) = \max_{1 \leq i \leq n}[\cos(s_i, H)] \label{eq:text-xform} \end{equation} In words, the numerical value assigned to a text is the cosine similarity between the hate vector and the vector representing the word (in the text) closest to the hate vector. This approach allows us to transform a string of text into a single numerical value that captures its semantic similarity to the most offensive comment. We use these scalars as input to a random forest classifier to perform classification into Offensive and Not Offensive classes. \Cref{fig:reduced-dimension-classes} shows the proximity of Offensive and Non Offensive comments to our constructed hate vector after using t-distributed Stochastic Neighbor Embedding (t-SNE) \cite{Maaten-2008} to reduce our 100-dimension vector space into 2 dimensions. \subsection{Classifier evaluation} We now present results to (1) validate our choice of classifier and (2) demonstrate the impact of training/validation sample count on our classifiers performance. \begin{table}[h] \centering \resizebox{\linewidth}{!}{% \begin{tab}{lll} \textbf{Classifier} & \textbf{Accuracy (\%)} & \textbf{F1-Score (\%)} \\ \midrule Stochastic Gradient Descent & 80.7 & 80.0 \\ Naive Bayes & 81.5 & 81.2 \\ Decision Tree & 91.8 & 91.4 \\ \textbf{Random Forest} & \textbf{92.0} & \textbf{91.9} \\ \end{tab} } \caption{Average classifier performance during 10-fold cross-validation on the training/validation set. Results shown are for the best performing parameters obtained using a grid search.} \label{tab:classifiers} \end{table} \myparab{Classifier selection methodology.} To identify the most suitable classifier for classifying the scalars associated with each text, we perform evaluations using the stochastic gradient descent, naive bayes, decision tree, and random forest classifiers. For each classifier, we split the CrowdFlower hate speech dataset into a training/validation set (75\%), and a holdout set (25\%). We perform 10-fold cross-validation on the training/validation set to identify the best classifier model and parameters (using a grid search). Based on the results of this evaluation, we select a 100-estimator entropy-based splitting random forest model as our classifier. \Cref{tab:classifiers} shows the mean accuracy and F1-score for each evaluated classifier during the 10-fold cross-validation. \myparab{Real-world classifier performance.} To evaluate real-world performance of our selected classifier (\ie performance in the absence of model and parameter bias), we perform classification of the holdout set. On this set, our classifier had an accuracy and F1-score of 89.6\% and 89.2\%, respectively. These results show that in addition to superior accuracy during training and validation, our chosen classifier is also robust against over-fitting. \begin{figure}[tbp] \centering \begin{minipage}{.49\textwidth} \begin{subfigure}{\textwidth} \includegraphics[trim=0cm .5cm 0cm 0cm, clip=true, width=\textwidth, angle=0] {./figures/classifier-performance/hsv-rf-accuracy.png} \caption{Classifier accuracy.} \label{fig:classifier-accuracy} \end{subfigure} \begin{subfigure}{\textwidth} \includegraphics[trim=0cm .5cm 0cm 0cm, clip=true, width=\textwidth, angle=0] {./figures/classifier-performance/hsv-rf-precision.png} \caption{Classifier precision.} \label{fig:classifier-precision} \end{subfigure} \begin{subfigure}{\textwidth} \includegraphics[trim=0cm .5cm 0cm 0cm, clip=true, width=\textwidth, angle=0] {./figures/classifier-performance/hsv-rf-recall.png} \caption{Classifier recall.} \label{fig:classifier-recall} \end{subfigure} \end{minipage} \caption{Classifier performance on holdout sets while varying holdout set sizes and minimum confidence thresholds.} \label{fig:classifier-performance} \end{figure} \myparab{Impact of dataset quality and size.} To understand how the performance of our chosen classifier model and parameters are impacted by: (1) the quality and consistency of manually assigned classes in the CrowdFlower dataset and (2) the size of the dataset, we re-evaluate the classifier while only considering tweets having a minimum confidence score and varying the size of the holdout set. Specifically, our experiments considered confidence thresholds of 0 (all tweets considered), .35 (only tweets where at least 35\% of contributors agreed on a class were considered), and .70 (only tweets where at least 70\% of the contributors agreed on a class were considered) and varied the holdout set sizes between 5\% and 95\% of all tweets meeting the confidence threshold set for the experiment. The results illustrated in \Cref{fig:classifier-performance} show the performance of the classifier while evaluating the corresponding holdout set. We make several conclusions from these results: \begin{itemize} \item Beyond a (fairly low) threshold, the size of the training and validation set has little impact on classifier performance. We see that the accuracy, precision, and recall have, at best, marginal improvements with holdout set sizes smaller than 60\%. This implies that the CrowdFlower dataset is sufficient for building an offensive speech classifier. \item Quality of manual labeling has a significant impact on the accuracy and precision of the classifier. Using only tweets which had at least 70\% of contributors agreeing on a class resulted in between 5-7\% higher accuracy and up to 5\% higher precision. \item Our classifier achieves precision of over 95\% and recall of over 85\% when considering only high confidence samples. This implies that the classifier is more likely to underestimate the presence of offensive speech -- \ie our results likely provide a lower-bound on the quantity of observed offensive speech. \end{itemize} \section{Measurements}\label{sec:measurement} In this section we quantify and characterize offensiveness in the political and general contexts using our offensive speech classifier and the Reddit comments dataset which considers a random sample of comments made between January 2015 and January 2017. \myparab{Offensiveness over time.} We find that on average 8.4\% of all political comments are offensive compared to 7.8\% of all apolitical comments. \Cref{fig:offensive-speech-timeline} illustrates the fraction of offensive political and apolitical comments made during each week in our study. We see that while the fraction of apolitical offensive comments has stayed steady, there has been an increase in the fraction of offensive political comments starting in July 2016. Notably, this increase is observed after the conclusion of the US presidential primaries and during the period of the Democratic and Republican National Conventions and does not reduce even after the conclusion of the US presidential elections held on November 8. Participants in political subreddits were 2.6\% more likely to observe offensive comments prior to July 2016 but 14.9\% more likely to observe offensive comments from July 2016 onwards. \begin{figure}[ht] \centering \includegraphics[trim=0cm 0cm 0cm 0cm, clip=true, width=.49\textwidth, angle=0] {./figures/offensive-speech-results/offensive-comments-per-month-fraction.png} \caption{Fraction of offensive comments identified in political and all subreddits.} \label{fig:offensive-speech-timeline} \end{figure} \myparab{Reactions to offensive comments.} We use the comment \emph{score}, roughly the difference between up-votes and down-votes received, as a proxy for understanding how users reacted to offensive comments. We find that comments that were offensive: (1) on average, had a higher score than non-offensive comments (average scores: 8.9 \vs 6.7) and (2) were better received when they were posted in the general context than in the political context (average scores: 8.6 \vs 9.0). To understand how peoples reactions to offensive comments evolved over time, \Cref{fig:offensive-scores-timeline} shows the average scores received by offensive comments over time. Again, we observe an increasing trend in average scores received by offensive and political comments after July 2016. \begin{figure}[ht] \centering \includegraphics[trim=0cm 0cm 0cm 0cm, clip=true, width=.49\textwidth, angle=0] {./figures/offensive-speech-results/offensive-comments-per-month-scores.png} \caption{Average scores of offensive comments identified in political and all subreddits.} \label{fig:offensive-scores-timeline} \end{figure} \myparab{Characteristics of offensive authors.} We now focus on understanding characteristics of authors of offensive comments. Specifically, we are interested in identifying the use of \emph{throwaway} and \emph{troll} accounts. For the purposes of this study, we characterize \emph{throwaway} accounts as those with less than five total comments -- \ie accounts that are used to make a small number of comments. Similarly, we define \emph{troll} accounts as those with over 15 comments of which over 75\% are classified as offensive -- \ie accounts that are used to make a larger number of comments, of which a significant majority are offensive. We find that 93.7\% of the accounts which have over 75\% of their comments tagged as offensive are throwaways and 1.3\% are trolls. Complete results are illustrated in \Cref{fig:offensive-authors-cdf}. \begin{figure}[ht] \centering \includegraphics[trim=0cm 0cm 0cm 0cm, clip=true, width=.49\textwidth, angle=0] {./figures/offensive-speech-results/offensive-comments-author-cdf.png} \caption{CDF of the fraction of each authors comments that were identified as offensive. Green, orange, and red dots are used to represent authors with $<$5, 5-15, and $>$15 total comments, respectively. The legend provides a breakdown per quartile.} \label{fig:offensive-authors-cdf} \end{figure} \myparab{Characteristics of offensive communities.} We breakdown subreddits by their category (default, political, and other) and identify the most and least offensive communities in each. \Cref{fig:subreddit-cdf} shows the distribution of the fraction of offensive comments in each category and \Cref{tab:subreddit-breakdown} shows the most and least offensive subreddits in the political and default categories (we exclude the ``other'' category due to the inappropriateness of their names). We find that less than 19\% of all subreddits (that account for over 23\% of all comments) have over 10\% offensive comments. Further, several default and political subreddits fall in this category, including {\tt r/the$\_$donald} -- the most offensive political subreddit and the subreddit dedicated to the US President. \begin{figure}[ht] \centering \includegraphics[trim=0cm 0cm 0cm 0cm, clip=true, width=.49\textwidth, angle=0] {./figures/offensive-speech-results/offensive-comments-subreddit-cdf.png} \caption{Distribution of the fraction of offensive comments observed in each subreddit category. Only subreddits with over 1000 comments are considered.} \label{fig:subreddit-cdf} \end{figure} \begin{table}[th] \centering \resizebox{\linewidth}{!}{% \begin{tab}{lll} \textbf{Category} & \textbf{Most offensive (\%)} & \textbf{Least offensive (\%)} \\ \midrule Default & {\tt r/tifu} (15.1\%) & {\tt r/askscience} (2.4\%) \\ & {\tt r/announcements} (13.2\%) & {\tt r/personalfinance} (3.4\%)\\ & {\tt r/askreddit} (11.0\%) & {\tt r/science} (3.8\%)\\\midrule Political & {\tt r/the$\_$donald} (11.4\%) & {\tt r/republican} (4.4\%)\\ & {\tt r/elections} (10.2\%) & {\tt r/sandersforpresident} (4.9\%)\\ & {\tt r/worldpolitics} (9.8\%) & {\tt r/tedcruz} (5.1\%)\\ \end{tab} } \caption{Subreddits in the default and political categories with the highest and lowest fraction of offensive comments.} \label{tab:subreddit-breakdown} \end{table} \myparab{Flow of offensive authors.} Finally, we uncover patterns in the movement of offensive authors between communities. In \Cref{fig:offensive-flow} we show the communities in which large number of authors of offensive content on the \texttt{r/politics} subreddit had previously made offensive comments (we refer to these communities as sources). Unsurprisingly, the most popular sources belonged to the default subreddits (\eg ~{\tt r/worldnews}, {\tt r/wtf}, {\tt r/videos}, {\tt r/askreddit}, and {\tt r/news}). We find that several other political subreddits also serve as large sources of offensive authors. In fact, the subreddits dedicated to the three most popular US presidential candidates -- {\tt r/the$\_$donald}, {\tt r/sandersforpresident}, and {\tt r/hillaryclinton} rank in the top three. Finally, outside of the default and political subreddits, we find that {\tt r/nfl}, {\tt r/conspiracy}, {\tt r/dota2}, {\tt r/reactiongifs}, {\tt r/blackpeopletwitter}, and {\tt r/imgoingtohellforthis} were the largest sources of offensive political authors. \begin{figure}[ht] \centering \includegraphics[trim=.5cm 2cm 0cm 0cm, clip=true, width=.5\textwidth, angle=0] {./figures/offensive-speech-results/network-effect-politics-only.png} \caption{Flow of offensive authors. An edge between two subreddits indicates that authors made offensive comments in the source subreddit before the first time they made offensive comments in the destination subreddit. Darker and thicker edges indicate larger flow sizes (only flows $\ge 200$ authors are shown).} \label{fig:offensive-flow} \end{figure} \section{Conclusions and Future Work}\label{sec:conclusions} We develop and validate an offensive speech classifier to quantify the presence of offensive online comments from January 2015 through January 2017. We find that political discussions on Reddit became increasingly less civil -- as measured by the incidence of offensive comments -- during the 2016 general election campaign. In fact, during the height of the campaign, nearly one of every 10 comments posted on a political subreddit were classified as offensive. Offensive comments also received more positive feedback from the community, even though most of the accounts responsible for such comments appear to be throwaway accounts. While offensive posts were increasingly common on political subreddits as the campaign wore on, there was no such increase in non-political fora. This contrast provides additional evidence that the increasing use of offensive speech was directly related to the ramping up of the general election campaign for president. Even though our study relies on just a single source of online political discussions -- Reddit, we believe that our findings generally present an upper-bound on the incidence of offensiveness in online political discussions for the following reasons: First, Reddit allows the use of pseudonymous identities that enables the online disinhibition effect (unlike social-media platforms such as Facebook). Second, Reddit enables users to engage in complex discussions that are unrestricted in length (unlike Twitter). Finally, Reddit is known for enabling a general culture of free speech and delegating content regulation to moderators of individual subreddits. This provides users holding fringe views a variety of subreddits in which their content is welcome. Our findings provide a unique and important mapping of the increasing incivility of online political discourse during the 2016 campaign. Such an investigation is important because scholars have outlined many consequences for incivility in political discourse. Incivility tends to ``turn off'' political moderates, leading to increasing polarization among those who are actively engaged in politics \cite{wolf2012incivility}. More importantly, a lack of civility in political discussions generally reduces the degree to which people view opponents as holding legitimate viewpoints. This dynamic makes it difficult for people to find common ground with those who disagree with them \cite{mutz2006hearing} and it may ultimately lead citizens to view electoral victories by opponents as lacking legitimacy \cite{mutz2015your}. Thus, from a normative standpoint, the fact that the 2016 campaign sparked a marked increase in the offensiveness of political comments posted to Reddit is of concern in its own right; that the incidence of offensive political comments has remained high even three months after the election is all the more troubling. In future work, we will extend our analysis of Reddit back to 2007 with the aim of formulating a more complete understanding of the dynamics of political incivility. For example, we seek to understand whether the high incidence of offensive speech we find in 2016 is unique to this particular campaign or if previous presidential campaigns witnessed similar spikes in incivility. We will also examine whether there is a more general long-term trend toward offensive online political speech, which would be consistent with what scholars have found when studying political elites \cite{shea2012rise, jamieson2000continuity}. \bibliographystyle{plain}
09d0bb47734e9a8394cd74bedd1733e213d6fe2e
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Astrophysical and cosmological evidences suggest that non-baryonic cold dark matter (DM) constitutes $84\%$ of the matter density of the Universe \citep{Ade:2015xua}. Many well-motivated DM candidates are predicted to annihilate or decay into Standard Model (SM) particles and to produce secondary cosmic rays, such as gamma rays \citep{Bertone:2005xv}. Galaxy clusters, dwarf spheroidal (dSph) galaxies as well as the Galactic Center are principal astrophysical targets for indirect DM searches. Among other targets, the Milky Way dSph galaxies are considered to be especially promising objects due to their relatively close position and their appearance as point-like or marginally extended sources in gamma-ray telescopes. Moreover, the contamination from intrinsic astrophysical sources is negligible in these objects. In fact, they host an old stellar population of low-luminosity and do not possess gas. However, the high uncertainties in the kinematics of these pressure-supported galaxies and the total absence of gas in the periphery do not allow us to well constrain their DM profiles \citep[see, e.g.,][]{dwarfkin}. The effective determination of the latter is very crucial for the estimation of the astrophysical factor (or J-factor), that depends on the DM density distribution profile. Besides, due to the uncertainty on the geometry of dSphs, the astrophysical factor is affected by the errors up to six orders of magnitude \citep{triaxSph}. In spite of that, the study of dSph galaxies sets the most stringent constraints on the particle DM mass and the annihilation cross-section so far. In particular, the stacked analysis of several dSphs allows to exclude the thermal DM particle of the mass below 100 GeV \citep{dSphFERMI1}. \\ In this paper, driven by the intent of reducing the uncertainty on the astrophysical J-factor for DM indirect searches, we investigate a sample of 36 dwarf irregular (dIrr) galaxies of the Local Volume catalog \citep{karachentsev}, that is within a sphere of $\sim 11$ Mpc centred on our Galaxy and within redshift $z\lsim 10^{-3}$. Their distances obtained by means of primary distance indicators, are comparable with that of many dSph galaxies. Unlike pressure supported dSph galaxies, dIrrs are rotationally supported star-forming dwarf galaxies, that are considered to be DM dominated objects at all radii \citep{oh,oh1,gentile06}. Their kinematics is rather simple and points to the existence of cored DM density profiles with halos much larger than the enclosed star-forming regions \citep{urc1}. These relevant properties and the increasing number of dIrr galaxies that has been recently detected and studied in their kinematics, make them interesting targets for DM searches.\\ Nonetheless and unlike dSphs, an astrophysical gamma-ray contamination is expected due to the star-forming activity of these objects \citep{Martin}. Assuming that the main contribution is enclosed in the optical regions of these galaxies, in this paper we study the possibility of considering the big halos of dIrr galaxies as targets of interest, in the framework of point-like analysis for DM indirect searches with gamma-ray telescopes.\\ The paper is organized as follows. In Section \ref{Irr} we briefly review the DM density distribution profiles of our sample of dIrr galaxies. Details on gamma-ray detectors are given in Section \ref{telescopessection}. In Section \ref{gammarayDMsection}, we briefly review the fundamentals of DM searches with gamma rays. We discuss and calculate the astrophysical J-factors of the dIrr galaxies in our sample and the associated uncertainties in Section \ref{Jfactor}, including details on the baryon and DM distribution in dIrrs. In Section \ref{gammarayBg} we theoretically estimate two contributions to the gamma-ray emission in dIrr, both from astrophysics and DM. As a result of the sensitivity study, we present the constraints on the DM particle mass and annihilation cross-section by means of both the individual and combined analysis of galaxies in the sample in Section \ref{analysissecVII}. In Sections \ref{discussion} and \ref{conclusions} we discuss the results and summarise the main conclusions of this work. Further information about the rotation curves of our galaxy sample, details on the astrophysical J-factor and the sensitivity study for each individual galaxy are given in Appendices \ref{AppA} , \ref{AppB} and \ref{AppC}, respectively. \section{Dwarf Irregular Galaxies and Burkert profile} \label{Irr} The sample of 36 dIrr galaxies was presented and analysed in \cite{Karukes}, where the concept of rotation curve universality is applied. This concept is based on the systematic study of the rotation curves of more than 1100 spiral galaxies \citep{urc,urc1}. The Universal Rotation Curve (URC) allows to describe the structural parameters of luminous and dark components in galaxies without individual mass modelling, and at the same time reduces the uncertainties on the estimation of the DM density distribution profile. As shown in \cite{Karukes} and in Appendix \ref{AppA} of this paper, the URC model allows to well fit the rotation curve for this class of objects, for which the few kinematical data do not allow an individual mass modelling. The DM distribution in these galaxies is well described by the Burkert profile: \begin{equation} \rho_{\mathrm{Burkert}}(r)=\frac{\rho_0r_0^3}{(r+r_0)(r^2+r_0^2)}, \label{Burkert} \end{equation} where $\rho_0$ is the central density and $r_0$ is the core radius. Let us notice, that the cuspy NFW profile \citep{Navarro1995} does not fit well the kinematics of dIrr galaxies \citep{deBlok2009,Karukes}. Instead, the URC model and the Burkert profile are able to well recover the observed kinematics of most of the galaxies in the sample. The uncertainties on the estimated inclinations or disk length scales of the objects could justify the three cases (NGC6822, AndIV and UGC8508) in which the URC model does not reproduce the outer kinematics. For this reason, we do not apply any selection to the sample, but we keep in mind that their observed kinematics should be farther checked. In Fig. \ref{v12} of Appendix~\ref{AppA}, we show the observed and modelled rotation curves of the full sample of 36 dIrrs galaxies. The DM halo parameters for the galaxies in the sample are listed in Table \ref{Tab:Irr}\footnote{The DM parameters listed in Table \ref{Tab:Irr} are slightly different from the ones in \citet{Karukes} due to the fact that for some of the galaxies the values of the inclination were updated. Additionally, distances are also slightly different from the ones cited in \citet{karachentsev} due to the recent updates in the catalog http://www.sao.ru/lv/lvgdb}. We then use the definition of the virial radius {\color{blue}} at redshift z=0 in the spherically symmetric halo: \begin{equation} R_\mathrm{vir}=\left(\frac{3 M_\mathrm{halo}}{4 \pi \Delta_\mathrm{cr} \rho_\mathrm{cr}}\right)^{\frac{1}{3}}, \end{equation} \noindent where $\mathrm{\rho_{cr}}$ is the critical mean density of the Universe, $\Delta_\mathrm{cr}$ is a factor that defines over-densities and $M_\mathrm{vir}$ is the halo mass. Common values for $\Delta_\mathrm{cr}$ range from 100 to 500 (or even higher) \citep[see Chapter 2.1 of][for more details about different values of $\Delta_\mathrm{cr}$]{Coe}. If we assume that $\rho_\mathrm{cr}=137 \hspace{0.1cm} \mathrm{M_{\odot}/kpc}$ and $\Delta_\mathrm{cr}=100$, then we have: \begin{equation} R_\mathrm{vir}=259\left(\frac{M_\mathrm{halo}}{10^{12}\mathrm{M}_\odot}\right)^{1/3}, \label{Rvir} \end{equation} \vspace{1cm} \noindent where the masses of the DM halos $M_\mathrm{halo}$ of galaxies in our sample are given in Table \ref{Tab:Irr}. In this table and in Fig. \ref{Selection4P} we also report the distance $d$, its error $\Delta d$, the optical radius $R_\mathrm{opt}$, structural parameters of the DM halo ($r_\mathrm{0}$, $\rho_\mathrm{0}$, $R_\mathrm{vir}$), the inclination, the stellar disk mass $M_\mathrm{disk}$ and the morphological~classification (MC). \begin{table*} \centering \footnotesize \caption{Sample of 36 dwarf irregular galaxies.} \resizebox{\textwidth}{!}{ \begin{tabular}{|c|c|c|c|c|c|c|c|c|c|c|c|c|c|} \hline Name & $l$& $b$ & d & $\Delta$d & $R_\mathrm{opt}$& $ r_0 $ & $\rho_0$ & $M_\mathrm{halo}$ & $R_\mathrm{vir}$ & incl&$M_\mathrm{disk}$ &MC&BCD\\ & (deg) & (deg) & (Mpc) & (Mpc) & (kpc) & (kpc) & ($10^7\frac{M_\odot}{kpc^3}$) & ($10^{10}M_\odot$) & (kpc) & (deg) & ($10^{8}M_\odot$) &---& boh \\ \hline UGC1281 & 136.9 & -28.7 & 5.27 & 0.02 & 3.39 & 3.20 & 3.5 & 3.7 & 86.0&90&1.4& Sdm&---\\ \hline UGC1501 & 140.9 & -31 & 5.37 & 0.05 & 4.55 & 4.80 & 1.7 & 5.4 & 97.9&75 &1.8&SBdm&---\\ \hline UGC5427 & -160.6 & 53.4 & 7.69 &0.18 & 1.31 & 0.86 & 36.4 & 1.0 & 55.8&55&0.5&Sdm&---\\ \hline UGC7559 & 148.6 & 78.7 & 4.97 & 0.16 & 2.85 & 2.52 & 2.1 & 1.0 & 55.6&65&0.5&IBm&---\\ \hline UGC8837 &103.7 & 60.8 & 7.24 &0.03 & 5.12 & 5.65 & 1.1 & 5.3 & 97.3& 91.9 &1.7& IB(s)m&---\\ \hline UGC7047 & 138.9 & 63.0 & 4.39 & 0.04 & 1.82& 1.36 & 7.5 & 0.7 & 48.7&44&0.3&IAm/BCD& 1\\ \hline UGC5272 &-164.6 & 50.6 & 7.11 & 1.42 & 4.09& 4.14 & 2.3 & 4.9 & 94.8&59&1.7&Im&--- \\ \hline DDO52 & 179.1 & 35.2 & 9.86 & 0.14 & 4.16 & 4.24 & 2.6 & 6.1 & 102.2&43&2.1&Im&---\\ \hline DDO101 & -170.3 & 77.1 &16.60 & 3.32 & 3.10 & 2.71 & 5.1 & 3.9 & 87.8&51&1.5&Im&--- \\ \hline DDO154 & 35.1& 89.4 & 4.04 & 0.06 & 2.40 & 1.98 & 4.0 & 1.0 & 56.1&68.2&0.5&IB(s)m&--- \\ \hline DDO168 &110.7& 70.7 & 4.25 & 0.16 & 2.59 & 2.20 & 8.2& 3.2 & 82.1 &46.5&1.3&IBm&---\\ \hline Haro29 &134.1& 68.1 & 5.70 & 0.13 & 0.90 & 0.51 & 34.2& 0.2& 32.7 &67&0.1&S/BCD&2\\ \hline Haro36 &124.6& 65.5 & 8.91 & 1.78 & 3.11 & 2.84 & 4.7 & 3.6 & 85.3&70&1.4&Im/BCD&3\\ \hline IC10 & 119.0 & -3.3 & 0.79 & 0.04 & 1.44 & 0.98 & 16.6 & 0.6 & 47.4&47&0.3&IBm/BCD&2\\ \hline NGC2366 &146.4& 28.5 & 3.28 & 0.05 & 4.20 & 4.30 & 2.2 & 5.1 & 96.0 &68&1.7& IB(s)m&---\\ \hline WLM &75.9& -73.6 & 0.98 & 0.03 & 1.76 & 1.29 & 6.5 & 0.5 & 44.0&74&0.3& IB(s)m&---\\ \hline UGC7603 &-108.4& 83.3& 8.40 & 1.68 & 3.56 & 3.42 & 3.8& 5.0 & 95.4&78&1.8 &SB(s)d&---\\ \hline UGC7861 &130.2& 75.7 & 7.91 & 1.58 & 1.98 & 1.52 & 16.5 & 2.3 & 73.5&47&1.0 &SAB(rs)m&---\\ \hline NGC1560 &138.4& 16.0 & 2.99 &0.19 & 3.04 & 2.75 & 4.9& 3.4 & 84.0&82&1.3 &SA(s)d&---\\ \hline DDO125 &137.7 & 73.0 & 2.61 &0.06 & 1.50 & 1.04 & 2.6& 0.1 & 24.8&63&0.1&Im&---\\ \hline UGC5423 & 140.0& 40.8& 8.87 &0.12 & 1.69 & 1.22 & 10.3 & 0.7 & 49.5 &56&0.4&Im/BCD &1\\ \hline UGC7866 & 131.9 &78.5 & 4.57 &0.15 &1.74 & 1.27 & 5.1 & 0.4 & 39.4&44&0.2&IAB(s)m&---\\ \hline DDO43 & 177.8& 23.9 & 10.47 &0.34 &2.62 & 2.24 & 2.1 & 0.7 & 49.9&40.6&0.3&Im&---\\ \hline IC1613 & 129.7 & -60.6 & 0.76 & 0.02 & 1.92 & 1.46 & 1.7 & 0.2 & 30.0&48&0.1&IB(s)m&---\\ \hline UGC4483 &145.0& 34.4 & 3.58 & 0.15 &0.67 & 0.34 & 30.6 & 0.1 & 20.7 &58&0.04&Im/BCD&2\\ \hline KK246* &9.7& -28.4 & 6.86 & 0.35 & 1.57 & 1.11 & 9.5 & 0.5 & 43.4&25 &0.3&Ir&---\\ \hline NGC6822 &25.3 & -18.4& 0.52 &0.02 & 1.79 & 1.32 & 7.0& 0.6& 46.3&58&0.3&IB(s)m&---\\ \hline UGC7916 &134.2& 82.6 & 9.12 & 1.82 &5.22 & 5.80 & 0.6 & 2.7 & 77.6&74&1.0& Im&---\\ \hline UGC5918 & 140.9 & 47.1 & 7.45 & 1.49 & 3.90 & 3.88 & 1.7 & 2.9 & 79.5&46&1.1& Im&---\\ \hline AndIV* &121.1& -22.3 & 7.18 & 0.33 & 1.52 & 1.06 & 8.9& 0.4& 40.5&62&0.2&Ir&---\\ \hline UGC7232 & 160.6 & 77.6& 2.83 & 0.08 & 0.68 & 0.35 & 93.4 & 0.2 & 31.9&59&0.1&Im&---\\ \hline DDO133 & 164.3& 84.0 & 4.88 &0.11 & 2.88 &2.55 & 3.2 & 1.7 & 66.2&43.4&0.7&Im&---\\ \hline UGC8508 &111.1 & 61.3 & 2.67 & 0.10 & 0.89 & 0.51 & 22.0 &0.1&27.1&82.5&0.1&IAm&---\\ \hline UGC2455 & 156.3 & -29.2& 7.80 &0.54 & 3.4& 3.21& 2.7&2.8&78.5&51&1.1&IB(s)m&---\\ \hline NGC3741 & 157.6 & 66.4 & 3.22&0.16 & 0.60& 0.29& 52.8 & 0.1&21.8&64&0.1&Im&---\\ \hline UGC11583* & 095.6 & 12.3 & 5.89 & 1.18 & 3.75& 3.67& 2.5&3.8& 87.5&80&1.4&Ir&--- \\ \hline \hline \end{tabular} } \begin{justify} Columns: (1) galaxy name; (2)-(3) source position in the sky in galactic coordinates, longitude $l$ and latitude $b$ respectively; (4)-(5) distance and the associated error; (6) optical radius; (7) DM core radius; (8) DM central density; (9) DM halo mass; (10) virial radius; (11) inclination (an inclination of $90^\circ$ corresponds to an edge on galaxy, $0^\circ$ is a face on galaxy); (12) stellar disk mass; (13) morphological classification (MC) where the codes come from the Third Reference Catalog of Bright Galaxies (RC3) \citep{devaucouleurs}; (14)-BCD references. Here we also mark if a galaxy was identified as a BCD and its corresponding reference. Three of the galaxies in the sample (with asterisks next to their names) are not present in the RC3 catalog, therefore we suggest their morphology following \citet{karachentsev}. The errors are estimated to be of $15\%$ on $\rho_0$, $r_0$, and $10\%$ on $R_\mathrm{vir}$ and $R_\mathrm{opt}$. \noindent {\bf BCD references}: 1-\citet{parodi}, 2-\citet{gildepaz}, 3-\citet{thuan} \end{justify} \label{Tab:Irr} \end{table*} \begin{figure}[t] \begin{center} {\includegraphics[angle=0,height=8truecm,width=9truecm]{Selection4P_new_3005.pdf}} \caption {\centerlastline \footnotesize For each source we show the parameters (reported also in Tables~\ref{Tab:Irr}~and~\ref{angles}) that are relevant for the calculation of the astrophysical factor. Panel (a): distance. Panel (b): virial radius. Panel (c): central density. Panel (d) $\theta_\mathrm{vir}-\theta_\mathrm{opt}$ (see text for details). $\hspace{8cm}$} \label{Selection4P} \end{center} \end{figure} \section{Gamma-ray telescopes} \label{telescopessection} \begin{figure}[t] \begin{center} {\includegraphics[angle=0,height=8truecm,width=9truecm]{Skymap_new}} \raggedleft \caption { \centerlastline \footnotesize Sky map: position of the 36 dIrr galaxies in the sample and sky coverage of several gamma-ray telescopes. Overlapping regions are showed in different colours. We stress that Fermi-LAT covers almost the whole sky. The yellow region is covered by MAGIC, CTA-north and HAWC. The green region can be observed by the previous and HESS. The violet region is covered by the previous experiments except MAGIC and CTA north. The cyan region can be observed only by HESS so far. CTA-south will also cover this region in the next future. The black point indicates the Galactic Center (GC) region. Among other galaxies of the sample, we show here the position of NGC6822, IC10 and WLM. $\hspace{10cm}$} \label{skymap} \end{center} \end{figure} \begin{table} \centering \begin{center} \resizebox{9cm}{!}{ \begin{tabular}{|c|c|c|c|c|} \hline Experiment& Fermi-LAT & HESS I (II) & HAWC & CTA North/South\\ \hline E range & 20 MeV - 300 GeV & 0.03- 100 TeV & 0.1-100 TeV& 0.02-200 TeV \\ \hline $\Delta$ E & $10\%$ & $15\%$ & $50\%$ & $10\%$\\ \hline FoV (deg) & $>50$ & 5 (3.2) & wide & 10 \\ \hline $\theta_\mathrm{PSF}$ (deg) & $0.1-0.5$ & $0.1$ & $0.1$& $0.05$ \\ \hline $\mathrm{A}_\mathrm{eff} (\mathrm{cm}^2)$& $10^4$ & $1(6)\times10^6$ &$10^5$ & $10^{10}$ \\ \hline $t_\mathrm{exp}$ & $10$yr & 100 h & 5 yr &1000 h\\ \hline \hline \end{tabular} } \end{center} \caption{\centerlastline \footnotesize {Energy range, energy resolution ($\Delta$E), field of view (FoV), angular resolution $\theta_\mathrm{PSF}$, effective area $A_\mathrm{Eff}$ and the expected observation time $t_\mathrm{exp}$ for the Fermi-LAT satellite, the air and water Cherenkov observatories HESS, HAWC \citep{HAWC,HAWC1,HAWC2} and the future CTA telescopes, respectively. The angular resolution in Fermi-LAT strongly depends on the energy. $\hspace{10cm}$}} \label{telescopes} \end{table} Detectors on satellites as well as ground-based air and water Cherenkov arrays are dedicated to the detection and study of gamma-ray sources. Different instruments cover different regions of the sky, energy range, resolution angle and field-of-view. We consider a selection of gamma-ray telescopes and we report their main characteristics in Table~\ref{telescopes}. In Fig. \ref{skymap} we show the position of our sample of galaxies (as given in Table \ref{Irr}) with respect to the sky coverage of several instruments. Both the Fermi Large Area Telescope (Fermi-LAT) and the combination of the Cherenkov Telescope Array (CTA) South and North are expected to cover the whole sky. The Major Atmospheric Gamma Imaging Cherenkov Telescopes (MAGIC), The High Energy Stereoscopic System (HESS) and the High-Altitude Water Cherenkov Observatory (HAWC) instruments have limited sky coverage. Most of the galaxies of our sample are in the sky region covered by Fermi-LAT, HAWC, MAGIC and future CTA-North telescope. A minority of them are also observable with the HESS or the future CTA-South telescope, but not by MAGIC (see Fig.~\ref{skymap}). \section{Gamma-ray flux from dark matter annihilation} \label{gammarayDMsection} Gamma-ray astronomy represents one of the most promising methods to search for the DM indirectly \citep{GCCR4,GCCR,GCCR1,GCCR3}. Since the properties of large scale structures observed in our Universe imply that DM is fairly cold and its particles are relatively slow moving, the Weakly Interacting Massive Particles (WIMPs) are one plausible DM candidates so far \citep{BUB,FMW}. In the generic WIMP scenario, two massive DM particles can annihilate producing two lighter SM particles. In this framework, the differential gamma-ray flux from two annihilating DM particles in galactic sources is: \begin{equation} \frac{\mathrm{d}\,\phi_{\gamma}^{\mathrm{DM}}}{\mathrm{d}\,E_{\gamma}} = \frac{dP}{dE}\, <J>_{\Delta\Omega}. \label{flux} \end{equation} \noindent The first term on the r.h.s. is the particle physics dependent part: \begin{equation} \frac{dP}{dE}=\frac{1}{8\pi \mathrm{m}_\mathrm{DM}^2}\sum_i\langle\sigma_i v\rangle \frac{\mathrm{d}\,N_\gamma^i(\mathrm{m}_\mathrm{DM})}{\mathrm{d}\,E_{\gamma}}\, , \label{Eq:P} \end{equation} \noindent that depends on the DM particle mass $\mathrm{m}_\mathrm{DM}$ and the averaged annihilation cross-section $\langle\sigma_i v\rangle$ of two DM particles into two SM particles (labeled by the subindex $i$). After the main DM annihilation event, the chain of subsequent hadronization and decay events of SM particles, such as quarks and leptons, produce secondary fluxes of cosmic rays, such as gamma rays, neutrinos, antimatter etc. Due to the non-perturbative quantum chromodynamic effects, the analytical calculation of these decay chains is a hard task to be accomplished and therefore it requires Monte Carlo events generators such as PYTHIA \citep{PYTHIA} or HERWIG \citep{HERWIG} particle physics software. Here, we use Cirelli's code \citep{Cirelli} and we include electro weak corrections \citep{EW}. The uncertainty related to the choice of the Monte Carlo events generator software that produces the simulated gamma-ray flux was studied, among others, in \cite{MC}. We assume here that the DM particle is a Majorana fermion. An extra factor of 1/2 would appear in Eq. \ref{Eq:P} in the case of symmetric Dirac fermion dark matter. \\ The second term on the r.h.s. of Eq. \ref{flux} represents the astrophysical factor: \begin{equation} <J>_{\Delta\Omega}=\frac{1}{\Delta\Omega}\int_{\Delta\Omega}\mathrm{d}\Omega\int_{l.o.s.} \rho^2(s) \mathrm{d}s \label{Eq:J} \end{equation} \noindent i.e, the integral of the DM mass density profile, $\rho(r)$, along the path (line of sight, $l.o.s.$) between the gamma-ray detector and the source divided by the solid angle $\Delta\Omega=2\pi(1-\cos{\theta})$. The allowed range of values for $\theta$ in the framework of point-like analysis is given by the Point Spread Function (PSF) of the instrument, as we will discuss in the following. \begin{figure}[t!] \begin{center} {\includegraphics[angle=0,height=8truecm,width=9truecm]{thetaEXPJErrProp3005}} \caption {\centerlastline \footnotesize J-factors $J=\langle J\rangle_{\Delta\Omega}\Delta\Omega$ for the angular resolution (PSF) of different telescopes assuming the point-like source analysis. We use the following PSF: $\theta_\mathrm{Fermi-LAT}=0.5^\circ$ (purple points), $\theta_\mathrm{HAWC/HESS}=0.1^\circ$ (green points) and $\theta_\mathrm{CTA}=0.05^\circ$ (red points). The point-like analysis account for more than $95\%$ of the DM halo. The error bars account for the uncertainties in the DM density distribution profile for the estimation of the J-factor. For the comparison, we also show the astrophysical factors and the associated error bars of three dSphs: SEGUE1, SEGUE2 and DRACO \citep{triaxSph}.$\hspace{3cm}$ } \label{thetaEXPJ} \end{center} \end{figure} \begin{figure}[t] \begin{center} {\includegraphics[angle=0,height=7.7truecm,width=9truecm]{thetavirJErrProp3005.pdf}} \caption {\centerlastline \footnotesize{ $J_\mathrm{vir}$-factor as a function of the angle $\theta_\mathrm{vir}$, where $\theta_\mathrm{vir}$ is the projection of the virial radius on the sky. The error bars represent the $75\%$ of} $J_\mathrm{vir}$. Unlike the point-like hypothesis in Fig. \ref{thetaEXPJ}, in this case we also have errors on $\theta_\mathrm{vir}$ corresponding to the uncertainty on the estimation of virial radio $R_\mathrm{vir}$ and the distance of the source target $d$ (see Tables \ref{Tab:Irr} and \ref{angles} and text for more details. For the comparison, we also report the astrophysical factors and the associated error bars of three dSphs: SEGUE1, SEGUE2 and DRACO \citep{triaxSph}. The angular dimensions of the latter are given by the corresponding tidal radii.\hspace{10cm} } \label{thetavirJ} \end{center} \end{figure} \begin{figure}[t] \begin{center} {\includegraphics[angle=0,height=7.3truecm,width=9truecm]{Jvsd.pdf}} \caption {\centerlastline \footnotesize{ $J_{0.5^\circ}$-factor as a function of the distance to the target. The J-factors of closer objects are promising with respect to some dSphs.\hspace{0.9cm} }} \label{Jvsd} \end{center} \end{figure} \begin{table*}[ht!] \centering \begin{center} \resizebox{\textwidth}{!}{ \begin{tabular}{|c|c|c|c|c|c|c|c|c|} \hline Name & $\theta_\mathrm{opt}$ (deg) & $\theta_\mathrm{vir}$ (deg) & $\theta_\mathrm{vir}-\theta_\mathrm{opt}$ &$J_{0.05^\circ}$ ($\mathrm{GeV}^2\mathrm{cm}^{-5}$) &$J_{0.1^\circ}$ ($\mathrm{GeV}^2\mathrm{cm}^{-5}$) & $J_\mathrm{0.5^\circ}$ ($\mathrm{GeV}^2\mathrm{cm}^{-5}$) & $J_\mathrm{vir}$ ($\mathrm{GeV}^2\mathrm{cm}^{-5}$) & \\ \hline UGC1281 &$0.037\pm 0.004$ &$0.936\pm 0.003$ &$ 0.90\pm 0.01$ & $6.74\times10^{15}$ & $8.08\times10^{15}$ & $8.46\times10^{15}$ & $8.46\times10^{15}$ & \\ \hline UGC1501 &$0.048\pm0.005$ &$1.04\pm0.01$ & $1.00\pm0.01$ & $4.14\times10^{15}$ & $5.88\times10^{15}$ & $6.60\times10^{15}$ &$6.60\times10^{15}$ & \\ \hline UGC5427 &<0.01& $0.42\pm0.01$ & $0.41\pm0.01$ & $8.52\times10^{15}$ & $8.56\times10^{15}$ &$8.56\times10^{15}$ & $8.56\times10^{15}$ & \\ \hline UGC7559 &$0.033\pm0.003$ &$0.64\pm0.02$& $0.61\pm0.02$ & $1.44\times10^{15}$ & $1.63\times10^{15}$&$1.68\times10^{15}$ & $1.68\times10^{15}$ & \\ \hline UGC8837 &$0.040\pm0.004$ & $0.771\pm0.003$ &$0.73\pm0.01$ & $1.71\times10^{15}$ & $2.27\times10^{15}$ &$2.47\times10^{15}$ &$2.47\times10^{15}$ & \\ \hline UGC7047 &$0.023\pm0.002$ & $0.64\pm0.01$& $0.61\pm0.01$ & $4.08\times10^{15}$ & $4.25\times10^{15}$ &$4.29\times10^{15}$ & $4.29\times10^{15}$ & \\ \hline UGC5272 &$0.03\pm0.01$ & $0.7\pm0.2$& $0.7\pm0.2$ & $3.58\times10^{15}$ & $4.23\times10^{15}$ &$4.41\times10^{15}$ & $4.42\times10^{15}$& \\ \hline DDO52 &$0.024\pm0.002$ & $0.59\pm0.01$& $0.57\pm0.01$ & $2.91\times10^{15}$ & $3.15\times10^{15}$ &$3.25\times10^{15}$ & $3.25\times10^{15}$ &\\ \hline DDO101 &<0.01 &$0.30\pm0.06$& $0.29\pm0.06$ & $1.27\times10^{15}$ & $1.29\times10^{15}$ &$1.29\times10^{15}$ &$1.29\times10^{15}$ & \\ \hline DDO154 &$0.034\pm0.003$ &$0.8\pm0.1$& $0.8\pm0.1$ & $3.92\times10^{15}$ & $4.42\times10^{15}$ &$4.54\times10^{15}$ &$4.54\times10^{15}$ & \\ \hline DDO168 &$0.035\pm0.004$ &$1.11\pm0.04$ & $1.07\pm0.04$ & $1.99\times10^{16}$ & $2.27\times10^{16}$ &$2.34\times10^{16}$ & $2.34\times10^{16}$ & x \\ \hline Haro29 &<0.01 & $0.33\pm0.01$&$0.32\pm0.01$ & $2.97\times10^{15}$ & $2.98\times10^{15}$ &$2.99\times10^{15}$ &$2.99\times10^{15}$ & \\ \hline Haro36 &$0.020\pm0.004$ &$0.5\pm0.1$& $0.5\pm0.1$ & $3.57\times10^{15}$ & $3.73\times10^{15}$ &$3.77\times10^{15}$ & $3.77\times10^{15}$ & \\ \hline IC10 &$0.10\pm0.1$& $3.4\pm0.2$ & $3.3\pm0.2$ & $1.14\times10^{17}$ & $1.97\times10^{17}$ &$2.48\times10^{17}$ & $2.49\times10^{17}$ & x \\ \hline NGC2366 &$0.07\pm0.01$ &$1.68\pm0.03$ & $1.60\pm0.03$ & $8.68\times10^{15}$ & $1.55\times10^{16}$ &$2.01\times10^{16}$ & $2.02\times10^{16}$ & x \\ \hline WLM &$0.10\pm0.01$ &$2.6\pm0.1$ & $2.5\pm0.1$ & $2.40\times10^{16}$ & $4.30\times10^{16}$ & $5.59\times10^{16}$ & $5.62\times10^{16}$ & x \\ \hline UGC7603 & $0.024\pm0.005$ &$0.6\pm0.1$& $0.6\pm0.1$ & $4.52\times10^{15}$& $4.82\times10^{15}$ &$4.90\times10^{15}$ & $4.90\times10^{15}$ & \\ \hline UGC7861 & <0.01 & $0.5\pm0.1$&$0.5\pm0.1$ & $9.16\times10^{15}$ & $9.27\times10^{15}$ & $9.30\times10^{15}$ &$9.30\times10^{15}$ & \\ \hline NGC1560 &$0.06\pm0.01$ &$1.6\pm0.1$&$1.5\pm0.1$ & $2.03\times10^{16}$& $2.95\times10^{16}$ & $3.34\times10^{16}$ &$3.34\times10^{16}$ & x \\ \hline DDO125 &$0.033\pm0.003$ & $0.54\pm0.01$&$0.51\pm0.02$ & $5.91\times10^{14}$& $6.38\times10^{14}$ & $6.48\times10^{14}$ &$6.48\times10^{14}$ & \\ \hline UGC5423 &<0.01 & $0.320\pm0.004$& $0.310\pm0.005$ & $1.45\times10^{15}$ & $1.46\times10^{15}$ & $1.46\times10^{15}$ &$1.46\times10^{15}$ & \\ \hline UGC7866 &$0.022\pm0.002$ & $0.49\pm0.02$& $0.5\pm0.2$ & $1.43\times10^{15}$& $1.45\times10^{15}$ & $1.49\times10^{15}$ &$1.49\times10^{15}$ & \\ \hline DDO43 &<0.01 & $0.27\pm0.01$& $0.3\pm0.1$ &$2.75\times10^{14}$ & $2.80\times10^{14}$ & $2.80\times10^{14}$ & $2.80\times10^{14}$ & \\ \hline IC1613 &$0.14\pm0.02$ & $2.26\pm0.06$&$2.11\pm0.07$ & $2.53\times10^{15}$& $2.73\times10^{15}$ & $9.57\times10^{15}$ & $9.70\times10^{15}$ & \\ \hline UGC4483 &<0.01 & $0.33\pm0.01$& $0.32\pm0.01$ & $1.68\times10^{15}$ & $1.69\times10^{15}$ & $1.69\times10^{15}$ &$1.69\times10^{15}$ & \\ \hline KK246 &<0.01 & $0.36\pm0.02$& $0.35\pm0.02$ & $1.55\times10^{15}$& $1.56\times10^{15}$ & $1.57\times10^{15}$ &$1.57\times10^{15}$ & \\ \hline NGC6822 &$0.20\pm0.02$ & $5.1\pm0.2$ &$4.9\pm0.2$ & $4.13\times10^{16}$& $1.09\times10^{17}$ & $2.39\times10^{17}$ &$2.46\times10^{17}$ & x \\ \hline UGC7916 &$0.03\pm0.01$ &$0.5\pm0.1$&$0.4\pm0.1$ & $3.61\times10^{14}$& $4.41\times10^{14}$ & $4.64\times10^{14}$&$4.64\times10^{14}$ & \\ \hline UGC5918 &$0.03\pm0.01$ &$0.6\pm0.1$&$0.5\pm0.1$ & $1.53\times10^{15}$& $1.75\times10^{15}$ & $1.81\times10^{15}$ & $1.81\times10^{15}$ & \\ \hline AndIV &<0.01 & $0.32\pm0.1$& $0.31\pm0.02$ & $1.08\times10^{15}$& $1.09\times10^{15}$ & $1.09\times10^{15}$ & $1.09\times10^{15}$ & \\ \hline UGC7232 &<0.01 & $0.64\pm0.02$& $0.63\pm0.02$ & $2.73\times10^{16}$& $2.75\times10^{16}$&$2.75\times10^{16}$ & $2.75\times10^{16}$ & x\\ \hline DDO133 &$0.034\pm0.003$ & $0.78\pm0.01$& $0.74\pm0.02$ & $3.53\times10^{15}$& $4.05\times10^{15}$ & $4.18\times10^{15}$ &$4.18\times10^{15}$ & \\ \hline UGC8508& $0.020\pm0.002$& $0.58\pm0.02$&$0.56\pm0.02$ & $5.09\times10^{15}$& $5.16\times10^{15}$ & $5.17\times10^{15}$ &$5.17\times10^{15}$ & \\ \hline UGC2455 &$ 0.025\pm0.003$ & $0.58\pm0.04$&$0.55\pm0.04$ & $2.13\times10^{15}$& $2.32\times10^{15}$ & $2.36\times10^{15}$ &$2.36\times10^{15}$ &\\ \hline NGC3741 & <0.01& $0.38\pm0.02$&$0.38\pm0.02$ & $3.99\times10^{15}$& $4.00\times10^{15}$ & $4.00\times10^{15}$ &$4.00\times10^{15}$ & \\ \hline UGC11583 & $0.04\pm0.01$ & $0.8\pm0.2$&$0.8\pm0.2$ & $4.24\times10^{15}$& $5.14\times10^{15}$ & $5.40\times10^{15}$ &$5.40\times10^{15}$ & \\ \hline \hline \end{tabular} } \end{center} \caption{\centerlastline \footnotesize{Projected angles and the associated uncertainties correspond to the optical ($\theta_\mathrm{opt}$) and the virial ($\theta_\mathrm{vir}$) radii for each dIrr galaxy (see text for details). Astrophysical J-factors calculated as $J=\langle J \rangle_{\Delta\Omega}\Delta\Omega $, where $\langle J \rangle_{\Delta\Omega}$ is presented in Eq. (\ref{Eq:J}). We perform this calculation for several angular resolution associated with different experiments: $0.05^\circ$ for the next CTA, $0.1^\circ$ for HESS, HAWC and Fermi-LAT higher energies, $0.5^\circ$ Fermi-LAT. The J-factors ideally calculated on the virial angular dimensions are also shown for comparison (details are given in Appendix~\ref{AppB}). dIrrs marked with "x" are included in the combined analysis of 7 best galaxies in the sample. \hspace{15cm} } } \label{angles} \end{table*} \section{The astrophysical factor} \label{Jfactor} In this section we will focus on the astrophysical J-factor of the galaxies in the sample. The J-factor depends on the DM density distribution profile, the angular resolution of the telescope and the distance to the target. Instead, as we will discuss in Section~\ref{gammarayBg}, given a thermal WIMP candidate, the particle physics dependent part $P(\mathrm{m}_\mathrm{DM},\langle\sigma_i v\rangle)$ introduced in Eq. (\ref{flux}), is totally independent of the astrophysical context. The DM density distribution parameters for our sample of 36 galaxies are listed in Table \ref{Tab:Irr} and shown on Fig.~\ref{Selection4P}, while the angular resolution of different telescopes are summarized in Table \ref{telescopes}. The interested reader can find the details on the calculation of the astrophysical J-factor in the Appendix \ref{AppB}. The J-factor calculation gives a first order estimation on the competitiveness of dIrrs with respect to dSphs for DM searches. In the following we present two different approximations in order to calculate the J-factor in our sample, that is (i) fixing the telescope PSF and (ii) ideally accounting for the whole dIrr virial radius.\\ (i) \textit{Point-like J-factors} - Following Eq. (\ref{Eq:J}) we calculate the J-factors for the sample of 36 dIrr galaxies in light of a point-like source analysis, where the angular resolution is set by the PSF of the instrument. In details, we assume different values of the solid angles (or integration angles) $\Delta\Omega$ that correspond to the angular resolutions (or PSF) of various gamma-ray telescopes: $\theta=0.05^\circ, 0.1^\circ, 0.5^\circ$, that are CTA, HESS/HAWC and Fermi-LAT, respectively. The J-factors and their uncertainties are shown in Fig. \ref{thetaEXPJ}. Here the error bars represent the uncertainties of the DM density profile. Then, the $15\%$ error on the DM density distribution parameters $\rho_0$ and $r_0$ introduces an uncertainty of $20\%-60\%$ on the density distribution itself, that is $75\%$ of the astrophysical J-factor. We neglect the uncertainties on both the extreme limits of integration along the $l. o. s.$ and the solid angle since these contributions are expected to be negligible. Let us notice that the J-factor of NGC6822 decreases of almost one order of magnitude ($83\%$) decreasing the integration angle form $0.5^\circ$ (Fermi-LAT) to $0.05^\circ$ (CTA). We also notice that for the most galaxies of our sample the J-factors calculated for the PSF of $0.5^\circ$ are identical to that calculated using their virial dimensions (see the discussion in the next paragraph and Table \ref{angles}). (ii) \textit{Virial J-factors} - In Eq. (\ref{Eq:J}) the solid angle $\mathrm{\Delta\Omega}$, instead of being fixed by the PSF of the instrument, is varying with the dimension of the source. The virial J-factors are listed in Table~\ref{angles} and plotted as a function of the projected angular dimensions $\theta_\mathrm{vir}$ in Fig. \ref{thetavirJ}. This angle depends on the virial radius and the distance to the source as: $R_\mathrm{vir}^2=d^2\sin^2{\theta_\mathrm{vir}}$ (see Appendix \ref{AppB} for details). In Fig. \ref{thetavirJ} it is evident that the virial J-factor increases with the angle $\theta_\mathrm{vir}$. However, comparing Fig.~\ref{thetaEXPJ} with Fig. \ref{thetavirJ}, it becomes clear that taking into account the full DM halo up to $R_\mathrm{vir}$ or just the radius corresponding to the PSF of an instrument, does not affect much the resulting value of the J-factor. Let us notice that the J-factor of NGC6822 increases of only $4\%$ when we move from the integration angle of $0.5^\circ$ to $5^\circ$. The latter corresponds to the angular dimension of the virial radius. The uncertainties on the virial J-factors in Fig. \ref{thetavirJ} are calculated as for the point-like analysis. Instead, the error on $\theta_\mathrm{vir}$ is obtained by taking into account that the value of the virial radius $R_\mathrm{vir}$ in galaxies is independent of the distance to them. Therefore, we can calculate the maximum error on $\theta_\mathrm{vir}$ for each galaxy as: \begin{equation} \Delta\theta_\mathrm{vir}=\left(\sum_{x_n=d,R_\mathrm{vir}}\left(\frac{\partial\theta_\mathrm{vir}(x_n)}{\partial x_n}\bigg|_{x_n}\Delta x_n\right)^2\right)^{1/2}. \end{equation} \noindent The error bars on the $\theta_\mathrm{vir}$ are listed in Table \ref{angles} and shown~on~Fig. \ref{thetavirJ}. \\ In both cases of the point-like and the virial J-factors, the highest values are obtained for NGC6822, IC10, WLM, that are the closest objects in the sample, with distances of 520 kpc, 790, kpc and 980 kpc respectively (Panel (a) of Fig.~\ref{Selection4P}), central densities of $10^7-10^8 M_\odot$ (Panel (c) of Fig.~\ref{Selection4P}) and halo mass of $\sim 10^{10} M_\odot$ (see Table \ref{Tab:Irr}). In fact, the PSF of Fermi-LAT ($\theta \approx 0.5^\circ$) corresponds to a radius of $\sim$~4.5~kpc, $\sim$6.9 kpc and $\sim$8.5 kpc for the NGC6822, IC10 and WLM galaxy respectively. Let us notice that the average total DM halo mass in the spatial region of dIrrs enclosed within the Fermi-LAT PSF is $\sim 10^9 M_\odot$. This mass is two orders of magnitude bigger than the mass enclosed in the tidal radius of a typical dSph galaxy ($\sim10^7M_\odot$). \\ Finally, on Fig. \ref{Jvsd} we plot the J-factors for a PSF of $0.5^\circ$ versus the distance to the dIrrs of our sample and several dSphs. It appears clearly that dIrr galaxies although staying at higher distances, in some cases having similar values of the J-factors to that of some dSphs. It is also clear that there is some kind of dependence of the value of the J-factor on the distance to the object. This fact has been already addressed previously for the Milky Way satellites (see e.g. \citep{Fermi-LAT:2016uux}). Therefore, it is important to notice that there are certainly more dIrrs galaxies at the distance less than $\sim$~2~ Mpc than presented here. However, not all of them have been detected yet and not all the detected dIrrs have available kinematics so far (see the discussion section). \subsection{Baryon and dark matter spatial distribution} \vspace{0.3cm} In this section we will discuss the \textit{extra} astrophysical contribution to the gamma-ray flux expected from the DM annihilation events in dIrr galaxies. We further assume that this \textit{extra} astrophysical background is enclosed in the corresponding star-forming region. The latter is associated with their optical radii, that are several times smaller than the corresponding virial radii. \begin{figure}[t] \begin{center} {\includegraphics[angle=0,height=7truecm,width=9truecm]{theta_new_err_3005}} \caption {\centerlastline \footnotesize {Angular dimensions of different sources and resolutions angles of several gamma-ray experiments. For each source, we show: the projected virial (blue squares) and optical (purple points) radii. Angular resolutions are given for: Fermi-LAT ($0.5^\circ$) (yellow-black dashed line), HESS and HAWC ($0.1^\circ$) (blue solid line), and CTA ($0.05^\circ$) (red dotted line). The angular resolution of Fermi-LAT strongly depends on the energy (yellow diagonally cross-hatched region). The star-forming (optical) regions of our sample of dIrr galaxies are unresolved by Fermi-LAT with $0.5^\circ$ of the resolution power. For comparison, we also show the angular dimensions (the projected tidal radii) of three dSph galaxies: DRACO, SEGUE1 and SEGUE2. $\hspace{10cm}$ }} \label{angularres} \end{center} \end{figure} A comparison of the optical and the virial projected angles of dIrr galaxies on the sky (or angular dimensions) with the PSF of several instruments is given in Table~\ref{angles} and Fig. \ref{angularres}. This figure illustrates that the star-forming regions of most of our galaxies are not resolved and they may contribute to the diffuse Isotropic Gamma-Ray Background (IGRB) observed by Fermi-LAT \citep{Fornasa, Fornasa1,Linden:2016fdd,DiMauro:2015ika}, that is the residual gamma-ray emission after subtraction of the emission from resolved sources and the Galactic diffuse foreground induced by cosmic rays. Four galaxies of our sample (NGC6822, IC10, WLM and IC1613) have optical regions of $\sim0.1^\circ-0.2^\circ$, thus they could be potentially resolved by several devices. However, in the next section we will show that they still remain undetected. In fact, their estimated star-forming gamma-ray luminosity is lower than the Fermi-LAT point-like detection threshold. Most of the 36 galaxies has optical angular dimension smaller than $\sim0.05^\circ$, staying unresolved also for the next-generation of gamma-ray telescopes. On the contrary, their DM virial halos are bigger than $\gsim0.2^\circ$, and could potentially appear as marginally-extended sources (see Table \ref{angles} and Fig. \ref{angularres}). However, also in the case of any detection, distinguishing between a point-like or marginally extended source would not be possible, because of the convolution with the PSF of the instrument. For this reason, we need a model for the \textit{extra} astrophysical background component in dIrrs. We will show that this component is negligible with respect to both the gamma-ray flux expected from DM annihilation events and the diffuse and isotropic gamma-ray background components adopted in the analysis of \textit{classical} dSph galaxies. This fact allows to set constraints on the DM particle via the point-like analysis of dIrr galaxies. \section{The gamma-ray emission} \label{gammarayBg} As previously introduced, in order to search for the secondary gamma-ray DM signature in dIrrs, we need to take into account the \textit{extra} gamma-ray contamination, associated with their star-forming regions. Notice, that this gamma-ray background we call \textit{extra} because it is absent or considered negligible in \textit{classical} dSph galaxies. Even if the difference in the distribution of baryons and DM in these objects may favour the DM detection in the extended halo with respect to the unresolved star-forming region, the mask can not be applied due to the limited PSF of the current generation of gamma-ray telescopes. Therefore, identifying and modelling the possible astrophysical gamma-ray emission in dIrrs is essential before searching for the DM annihilation signal. \begin{figure} \includegraphics[angle=0,height=7.0truecm,width=9.0truecm]{phitau} \includegraphics[angle=0,height=7.0truecm,width=9.0truecm]{phib} \includegraphics[angle=0,height=7.0truecm,width=9.0truecm]{phiW} \caption{\centerlastline \footnotesize {Gamma-ray flux $\phi^\gamma_{SFG}$ expected from the star-forming region (purple points) and DM gamma-ray fluxes $\phi^\gamma_{DM}$. From top to bottom: $\tau^+\tau^-,\, b\bar b$ and $W^+W^-$ annihilation channels and three DM masses: 10 GeV for $\tau^+\tau^-$, $b\bar b$ and 100 GeV for the $W^+W^-$ annihilation channel (green crosses); 1 TeV (blue full squares) and 100 TeV (yellow empty squares). $\hspace{10cm}$}} \label{Lumphi} \end{figure} \subsection{The astrophysical gamma-ray luminosity} \vspace{0.3cm} In the star-forming galaxies (hereafter SFGs), the spectral energy distribution is dominated by the IR emission, that is a robust indicator of the Star Formation Rates (SFRs). Pulsars with nebula and supernovae remnants are believed to be the main accelerators of cosmic-rays that contribute to the diffuse gamma-ray emission via the interaction with gas (bremsstrahlung) or the galactic magnetic field (inverse Compton scattering). It is therefore natural to look for a correlation between the IR luminosity (then SFR) also in the star-forming regions of dIrrs, even if their luminosity is of course expected to be lower than that of starburst galaxies, but higher than that of dSphs \citep{Tosi}. In starburst galaxies the gamma-ray luminosity as function of SFR was studied by several authors, see e.g. \cite{Martin} for galaxies with SFR$\sim1$ - $10^2 \hspace{0.1cm}\mathrm{M_{\odot} yr^{-1}}$ and for SFR $\sim10^{-2} - 10^2 \hspace{0.1cm}\mathrm{M_{\odot} yr^{-1}}$ see \cite{FERMIastro}. These models are suited to better simulate normal spiral galaxies than strongly irregular ones, however it can provide insights into the effects of star formation conditions of non-thermal emissions in dIrrs. Since our dIrr galaxies have lower SFRs \citep[e.g. WLM SFR$\sim10^{-3}\hspace{0.1cm}\mathrm{M_{\odot} yr^{-1}}$, see][]{Tosi} their astrophysical gamma-ray emission is also expected to be lower. In fact, only bright in infrared starburst galaxies were firmly detected in gamma-rays \citep{starbust,starbust1,starbust2}. Recently, seven external SFGs have been detected in gamma rays by the Fermi-LAT. Six of them are rotationally supported galaxies \citep[see for references][]{fermigal,fermigal1,fermigal2,fermigal3,fermigal4,fermigal5,LMC}. Instead, fainter SFGs are most likely contributing to the IGRB \citep{Linden:2016fdd}. The gamma-ray luminosity $L_\gamma$ of the SFGs can be expressed as a function of their far infrared (IR) luminosity $L_\mathrm{IR}$ as: \begin{equation} \log_{10}\left(\frac{L_\gamma}{\mathrm{erg s}^{-1}}\right)=\alpha \log_{10}\left(\frac{L_\mathrm{IR}}{10^{10}L_\odot}\right)+\beta, \label{Lg} \end{equation} \noindent where the values of $\alpha$ and $\beta$ are $1.18\pm0.14$, $38.49\pm0.24$, respectively. These best-fit values are obtained by analyzing the gamma-ray signal that is coincident with 584 SFGs with $L_\mathrm{IR} ~\gsim~10^8 \hspace{0.1cm} \mathrm{L_\odot}$ selected from the IRAS sample \citep[see][and references therein]{Linden:2016fdd}. We extrapolate this relation down to the dimmest galaxies of our sample with $L_\mathrm{IR}\sim\mathrm{few}\times10^6 \hspace{0.1cm} \mathrm{L_\odot}$. The values of $L_\mathrm{IR}$ for the population of 36 galaxies in our sample along with the corresponded references are listed in Table \ref{L}. We note that three dIrrs of our sample do not have the measured infrared luminosity. Therefore, in order to determine it we use galaxies in our sample with available IR luminosities and we build a power-low relation between that and the corresponding luminosities in K-band. Where the K-band luminosities of galaxies in our sample can be found in the catalog by \citet{karachentsev}. \begin{table}[t!] \centering \begin{center} \resizebox{9.0cm}{!}{ \begin{tabular}{|c|c|c|c|c|c|} \hline Name & $\mathrm{L_{IR}}$& ref &$\mathrm{L_{\gamma}}$& $\mathrm{\phi^{\gamma}_\mathrm{SFG}}$ &$\mathrm{\phi^{\gamma}_\mathrm{diff}}$ \\ & ($\mathrm{L_{\odot}}$) & $\mathrm{L_{IR}}$ & ($\mathrm{erg\hspace{0.1cm}s^{-1}}$) & $\mathrm{(GeV\hspace{0.1cm}cm^{-2}\hspace{0.1cm}s^{-1})}$ & (cm$^{-2}\hspace{0.1cm}$s$^{-1}\hspace{0.1cm}$sr$^{-1}$)\\ \hline UGC1281 & $6.3\times10^{7}$ & 3 & $7.8\times10^{35}$ &$3.8\times10^{-19}$ & $9.3\times 10^{-8}$ \\ \hline UGC1501 & $7.9\times10^{7}$ & 1 &$1.0\times10^{36}$ &$4.8\times10^{-19}$ & $1.0\times10^{-7}$ \\ \hline UGC5427 & $2.5\times10^{7}$ & 7 &$2.6\times10^{35}$& $6.0\times10^{-20}$ & $5.8\times10^{-8}$ \\ \hline UGC7559 & $7.9\times10^{6}$ & 1 &$6.8\times10^{34}$& $3.7\times10^{-20}$ & $5.0\times10^{-8}$ \\ \hline UGC8837 & $5.0\times10^{7}$ & 1 &$6.0\times10^{35}$ & $1.5\times10^{-19}$ & $5.5\times10^{-8}$ \\ \hline UGC7047 & $3.2\times10^{7}$ & 1 &$3.5\times10^{35}$ &$2.5\times10^{-19}$ & $5.6\times10^{-8}$\\ \hline UGC5272 & $3.2\times10^{7}$& 1 &$3.5\times10^{35}$ &$9.2\times10^{-20}$ & $5.9\times10^{-8}$\\ \hline DDO52 & $5.0\times10^{7}$ & 1 &$6.0\times10^{35}$ &$7.6\times10^{-20}$ & $8.0\times10^{-8}$\\ \hline DDO101 & $2.5\times10^{8}$ & 1 &$4.0\times10^{36}$ &$9.6\times10^{-19}$& $5.5\times10^{-8}$\\ \hline DDO154 & $5.0\times10^{6}$ & 1&$4.0\times10^{34}$ &$3.2\times10^{-20}$& $4.8\times10^{-8}$\\ \hline DDO168 & $2.5\times10^{7}$ & 1 &$2.6\times10^{35}$ &$1.9\times10^{-19}$ & $5.1\times10^{-8}$\\ \hline Haro29 & $3.2\times10^{7}$ & 1 &$3.5\times10^{35}$ &$1.4\times10^{-19}$ & $5.0\times10^{-8}$\\ \hline Haro36 & $6.3\times10^{7}$ & 1 &$7.8\times10^{35}$ &$1.7\times10^{-19}$ & $5.1\times10^{-8}$\\ \hline IC10 & $2.0\times10^{6}$ & 2 &$1.3\times10^{34}$ &$2.9\times10^{-19}$& $7.7\times10^{-7}$\\ \hline NGC2366 & $1.3\times10^{8}$ & 1 &$1.8\times10^{36}$ &$2.3\times10^{-18}$& $9.0\times10^{-8}$\\ \hline WLM & $6.3\times10^{6}$ & 1 & $5.2\times10^{34}$ &$8.2\times10^{-19}$ & $7.2\times10^{-8}$\\ \hline UGC7603 & $2.0\times10^{8}$ & 1 &$3.1\times10^{36}$ & $6.8\times10^{-19}$ & $5.5\times10^{-8}$\\ \hline UGC7861 & $4.0\times10^{8}$ & 1 &$6.9\times10^{36}$ &$1.2\times10^{-18}$ & $5.7\times10^{-8}$\\ \hline NGC1560 & $5.0\times10^{7}$& 3 &$6.0\times10^{35}$ &$9.0\times10^{-19}$ & $2.1\times10^{-7}$ \\ \hline DDO125 & $4.0\times10^{6}$ & 1 & $3.0\times10^{34}$ &$5.4\times10^{-20}$ & $5.3\times10^{-8}$\\ \hline UGC5423& $2.5\times10^{7}$ & 1 & $2.6\times10^{35}$ &$1.3\times10^{-19}$& $1.1\times10^{-7}$\\ \hline UGC7866 & $1.0\times10^{7}$ &1 & $8.9\times10^{34}$ &$5.7\times10^{-20}$ & $5.6\times10^{-8}$\\ \hline DDO43 & $1.6\times10^{8}$ & 4 & $2.3\times10^{36}$ &$2.8\times10^{-19}$ & $1.0\times10^{-7}$\\ \hline IC1613 & $4.0\times10^{6}$ & 1 & $3.0\times10^{34}$ &$9.5\times10^{-19}$& $6.3\times10^{-8}$\\ \hline UGC4483 & $4.0\times10^{6}$ & 1 & $3.0\times10^{34}$ &$3.9\times10^{-20}$ & $7.7\times10^{-8}$\\ \hline KK246 & $1.3\times10^{7}$ & 7 & $1.2\times10^{35}$ &$3.3\times10^{-20}$& $2.8\times10^{-7}$\\ \hline NGC6822 & $4.0\times10^{7}$ & 5 & $4.6\times10^{35}$ &$2.3\times10^{-17}$& $3.4\times10^{-7}$\\ \hline UGC7916 & $2.5\times10^{7}$ & 1 & $2.6\times10^{35}$ &$5.3\times10^{-20}$& $5.3\times10^{-8}$\\ \hline UGC5918 & $2.0\times10^{7}$ & 1 & $2.0\times10^{35}$ &$4.9\times10^{-20}$& $5.1\times10^{-8}$\\ \hline AndIV & $2.5\times10^{6}$ & 7 & $1.8\times10^{34}$ &$4.5\times10^{-21}$& $1.1\times10^{-7}$\\ \hline UGC7232 & $1.0\times10^{7}$ & 1 & $8.9\times10^{34}$ &$1.5\times10^{-19}$& $6.1\times10^{-8}$\\ \hline DDO133 & $1.6\times10^{7}$ & 1 & $1.5\times10^{35}$ &$5.5\times10^{-20}$ & $5.2\times10^{-8}$\\ \hline UGC8508 & $2.5\times10^{6}$ & 1 & $1.8\times10^{34}$ &$3.2\times10^{-20}$& $5.4\times10^{-8}$ \\ \hline UGC2455 & $1.0\times10^{9}$ & 5 & $2.0\times10^{37}$ &$4.5\times10^{-18}$& $2.2\times10^{-7}$\\ \hline NGC3741 & $3.2\times10^{6}$ & 1 & $2.3\times10^{34}$ &$3.0\times10^{-20}$& $6.5\times10^{-8}$\\ \hline UGC11583 & $1.0\times10^{8}$& 6 & $1.4\times10^{36}$ &$5.2\times10^{-19}$& $3.1\times10^{-7}$\\ \hline \hline \end{tabular} } \end{center} \caption{\centerlastline \footnotesize{Infrared luminosities $\mathrm{L_{IR}}$, $\mathrm{L_{IR}}$ reference, gamma-ray luminosity $\mathrm{L_\gamma}$, gamma-ray fluxes $\mathrm{\phi^{\gamma}_\mathrm{SFG}}$ and diffuse background flux contribution $\mathrm{\phi^{\gamma}_\mathrm{diff}}$. $\mathrm{L_{IR}}$ references: 1~-~\citet{dale09}, 2~-~\citet{brauher08}, 3~-~\citet{IRAS92}, 4~-~\citet{lisenfeld06}, 5~-~\citet{sanders03}, 6~-~\citet{ABRAHAMYAN15}, 7~-~predicted using the luminosity in K-band (see text for the details). $\hspace{10cm}$ }} \label{L} \end{table} \begin{table}[h!] \centering \begin{center} \resizebox{9.0cm}{!}{ \begin{tabular}{|c|c|c|c|c|c|} \hline $\mathrm{m}_\mathrm{DM}$ & 10 GeV & 100 GeV & 1 TeV & 10 TeV & 100 TeV \\ \hline \hline $\mathrm{P}^{\tau^+\tau^-}$ &$5.8\times10^{-29}$ &$7.4\times10^{-30}$ &$1.5\times10^{-31}$ & $1.1\times10^{-33}$ & $2.1\times10^{-35}$ \\ \hline $\mathrm{P}^{b\bar b}$ &$3.2\times10^{-29}$ &$1.1\times10^{-29}$ &$1.1\times10^{-30}$ & $4.0\times10^{-32}$ & $9.2\times10^{-34}$ \\ \hline $\mathrm{P}^{W^+W^-}$ & $-$ &$8.0\times10^{-30}$ &$7.5\times10^{-31}$ & $2.4\times10^{-32}$ & $4.9\times10^{-34}$ \\ \hline \hline \end{tabular} } \end{center} \caption{\footnotesize{P-part ($\mathrm{GeV}^{-1}\mathrm{cm}^3\mathrm{s}^{-1}$) for annihilation events in a thermal WIMP scenario ($<\sigma v>=3\times10^{-26}\mathrm{cm}^{-3}\mathrm{s}^{-1}$). $\hspace{2.7cm}$}} \label{Pfactor} \end{table} In Table \ref{L} we also provide the values of $L_\gamma$ calculated by using Eq. \ref{Lg} and the gamma-ray fluxes of each dIrr galaxy calculated as: \begin{equation} \phi_\mathrm{SFG}^\gamma=\frac{L_\gamma}{4\pi d^2}\,\,, \label{gammaflux} \end{equation} \noindent where $d$ is the distance to the target, given in Table \ref{Tab:Irr}. \\ In Fig. \ref{Lumphi} we show the astrophysical gamma-ray emission and the Fermi-LAT detection threshold. The gamma-ray fluxes $\phi^\gamma_{SFG}$ associated with the star-forming regions of dIrrs in our sample are smaller than $10^{-17}\mathrm{ph}\,\mathrm{cm}^{-2}\,\mathrm{s}^{-1}$ resulting largely compatible with the zero background hypothesis. Their uncertainties are obtained as a combination of both the uncertainties on the distance of the target and of the $\alpha$, $\beta$ parameters in Eq. \ref{Lg}. \subsection{The dark matter gamma-ray luminosity} \vspace{0.3cm} In this section we will focus on the particle physics P-part of Eq. \ref{flux}. Within the hypothesis of a thermal WIMP candidate ($<\sigma v>=3\times10^{-26}\mathrm{cm}^{3}\mathrm{s}^{-1}$), the P-part only depends on the DM particle mass and the annihilation channel. Therefore, we calculate the P-part in Eq. \ref{Eq:P} for three different annihilation channels ($\tau^+\tau^-, b\bar b$ and $W^+W^-$) and five values of DM mass ($10,100,10^3,10^4,10^5$ GeV) integrated on the energy range of interest (1-100 GeV). This energy range is in agreement with the estimated astrophysical gamma-ray flux $\phi^\gamma_{SFG}$ of the star-forming region, as discussed above. The P-part is given in Table \ref{Pfactor}. We adopt the J-factors for the Fermi-LAT PSF, that is $\theta\approx0.5^\circ$, given in Table \ref{angles}. For each dIrrs, the maximum (minimum) value of the DM-related integrated flux is given by the $\tau^+\tau^-$ annihilation channel and the $10$ GeV ($100$ TeV) DM particle mass. On Fig. \ref{Lumphi} we compare the expected gamma-ray fluxes that originate from the star-forming regions of dIrrs with that expected from the annihilation of thermal WIMP particles for a given channel and a DM particle mass. The uncertainty on $\phi^\gamma_{DM}$ includes the $75\%$ error on the J-factor. The Fermi-LAT detection threshold in Fig. \ref{Lumphi} is given by \cite{Linden:2016fdd}. We can then conclude: (i) the estimated emission of the DM-related gamma-ray flux $\phi^\gamma_{DM}$ enclosed in Fermi-LAT PSF can be up to 8 orders of magnitude higher, depending on the DM mass, than the astrophysical gamma-ray flux $\phi^\gamma_{SFG}$ associated with the star-forming region of the same dIrr. Therefore, the \textit{extra} astrophysical gamma-ray background is negligible in these objects, and we can apply to dIrrs the same analysis used to study \textit{classical} dSphs galaxies; (ii) the secondary $\phi^\gamma_{DM}$ emitted by the annihilation events of the thermal DM particles in dIrrs remain below the Fermi-LAT detector sensitivity threshold. In the following section we will set upper limits on the DM particle mass and annihilation cross-section via the first analysis of dIrr galaxies. \\ We conclude that the astrophysical gamma-ray emission in dIrr galaxies can be considered negligible similar to what is assumed in dSphs. The latter statement is valid for, at least, a DM particle mass of $10-10^4$ GeV and the energy range studied in this work. For this limited energy range, the expected signal from a DM particle candidate of 10-100 TeV would in fact be contaminated by the astrophysical gamma-ray contribution. \section{Sensitivity analysis} \label{analysissecVII} In the previous sections we have theoretically demonstrated that dIrrs could be considered as objects with approximately zero astrophysical gamma-ray background and with the DM halo that appears as a point-like or a marginally extended source for gamma-ray telescopes. As a first application of such a theoretical rationale, we are going to place constraints on the DM particle mass and annihilation cross-section with our sample of galaxies and by means of the sensitivity study of the Fermi-LAT detector. We ask for detection of secondary gamma rays produced in the DM halo of dIrr galaxies with statistical significance of $5\sigma, 3\sigma$ and $1\sigma$: \begin{equation} \chi=\frac{\phi_\gamma^\mathrm{DM}\sqrt{\Delta\Omega_\mathrm{PSF} A_\mathrm{eff} t_\mathrm{exp}}}{\sqrt{\phi_\gamma^\mathrm{DM}+\phi_\mathrm{Bg}}}> 5,\,3,\,1 . \label{X} \end{equation} The effective area $A_\mathrm{eff}$ and exposition time $t_\mathrm{exp}$ for the Fermi-LAT detector used in this analysis are given in Table \ref{telescopes}. We fix the exposition time $t_\text{exp}$ and, as first approximation, we keep constant the effective area $A_\text{eff}$, although the latter also depends on the energy range, the incidence angle and the azimuthal angle \cite{Pv6}. These dependences would affect a proper data analysis with respect to these first results. Notice that, the solid angle $\Delta\Omega_\mathrm{PSF}=2.4\times10^{-4}\mathrm{sr}$ corresponding to the Fermi-LAT PSF of $0.5^\circ$, allows to include the biggest parts of galaxies' DM halos in more than 70\% of galaxies in the sample. In fact, the J-factors calculated on the Fermi-LAT PSF are identical to those calculated on the whole virial angular dimensions of the associated DM haloes. However, we will show that assuming $\Delta\Omega_\mathrm{PSF}=10^{-5}\mathrm{sr}$ (PSF of $0.1^\circ$) we get an improvement in the results by almost a factor of 8, depending on the particular source (see next subsection and Appendix \ref{AppC} for details). \\ Showing that the astrophysical gamma-ray contamination in dIrr is negligible, we estimate the gamma-ray background $\phi_\mathrm{Bg}$ in Eq. \ref{X} taking into account both the galactic interstellar diffuse emission model designed to be used for point source analysis ($gll\_iem\_v06.fits$) and the isotropic spectral template ($ISO\_P8R2\_SOURCE\_V6\_v06.txt$). The latter includes both extragalactic diffuse gamma rays and the remaining residual (misclassified) cosmic-ray emission from a fit to the all-sky emission with |b|>30 deg, that are not represented in the Galactic diffuse model. In particular the SOURCE class provides good sensitivity for analysing the point sources and moderately extended sources. Therefore, for each k-dIrr galaxy in the sample we assume: \begin{equation} \phi^k_\mathrm{Bg}=\phi^k_\mathrm{diff}+\phi_\mathrm{iso}, \end{equation} \noindent although the diffuse emission above $10$ GeV is considered to be sub-dominant with respect to the isotropic contribution \citep{PhysRevLett.103.251101}. We then calculate the diffuse emission background contribution between $1-100$ GeV for the position of each dIrr in the sky. These values are given in Table \ref{L} and the integrated isotropic contribution is estimated to be $\phi_\mathrm{iso}=5.0\times10^{-7}\mathrm{cm}^{-2}\mathrm{s}^{-1}\mathrm{sr}^{-1}$ between $1-100$ GeV. We also check the Fermi-LAT 3FGL Catalog \citep{Acero:2015hja} and we exclude Haro36 dIrr that is spatially coincident with the 3FGLJ1248.0+5130 BL LAC object within $0.5^\circ$ degrees in the Fermi-LAT sky. In what follows we show the results of a single galaxy study as well as of the stacked analysis. \vspace{0.5cm} \subsection{Individual limits} In Fig. \ref{Bests} we show the best results obtained within our sample of galaxies, that are given by the study of NGC6822, IC10 and WLM dIrrs. Notice that NGC6822 galaxy group is excluded in \cite{Lisanti:2017qoz} because of its location that is less than $2^\circ$ from the center of another galaxy group. Here, instead, we keep it since we are only considering the central galaxy which does not overlap with any source in the $0.1/0.5$ degrees of interest in our analysis. Whereas the Fermi-LAT PSF is strongly energy dependent, we show, as shadowed regions, the improvement on the upper limits when we switch the point-like analysis from an angular resolution of $0.5^\circ$ to $0.1^\circ$ with the statistical significance of $3\sigma$, in both cases. This can help to graphically visualize the possible inaccuracy that could affect the sensitivity study with respect to a proper data analysis. In the same Fig. \ref{Bests} we also show the upper limit within $95\%$ of confidence level (hereafter denoted as CL) (gray region) obtained for the SEGUE1 dSph galaxy with the combined analysis of 6-years of Fermi-LAT and 158 hours of MAGIC observations \citep{Ahnen:2016qkx}. Let us notice that the most stringent upper limits we get are in the case of IC10 dIrr galaxy. Although, these limits are still weaker, by a factor of a few, than that of SEGUE1 dSph galaxy, the assumed value for the SEGUE1 J-factor ($\sim 10^{19.5\pm0.29}\,\mathrm{GeV}^2\mathrm{cm}^{-5}$ on $0.5^\circ$) is largely higher than the lower limit ($\sim10^{15}\,\mathrm{GeV}^2\mathrm{cm}^{-5}$) when accounting for the systematical uncertainties on its triaxiality \citep{triaxSph}, as shown in Fig.~\ref{thetaEXPJ}-\ref{thetavirJ}. In other words, the SEGUE1 constraints based on the lower bound of the J-factor value would be comparable with the limits of this work. On the contrary, the 3$\sigma$ uncertainties of the dIrrs' upper limits do include $43\%$ of uncertainties related with the corresponding uncertainties on the J-factors (see Eq. (\ref{X})). In Appendix \ref{AppC} we show the upper limits on the DM particle mass and annihilation cross-section for each galaxy in our sample. \begin{figure}[t] \begin{center} {\includegraphics[angle=0,height=7truecm,width=9truecm]{FermiDataBestsgray}} \caption {\centerlastline \footnotesize {Upper limits for the DM particle mass and annihilation cross section for the $b\bar b$ annihilation channel and the three best candidates of our sample, that are NGC6822 (blue), IC10 (green) and WLM (orange). The shadowed areas show how the constraints improve if we change a PSF from $0.5^\circ$ to $0.1^\circ$, keeping the $3\sigma$ statistical significance. The colour regions also include the $43\%$ of uncertainty related to the error on the J-factors. Additionally we show the upper limits for the SEGUE1 dSph obtained by the combined analysis of Fermi-LAT and MAGIC data (solid black line) within the $95\%$ of CL (gray region) \citep{Ahnen:2016qkx}. \hspace{8cm} } } \label{Bests} \end{center} \end{figure} \subsection{Stacked limits} In this Section we illustrate the predictions for the upper limits on the DM annihilation cross-section from the combined/stacked analysis of sub-sample of galaxies. We notice that the most promising combination is given by a sub-sample of 7 targets, that are: DD0168, IC10, NGC2366, WLM, NGC1560, NGC6822, UGC7232. Then we define: \begin{equation} \phi_\gamma^\mathrm{stack-DM}=\sum_{k=1}^{7}<J>_{\Delta\Omega}^k {\Delta\Omega^\mathrm{PSF}} P \end{equation} \noindent where $P$ is the particle physics factor defined in Eq. (\ref{Eq:P}). The backgrounds are defined as: \begin{equation} \phi_\mathrm{Bg}^\mathrm{stack}=\sum_{k=1}^{7}\phi^k_\mathrm{Bg}. \end{equation} The resulting exclusion limits are shown in Fig. \ref{stacked}. In order to take into account the PSF variability with the energy, we show the results of the point-like analysis for both a PSF of $0.5^\circ$ (green band ($5\sigma-1\sigma$ region) and line ($3\sigma$)) and $0.1^\circ$ (orange band ($5\sigma-1\sigma$ region) and line ($3\sigma$)). In the same figure, we also show the $2\sigma$ significance limits within the $95\%$ of CL obtained by the analysis of 15 dSph galaxies by the Fermi-LAT collaboration \citep{dSphFERMI1}. We note that although our upper limits are not necessary better than that obtained by the analysis of dSph galaxies, they could be improved by the discovery of promising dIrr targets. \begin{figure} \centering \includegraphics[angle=0,height=6.5truecm,width=9.0truecm]{tauFermiDataStackedgray} \includegraphics[angle=0,height=6.5truecm,width=9.0truecm]{bFermiDataStackedgray} \includegraphics[angle=0,height=6.5truecm,width=9.0truecm]{WFermiDataStackedgray} \caption{\centerlastline \footnotesize Sensitivity study of the DM particle mass and annihilation cross-section by the combined analysis of 7 dIrr galaxies and a PSF of both $0.5^\circ$ (green band ($5\sigma-1\sigma$ region) and solid line ($3\sigma$)) and $0.1^\circ$ (orange band ($5\sigma-1\sigma$ region) and dot-dashed line ($3\sigma$)). The black solid line shows the $2\sigma$ upper limits within $95\%$ of CL (gray region) for the combined analysis of 15 dSph galaxies that was performed by the Fermi-LAT collaboration \citep{dSphFERMI, dSphFERMI1}.\hspace{3cm}} \label{stacked} \end{figure} \vspace{0.5cm} \section{Discussion} \label{discussion} The purpose of this paper is to analyze dIrr galaxies as new targets for indirect DM searches and estimate the constraints that can be set on the DM particle mass and annihilation cross-section by new prospective experimental data analysis for such class of objects. Although our results show that dIrr are of one order of magnitude less competitive with respect to dSph galaxies, we would like to stress that the number of detected dIrr galaxies in the Local Volume is greatly increasing with time \citep[see][]{karachentsev}. In Fig. \ref{N} we plot histograms that show the distribution of dSphs and dIrrs according to their absolute K-band magnitude for 3 distance bins \citep[data are taken from][]{karachentsev}. The well-studied Milky Way dSph galaxies are enclosed in a radius of $\lsim 300$ kpc \cite{Fermi-LAT:2016uux}, and within $d < 1$ Mpc the number of dSphs is almost $20\%$ bigger than that of dIrrs (upper panel in Fig. \ref{N}). Starting from the distance of $\sim4$~Mpc (middle panel in Fig\ref{N}) dIrrs start to outnumber dSphs. The 7 dIrrs included in the selected sub-sample for the combined study reach a distance of $\sim5$ Mpc, but the sample only includes galaxies of a particular region of the sky (see the sky map in Fig. \ref{skymap}). Therefore, the increasing number of dIrr detected and studied in their kinematics may result in placing competitive bounds with respect to those derived from the stacked analysis of the limited number of dSph galaxies. In fact, the total number of dIrrs in the Local Volume is expected to be $\sim200\%$ of that of dSphs (bottom panel in Fig.\ref{N}). Moreover, the kinematics of closer and fainter rotationally-supported galaxies, such as Low Surface Brightness (LSB) galaxies have been recently studied \cite{LSB} and they are also expected to occupy massive DM halos. \begin{figure} \centering \includegraphics[angle=0,height=6.5truecm,width=9truecm]{Hist_1Mpc.pdf} \includegraphics[angle=0,height=6.5truecm,width=9truecm]{Hist_4Mpc.pdf} \includegraphics[angle=0,height=6.5truecm,width=9truecm]{Hist_11Mpc.pdf} \caption{\centerlastline \footnotesize {Distribution of dSphs (blue) and dIrrs (pink) according to their absolute K-band magnitude for 3 distance bins: 1 Mpc (upper panel), 4 Mpc (central panel), 11 Mpc (bottom panel). The green color shows overlapping regions \citep[data are taken from][]{karachentsev}. \hspace{5cm} }} \label{N} \end{figure} \section{Conclusions} \label{conclusions} In this paper, we analyze a sample of 36 dIrr galaxies as new point-like targets for indirect DM searches with gamma-ray telescopes. These DM dominated rotationally supported galaxies, differently from pressure supported dSphs, allow us to well constrain their DM density distribution profiles by means of the accurate kinematics and the universality in the DM distribution. The kinematics of these galaxies points to the existence of the DM core profiles with DM halos extending far beyond their optical star-forming regions. Although a gamma-ray background contribution of astrophysical origins is expected in these regions, it is assumed to be localized in a very inner region that stays unresolved by the current generation of gamma-ray telescopes. First of all, we calculate the astrophysical factors for a sample of 36 dIrr galaxies in the Local Volume ($<11$ Mpc) and we show that the uncertainties on the J-factors, although estimated to be bigger than $75\%$, are, in most cases, better than that of the \textit{classical} dSph galaxies. Two galaxies in the sample (NGC6822 and IC10) have J-factors $\gsim \mathrm{few}\times10^{17}\hspace{0.1cm}\mathrm{GeV}^2\mathrm{cm}^{-5}$ and five more (DD0168, NGC2366, WLM, NGC1560 and NGC7232) bigger than $ \mathrm{few}\times10^{16}\hspace{0.1cm}\mathrm{GeV}^2\mathrm{cm}^{-5}$. Secondly, we show that the spatially localized astrophysical background contribution is expected to remain unresolved, therefore negligible with respect to the diffuse and isotropic gamma-ray background in the 1-100 GeV energy range. On the other hand, the DM halo in dIrrs could appear as point-like or marginally extended for gamma-ray telescopes (Fig. \ref{angularres}). We study the possibility to set competitive constraints on the DM particle mass and annihilation cross-section via the study of this category of galaxies. The upper limits for each individual galaxy are less stringent than that of the analysis of the SEGUE1 dSph performed by the Fermi-LAT and MAGIC collaborations. However, notice that the last statement is true within a certain assumption on the value of the SEGUE1 J-factor, where its lower J-factor bound can be up to 4 orders of magnitude smaller than the commonly assumed value. Additionally, let us notice that the claim for a $2\sigma$ detection of the DM signal in ultra-faint dwarf Indus II ($\mathrm{m}_\mathrm{DM}\approx 100$ GeV, $<\sigma v>\approx10^{-23}$, 6 years, $2.4\sigma$) \citep{Fermi-LAT:2016uux} should be confirmed by the analysis of at least three galaxies in our sample, that are NGC6822, IC10, and the WLM galaxy. On the other hand, the claim for the DM detection in Tucana~III ($\mathrm{m}_\mathrm{DM}\approx 100$ GeV, $<\sigma v>\approx10^{-26}$, 7 years, $2.4\sigma$) \citep{ShangLi} cannot be confirmed, following our results. We also show the upper limits for the stacked analysis of a selection of 7 dIrr galaxies and a PSF of $0.5^\circ$ and $0.1^\circ$, that starts to approach the constraints given by the analysis of 15 dSphs with Fermi-LAT. Considering that this analysis makes use only of the Fermi-LAT background models, the comparison with the constraints obtained through the proper data analysis of the \textit{classical} dSphs is not straightforward \citep{dSphFERMI,dSphFERMI1} and further investigation is needed.\\ Altogether, in this paper, by means of a theoretical approach, we reconsider dIrr galaxies as new point-like targets for DM searches. This proof of concept could open new avenues concerning the data analysis of promising dIrrs. These galaxies could potentially represent complementary targets for DM searches because of their different kinematics, morphology and cosmological evolution, that result in density profiles that are different from that of dSphs. We would like to mention that the next generation large-area HI surveys, including SKA, will help to increase the number of the detected late-type galaxies in the Local Universe, as well as it will improve the kinematical measurements of their HI content (see e.g. \citep{2015arXiv150603474A}). Therefore, the increasing number of dIrr galaxies with measured kinematics could improve the significance of the results. Moreover, further investigation will be addressed to the study of this class of galaxies at higher energy scale. In fact, because AGN are not observed in dIrr galaxies, the astrophysical gamma-ray background is expected to be negligible even at very high energy. Preliminary results for these objects with two-years data of the HAWC observatory have been already obtained for the TeV energy scale \citep[see ][ for more details]{Cadena:2017ldx}.\\ \\ \vspace{-1cm} \begin{acknowledgments} This work has been supported by QGSKY, by the Agencia Estatal de Investigaci\'on (AEI) y al Fondo Europeo de Desarrollo Regional (FEDER) FIS2016-78859-P(AEI/FEDER, UE), by the MINECO (Spain) project FIS2014-52837-P and Consolider-Ingenio MULTIDARK CSD2009-00064, and partially by the H2020 CSA Twinning project No.692194 ORBI-T-WINNINGO. The authors are grateful to the anonymous referee for useful comments and suggestions. VG thanks the support of the Spanish Red Consolider MultiDark FPA2017-90566-REDC and she is also grateful to P. Ullio, A. Urbano, M. A. Sanchez-Conde, N. Fornengo, G. Gomez-Vargas, G. Zaharijas, R. Alfaro and S. Hernandez, for useful discussions, and to V. Avila-Reese, A.G.X. Gonzalez-Morales and O. Valenzuela for interesting considerations related with the Appendix \textit{Details on the J-factor}. EK work was supported by the S\~ao Paulo Research Foundation (FAPESP) under the grant \#2016/26288~-~9. \end{acknowledgments}
c3a222da810c0b6aa042027e138b317b928a1db4
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Motivation and outlook} \label{sec:intro} The study and characterisation of supersymmetric and asymptotically AdS$_{4}$ black holes in four-dimensional $\,\mathcal{N}=2\,$ gauged supergravity \cite{Caldarelli:1998hg,Cacciatori:2009iz,DallAgata:2010ejj,Hristov:2010ri} has recently received new attention in light of the gravity/gauge correspondence. Of special interest are the $\,\mathcal{N}=2\,$ gauged supergravities with a known embedding in string/M-theory \cite{Halmagyi:2013sla,Halmagyi:2014qza} due to the holographic description of their asymptotically AdS$_{4}$ black hole solutions in terms of RG-flows across dimensions \cite{Cucu:2003yk}. Especially striking results have been obtained in the context of BPS black holes from M-theory, providing non-trivial precision tests of the gravity/gauge correspondence beyond anti-de Sitter backgrounds \cite{Benini:2015eyy,Benini:2016rke}. Eleven-dimensional supergravity, the low-energy limit of M-theory, can be consistently reduced on a seven-sphere to a maximal SO(8)-gauged supergravity in four dimensions \cite{deWit:1982ig,deWit:1986iy}. Within this theory, the so-called \mbox{STU-model} has played a central role for black holes. The model describes the $\,\textrm{U}(1)^4\,$ invariant subsector of the SO(8)-gauged supergravity \cite{Duff:1999gh,Cvetic:1999xp} which is an $\,\mathcal{N}=2\,$ gauged supergravity coupled to three vector multiplets in presence of $\,\textrm{U}(1)\,$ Fayet--Iliopoulos (FI) gaugings where the four FI parameters are identified. The black hole solutions studied in \cite{Cacciatori:2009iz,Benini:2015eyy} describe BPS flows interpolating between a maximally supersymmetric AdS$_{4}$ solution in the ultraviolet (UV) dual to ABJM \cite{Aharony:2008ug}, the superconformal field theory on a stack of \mbox{M2-branes}, and an $\,\textrm{AdS}_{2} \times \Sigma_{2}\,$ geometry in the near-horizon region. The classification of horizon configurations can be performed by virtue of the attractor mechanism \cite{Cacciatori:2009iz,DallAgata:2010ejj,Hristov:2010ri,Halmagyi:2013qoa,Benini:2015eyy} which fixes the values of the scalars at the horizon in terms of the vector charges. At leading order, the gravitational entropy density associated with the horizons is obtained in terms of the charges using the Bekenstein--Hawking formula \cite{Bekenstein:1973ur,Hawking:1974sw}. Such a gravitational entropy density has been shown to nicely match the expression for the topologically twisted index computed in the (large $N$) dual field theory \cite{Benini:2015eyy,Benini:2016rke} (see also \cite{Cabo-Bizet:2017jsl}). Upon compactification on a circle, eleven-dimensional supergravity reduces to massless IIA supergravity in ten dimensions. However, unlike the former, the latter is known to admit a deformation in terms of a mass parameter $\,m\,$ \cite{Romans:1985tz}. When $\,m \neq 0\,$ the connection to eleven-dimensional supergravity is lost rendering the massive IIA supergravity an independent theory.\footnote{See \cite{Gaiotto:2009mv,Gaiotto:2009yz} for holographic aspects of massive IIA on $\mathbb{CP}^3$ and deformations of the ABJM theory.} Similarly to the eleven-dimensional theory, massive IIA supergravity can be consistently reduced on a six-sphere to a maximal ISO(7)-gauged supergravity in four dimensions \cite{Guarino:2015vca} of the class investigated in \cite{Dall'Agata:2014ita}. In this theory, various types of BPS black holes have recently been found within the SU(3) invariant subsector \cite{Guarino:2017eag}. This subsector describes $\,\mathcal{N}=2\,$ gauged supergravity coupled to one vector multiplet and the universal hypermultiplet\footnote{Supersymmetric solutions of four-dimensional $\,\mathcal{N}=2\,$ supergravity models with vector and hypermultiplet sectors have been studied in \cite{Hristov:2009uj,Hristov:2010eu,Halmagyi:2011xh,Chimento:2015rra}.}, and the gauging, specified by the gauge coupling $\,g\,$ and the mass parameter $\,m$, is identified with a group $\,\textrm{G}=\mathbb{R} \times \textrm{U}(1)_{\mathbb{U}}\,$ of abelian isometries of the hypermultiplet moduli space \cite{Guarino:2015qaa}. The presence of the universal hypermultiplet in four dimensions is mandatory in order to accommodate the non-trivial ten-dimensional dilaton upon reduction on the six-sphere. The black hole solutions found in \cite{Guarino:2017eag} describe BPS flows interpolating between an $\,{\textrm{AdS}_{2} \times \textrm{H}^{2}}\,$ geometry in the near-horizon region and various UV asymptotic behaviours: charged $\textrm{AdS}_{4}$, non-relativistic scaling behaviours and the domain-wall DW$_{4}$ (four-dimensional) description of the D2-brane in massive IIA. The horizon configurations, namely the scalar fields and the vector charges at the horizon, turned out to be uniquely specified in terms of the gauging parameters $\,(g,m)\,$ related to the inverse radius of the six-sphere and the Romans mass parameter, modulo a $\mathbb{Z}_{2}$ reflection of the charges. In this note we make some progress in the classification of BPS black hole horizon configurations in $\,\mathcal{N}=2\,$ supergravity models that arise from the reduction of massive IIA on the six-sphere. To this end, we extend the canonical setup with one vector multiplet and the universal hypermultiplet studied in \cite{Guarino:2017eag} by adding extra matter multiplets. Two cases are investigated: \begin{itemize} \item[$i)$] One vector multiplet and two hypermultiplets in the image of a c-map. \item[$ii)$] Three vector multiplets and the universal hypermultiplet. \end{itemize} In the former case the attractor equations force the scalars in the extra hypermultiplet to vanish at the horizon, thus reducing this case to the one investigated in \cite{Guarino:2017eag}. In the latter case the extension of the vector sector proves more interesting. The massive IIA model with three vector multiplets and the universal hypermultiplet is the analogue of the STU-model from \mbox{M-theory}, although there are some fundamental differences. For instance, while the STU-model from M-theory has a maximally symmetric AdS$_{4}$ vacuum dual to the superconformal ABJM theory on the M2-brane, the (massive) IIA counterpart is a DW$_{4}$ solution with a non-trivial profile for the dilaton in the universal hypermultiplet reflecting the non-conformality of the dual SYM(-CS) theory on the D2-brane \cite{Guarino:2016ynd}. The interplay between the scalars in the vector multiplets and the non-trivial dilaton in the universal hypermultiplet complicates the analysis of BPS flows. However, as we show in this note, the attractor equations governing the BPS horizon configurations can still be solved in full generality. The resulting horizon configurations are specified in terms of the gauging parameters $\,(g,m)\,$ together with four continuous parameters, and can have hyperbolic or spherical symmetry. The gravitational entropy density associated with these horizons may play an important role in precision tests of the massive~IIA on S$^{6}$/SYM-CS duality \cite{Guarino:2015jca,Schwarz:2004yj} beyond anti-de Sitter backgrounds. \section{$\mathcal{N}=2\,$ gaugings and attractor mechanism from massive IIA} \label{sec:N=2&BH} Massive IIA ten-dimensional supergravity can be consistently reduced on S$^6$ down to a four-dimensional maximal supergravity with a dyonic ISO(7) gauging \cite{Guarino:2015vca}. This maximal supergravity admits various further truncations to $\,\mathcal{N}=2\,$ subsectors characterised by a compact subgroup $\,\textrm{G}_{0} \subset \textrm{ISO}(7)\,$ under which the fields retained in the truncation do not transform (singlets). The subsector with $\textrm{G}_{0}=\textrm{SU}(3)$ invariance has proved very successful in the study of AdS$_{4}$ \cite{Guarino:2015qaa}, domain-wall \cite{Guarino:2016ynd} and black hole \cite{Guarino:2017eag} solutions that can systematically be uplifted to ten dimensions\footnote{See \cite{Pang:2015vna} for the uplift of the AdS$_{4}$ vacuum preserving $\,\mathcal{N}=3\,$ supersymmetry and $\textrm{G}_{0} = \textrm{SO}(4)$ \mbox{found in \cite{Gallerati:2014xra}}.} by using the uplifting formulas of \cite{Guarino:2015vca} (see \textit{e.g.} \cite{Guarino:2015jca,Varela:2015uca}). However there are other $\,\mathcal{N}=2\,$ truncations based on different subgroups $\,\textrm{G}_{0}\,$ that are yet to be explored. This is what we set up to do in this note. \subsection{Abelian hypermultiplet gaugings} \label{sec:N=2} With the aim of gaining new insights into the general structure of BPS black hole horizon configurations from massive IIA, we investigate various $\,\mathcal{N}=2\,$ truncations of the dyonically-gauged ISO(7) supergravity. They have an abelian gauge group $\,{\textrm{G}=\mathbb{R} \times \textrm{U}(1)_{\mathbb{U}}} \,$ and are described by a Lagrangian of the form \begin{equation} \label{Lagrangian_N2} \begin{array}{lll} L_{\textrm{mIIA}} &=& \left( \frac{R}{2} - V \right) * 1 - K_{i \bar{j}} \, dz^{i} \wedge * \, d\bar{z}^{\bar{j}} - h_{uv} \, Dq^{u} \wedge * \, Dq^{v} \\[2mm] &+& \frac{1}{2} \, {\cal I}_{\Lambda \Sigma} \, \mathcal{H}^\Lambda \wedge * \, \mathcal{H}^\Sigma + \frac{1}{2} \, {\cal R}_{\Lambda \Sigma} \, \mathcal{H}^\Lambda \wedge \mathcal{H}^\Sigma \\[2mm] &-& \frac{1}{2} m\, \mathcal{B}^{0} \wedge d \tilde{\mathcal{A}}_0 - \frac{1}{8} \, g \, m\, \mathcal{B}^{0} \wedge \mathcal{B}^{0} \ . \end{array} \end{equation} The (dynamical) field content of the various models studied in this note consists of the supergravity multiplet coupled to $\,n_{v}\,$ vector multiplets and $\,n_{h}\,$ hypermultiplets. The complex scalars $\,z^{i}\,$ in the vector multiplets, with $\,i=1,...,n_{v}\,$, serve as coordinates in a special K\"ahler (SK) manifold $\,\mathcal{M}_{\textrm{SK}}\,$. As the gauging is abelian, they must be neutral \begin{equation} \label{Dz} D z^{i}=d z^{i} \ . \end{equation} In order to describe the dynamics of the vector multiplets, namely the kinetic terms for scalars and vectors as well as the generalised theta angles in (\ref{Lagrangian_N2}), we adopt the same conventions as in \cite{Klemm:2016wng,Guarino:2017eag}. Introducing a symplectic product of the form \begin{equation} \left\langle U , V \right\rangle \equiv U^{M} \Omega_{MN}V^{N} = U_{\Lambda} V^{\Lambda} - U^{\Lambda} V_{\Lambda} \ , \end{equation} where $\,\Omega_{MN}\,$ is the (antisymmetric) invariant matrix of $\,\textrm{Sp}(2 \, n_{v}+2)\,$ and $\,\Lambda=0,...,n_{v}\,$, the kinetic terms for the scalars $\,z^{i}\,$ are determined by a K\"ahler potential \begin{equation} \label{K_pot} K=-\log(i \left\langle X, \bar{X} \right\rangle) \ . \end{equation} This is in turn expressed in terms of holomorphic sections $\,X^{M}(z^{i})=(X^{\Lambda},F_{\Lambda})\,$ satisfying $\,F_{\Lambda} = \partial \mathcal{F}/\partial X^{\Lambda}\,$ for a prepotential $\,\mathcal{F}(X^{\Lambda})\,$ that is a homogeneous function of degree two. In terms of the K\"ahler potential (\ref{K_pot}), the metric in $\,\mathcal{M}_{\textrm{SK}}\,$ is given by \begin{equation} \label{dsSK_N2} ds_{\textrm{SK}}^2 = K_{i \bar{j}} \, dz^{i} \, d\bar{z}^{\bar{j}} \hspace{8mm} \textrm{ with } \hspace{8mm} K_{i \bar{j}} = \partial_{z^{i}} \partial_{\bar{z}^{\bar{j}}} K \ . \end{equation} The kinetic terms and generalised theta angles for the (dynamical) vectors $\,\mathcal{A}^{\Lambda}\,$ are encoded in the matrix \begin{equation} \label{N_matrixN2} \mathcal{N}_{\Lambda \Sigma} = \bar{F}_{\Lambda \Sigma}+ 2 \, i \, \frac{\textrm{Im}(F_{\Lambda \Gamma})X^{\Gamma}\,\,\textrm{Im}(F_{\Sigma \Delta})X^{\Delta}}{\textrm{Im}(F_{\Omega \Phi})X^{\Omega}X^{\Phi}} \hspace{5mm} \textrm{ where } \hspace{5mm} F_{\Lambda \Sigma}=\partial_{\Lambda}\partial_{\Sigma} \mathcal{F} \ . \end{equation} More concretely, the relevant functions entering (\ref{Lagrangian_N2}) are obtained as $\,\mathcal{R}_{\Lambda \Sigma}\equiv \textrm{Re}(\mathcal{N}_{\Lambda \Sigma})\,$ and $\,\mathcal{I}_{\Lambda \Sigma}\equiv \textrm{Im}(\mathcal{N}_{\Lambda \Sigma})\,$, and can be used to define a symmetric, real and negative-definite scalar matrix \begin{equation} \label{M_scalar_matrix} \mathcal{M}(z^{i}) = \left( \begin{array}{cc} \mathcal{I} + \mathcal{R} \mathcal{I}^{-1} \mathcal{R} & -\mathcal{R} \mathcal{I}^{-1} \\ - \mathcal{I}^{-1} \mathcal{R} & \mathcal{I}^{-1} \end{array} \right) \ . \end{equation} The real scalars $\,q^{u}\,$ in the hypermultiplets, with $\,u=1,...,4 \, n_{h}\,$, parameterise a quaternionic K\"ahler (QK) manifold $\,\mathcal{M}_{\textrm{QK}}\,$ with metric \begin{equation} ds_{\textrm{QK}}^2 = h_{uv} \, dq^{u} dq^{v} \ . \end{equation} In this work we focus on QK manifolds that lie in the image of a c-map \cite{deWit:1990na,deWit:1992wf,deWit:1993rr}. The metric in this class of QK manifolds takes the form \begin{equation} \label{dsQK_c-map} \begin{array}{lll} ds_{\textrm{QK}}^2 &=& \widetilde{K}_{a \bar{b}} \, d\tilde{z}^{a} \, d\bar{\tilde{z}}^{\bar{b}} + \, d \phi \, d \phi - \frac{1}{4} \, e^{2\phi} \, ( d\vec{\zeta}\,)^{T} \mathbb{C}\mathbb{M}_{4} \, d \vec{\zeta} \\[2mm] &+& \frac{1}{4} e^{4 \phi} \left[ d \sigma +\frac{1}{2}\, (\vec{\zeta}\,)^{T} \, \mathbb{C} \, d \vec{\zeta} \, \right] \, \left[ d \sigma +\frac{1}{2}\, (\vec{\zeta}\,)^{T} \, \mathbb{C} \, d \vec{\zeta} \, \right] \ , \end{array} \end{equation} with $\,\mathbb{C}=-\Omega\,$. The matrix $\,\mathbb{M}_{4}\,$ entering the first line in (\ref{dsQK_c-map}) depends on the complex scalars $\,\tilde{z}^{a}\,$, with $\,a = 1, ..., n_{h}-1\,$, parameterising the special K\"ahler manifold $\,\mathcal{M}_{\widetilde{\textrm{SK}}}\,$ of the c-map. The remaining coordinates in $\,\mathcal{M}_{\textrm{QK}}\,$ form the set $\,\{\phi \,,\, \sigma \,,\, \zeta^{A} \,,\, \tilde{\zeta}_{A}\}\,$ with $\,A=0, ..., n_{h}-1\,$. We have also defined $\,\vec{\zeta}\equiv(\zeta^{A},\tilde{\zeta}_{A})\,$ in (\ref{dsQK_c-map}). It is customary in $\,\mathcal{N}=2\,$ supergravity to arrange electric $\,\mathcal{A}^{\Lambda}\,$ and magnetic $\,\tilde{A}_{\Lambda}\,$ vectors into a symplectic vector $\,\mathcal{A}^{M}=(\mathcal{A}^{\Lambda},\tilde{\mathcal{A}}_{\Lambda})\,$ with $\,M\,$ being a fundamental index of the electric-magnetic group $\,\textrm{Sp}(2 \, n_{v}+2)\,$. In the massive IIA models, both types of vectors participate in the gauging of the $\,{\textrm{G}=\mathbb{R} \times \textrm{U}(1)_{\mathbb{U}}} \,$ abelian isometries of $\,\mathcal{M}_{\textrm{QK}}\,$. As a result, the scalars $\,q^{u}\,$ in the hypermultiplets are charged under the gauging and minimally couple to the vector fields via covariant derivatives of the form \begin{equation} \label{Dq_N2} Dq^{u} = \partial q^{u} - \mathcal{A}^{M} \, \Theta_{M}{}^{\alpha} \, k^{u}_{\alpha} \ . \end{equation} The Killing vectors $\,k_{\alpha}\,$ (with $\alpha=\mathbb{R}$ or $\mathbb{U}$) in (\ref{Dq_N2}) couple simultaneously to electric and magnetic vectors as dicated by a dyonic embedding tensor $\,\Theta_{M}{}^{\alpha}=(\Theta_{\Lambda}{}^{\alpha},\Theta^{\Lambda \, \alpha})\,$ with $\,{\Theta^{\Lambda \, \alpha} \neq 0}\,$. Consistency of the gauging requires an orthogonality constraint of the form $\,\left\langle \Theta^{\alpha},\Theta^{\beta} \right\rangle=0\,$ \cite{deWit:2005ub}. This constraint is guaranteed for the dyonic embedding tensor underlying the massive IIA models, which takes the form \begin{equation} \label{Theta_tensor_N2} \Theta_{M}{}^{\alpha} = \left( \begin{array}{c} \Theta_{\Lambda}{}^{\alpha} \\[2mm] \hline\\[-2mm] \Theta^{\Lambda \, \alpha} \end{array}\right) = \left( \begin{array}{cc} \Theta_{0}{}^{\mathbb{R}} & \Theta_{0}{}^{\mathbb{U}} \\[2mm] \Theta_{1}{}^{\mathbb{R}} & \Theta_{1}{}^{\mathbb{U}} \\[2mm] \vdots & \vdots \\[2mm] \Theta_{n_{v}}{}^{\mathbb{R}} & \Theta_{n_{v}}{}^{\mathbb{U}} \\[2mm] \hline\\[-2mm] \Theta^{0 \, \mathbb{R}} & \Theta^{0 \, \mathbb{U}} \\[2mm] \Theta^{1 \, \mathbb{R}} & \Theta^{1 \, \mathbb{U}} \\[2mm] \vdots & \vdots \\[2mm] \Theta^{n_{v} \, \mathbb{R}} & \Theta^{n_{v} \, \mathbb{U}} \\[2mm] \end{array}\right) = \left( \begin{array}{cc} g & 0 \\[2mm] 0 & g \\[2mm] \vdots & \vdots \\[2mm] 0 & g \\[2mm] \hline\\[-2mm] -m & 0 \\[2mm] 0 & 0 \\[2mm] \vdots & \vdots \\[2mm] 0 & 0 \end{array}\right) \ . \end{equation} The dyonic nature of the four-dimensional gauging has its origin in the Romans mass parameter $\,m\,$ of the ten-dimensional massive IIA supergravity \cite{Guarino:2015jca}. More specifically, it only affects the $\,\mathbb{R}\,$ factor of the gauge group which is associated with the isometry $\,k_{\mathbb{R}} =\partial_{\sigma}\,$ of the quaternionic manifold (\ref{dsQK_c-map}). This isometry is gauged by a linear combination of the graviphoton and its magnetic dual, as it can be seen from the covariant derivatives \begin{equation} \label{Dq_N2_massive_IIA} Dq^{u} = \partial q^{u} - (g \, \mathcal{A}^{0} - m \, \tilde{\mathcal{A}}_{0}) \, k^{u}_{\mathbb{R}} - g \, \mathcal{A}_{\mathbb{U}} \, k^{u}_{\mathbb{U}} \ . \end{equation} From (\ref{Dq_N2_massive_IIA}) one also sees that $\,\sigma\,$ becomes a St\"uckelberg field. The $\,\textrm{U}(1)_{\mathbb{U}}\,$ factor of the gauge group associated with the isometry $\,k_{\mathbb{U}}\,$ is spanned by the electric vector $\,\mathcal{A}_{\mathbb{U}} \equiv \sum_{i} \, \mathcal{A}^{i}\,$. The Romans mass also induces the topological term in the last line of (\ref{Lagrangian_N2}) which involves the magnetic graviphoton $\,\tilde{\mathcal{A}}_{0}\,$ and an auxiliary two-form tensor field $\,\mathcal{B}^{0}\,$. The presence of non-dynamical tensor fields in four-dimensional gauged supergravities with a dyonic gauging is a well understood phenomenon \cite{deWit:2005ub}. In addition to the topological term, the auxiliary tensor field $\,\mathcal{B}^{0}\,$ modifies the field strength of the electric graviphoton. Concretely, one has that \begin{equation} \label{Field-strengthsH} \mathcal{H}^{0} = d \mathcal{A}^{0} + \tfrac{1}{2 } \, m \, \mathcal{B}^{0} \hspace{5mm} , \hspace{5mm} \mathcal{H}^{i} = d \mathcal{A}^{i} \ . \end{equation} The equation of motion for the magnetic graviphoton following from the Lagrangian (\ref{Lagrangian_N2}) and (\ref{Dq_N2_massive_IIA}) gives a duality relation between the auxiliary tensor field $\,\mathcal{B}^{0}\,$ and the covariant derivatives of the scalars $\,\sigma\,$ and $\,\vec{\zeta}\,$ in the hypermultiplet sector \begin{equation} \label{EOM_A0tilde} \begin{split} d \mathcal{B}^0 & = - e^{4 \phi} * \! \left[ D \sigma +\frac{1}{2}\, (\vec{\zeta}\,)^{T} \, \mathbb{C} \, D \vec{\zeta} \, \right] \ . \end{split} \end{equation} In addition the dual graviphoton is subject to a duality relation \begin{equation} \label{EOM_B0} d \tilde{\mathcal{A}}_{0}+\tfrac{1}{2} \, g \, \mathcal{B}^{0}=\mathcal{I}_{0 \Sigma} * \mathcal{H}^\Sigma + \mathcal{R}_{0 \Sigma} \, \mathcal{H}^\Sigma \ , \end{equation} arising as the equation of motion for the tensor field $\,\mathcal{B}^0\,$. The gauging of abelian isometries in $\,\mathcal{M}_{\textrm{QK}}\,$ induces a potential for the scalar fields in the vector multiplets and hypermultiplets. Using $\,\mathcal{N}=2\,$ symplectically covariant notation, it is given by \cite{Michelson:1996pn,deWit:2005ub} \begin{equation} \label{VN2} V = 4 \, \mathcal{V}^{M} \, \bar{\mathcal{V}}^{N} \, \mathcal{K}_{M}{}^{u} \, h_{uv} \, \mathcal{K}_{N}{}^{v} + \mathcal{P}^{x}_{M} \, \mathcal{P}^{x}_{N} \left( K^{i\bar{j}} \, D_{i}\mathcal{V}^{M} \, D_{\bar{j}} \bar{\mathcal{V}}^{N} - 3 \, \mathcal{V}^{M} \, \bar{\mathcal{V}}^{N} \right) \ , \end{equation} with $\,\mathcal{V}^{M} \equiv e^{K/2} \, X^{M}\,$ and $\,D_{i}\mathcal{V}^{M}=\partial_{z^{i}} \mathcal{V}^{M} + \frac{1}{2} (\partial_{z^{i}} K)\mathcal{V}^{M}\,$, and where we have introduced symplectic Killing vectors $\,\mathcal{K}_{M} \equiv \Theta_{M}{}^{\alpha} \, k_{\alpha}\,$ and moment maps $\,\mathcal{P}_{M}^{x} \equiv \Theta_{M}{}^{\alpha} \, P_{\alpha}^{x}\,$ in order to maintain symplectic covariance \cite{Klemm:2016wng}. Lastly, the Einstein-Hilbert term closes the description of the supergravity Lagrangian in (\ref{Lagrangian_N2}). \subsection{Static BPS black holes and attractor mechanism} \label{sec:attractor} Static BPS black holes with spherical/hyperbolic symmetry have been extensively studied in the context of $\,\mathcal{N}=2\,$ gauged supergravity. Adopting the conventions of \cite{Klemm:2016wng}, the most general metric compatible with the symmetry takes the form \begin{equation} \label{ansatz_metric} d s^2 = - e^{2 U} d t^2 + e^{-2 U} d r^2 + e^{2 (\psi - U)} \left( d \theta^2 + \left( \frac{ \sin \sqrt{\kappa} \, \theta }{ \sqrt{ \kappa } } \right)^2 \, d \phi^2 \right) \ , \end{equation} with $\,\kappa=1\,$ (spherical horizon S$^2$) or $\,\kappa=-1\,$ (hyperbolic horizon H$^2$). The functions $\,e^{-2 U}\,$ and $\,e^{2 (\psi - U)}\,$ in the metric (\ref{ansatz_metric}) as well as the vectors $\,\mathcal{A}^{\Lambda}\,$ and $\,\tilde{\mathcal{A}}_{0}\,$, the tensor $\,\mathcal{B}^{0}\,$ and the scalars $\,z^{i}\,$ and $\,q^{u}\,$ are assumed to depend only on the radial coordinate $\,r\,$. The ansatz for the vectors takes the form \begin{equation} \label{ansatz_vectors} \mathcal{A}^\Lambda = \mathcal{A}_t{}^\Lambda(r) \, d t - p^\Lambda \, \frac{ \cos \sqrt{\kappa} \, \theta }{ \kappa } \, d \phi \hspace{6mm} \textrm{ , } \hspace{6mm} \tilde{\mathcal{A}}_0 = \tilde{\mathcal{A}}_{t \, 0}(r) \, d t - e_{0} \, \frac{ \cos \sqrt{\kappa} \, \theta }{ \kappa } \, d \phi \ , \end{equation} with constant magnetic $\,p^{\Lambda}\,$ and electric $\,e_{0}\,$ charges. The ansatz for the tensor field reads\footnote{The expression in (\ref{ansatz_tensor}) differs from the one in \cite{Klemm:2016wng} by a tensor gauge transformation \cite{Guarino:2017eag}.} \begin{equation} \label{ansatz_tensor} \mathcal{B}^0 = b_0(r) \, \frac{ \sin \sqrt{\kappa} \, \theta }{ \sqrt{\kappa} } \, d \theta \wedge d \phi \ . \end{equation} As we will see in the next section, the scalars being charged under the vectors $\,\mathcal{A}^{i}\,$ are forced to vanish at the horizon by virtue of the attractor mechanism. Furthermore, they can be set to zero identically at the level of the Lagrangian without causing inconsistencies with the set of equations of motion derived from (\ref{Lagrangian_N2}). The latter restriction implies that there is no source term in the equations of motion for the vectors $\,\mathcal{A}^{i}\,$ which become of the form $\,{d(\mathcal{I}_{i \Sigma} * \mathcal{H}^\Sigma + \mathcal{R}_{i \Sigma} \, \mathcal{H}^\Sigma)=0}\,$. For this reason, it is convenient to also introduce a set of auxiliary magnetic vectors \begin{equation} \label{ansatz_vector_dual} \tilde{\mathcal{A}}_{i} = \tilde{\mathcal{A}}_{t \, {i}}(r) d t - e_{i} \, \frac{ \cos \sqrt{\kappa} \, \theta }{ \kappa } \, d \phi\ , \end{equation} with constant electric charges $\,e_{i}\,$, which are subject to a set of duality relations of the form $\,{d\tilde{\mathcal{A}}_{i}=\mathcal{I}_{i \Sigma} * \mathcal{H}^\Sigma + \mathcal{R}_{i \Sigma} \, \mathcal{H}^\Sigma}\,$. The analysis of equations of motion and duality relations is the straightforward generalisation of the one performed in \cite{Guarino:2017eag} for the model with one vector multiplet and the universal hypermultiplet and fits into the general analysis of \cite{Guarino:2015qaa}. In the near-horizon region the metric takes the form $\,\textrm{AdS}_{2} \times \Sigma_{2}\,$ with $\,\Sigma_{2}= \{\textrm{S}^{2} \,,\, \textrm{H}^{2}\}\,$. This sets the functions in (\ref{ansatz_metric}) to \begin{equation} \label{metric_horizon} e^{2U} = \frac{r^2}{L^2_{\textrm{AdS}_{2}}} \hspace{8mm} \textrm{ and } \hspace{8mm} e^{2(\psi-U)} = L^{2}_{\Sigma_{2}} \ . \end{equation} On the other hand, BPS black holes are solutions to a set of first-order flow equations: they extremise a real function $\,2|W|\,$ defined in terms of a central charge $\,\mathcal{Z}\,$ and a superpotential~$\,\mathcal{L}\,$. This function, that must vanish at the horizon \cite{Klemm:2016wng}, is given by \begin{equation} \label{EqZ+L=0} W=e^{U} (\mathcal{Z} + i \, \kappa \, L_{\Sigma_{2}}^2 \, \mathcal{L})= |W| \, e^{i \beta} \ , \end{equation} and solves the Hamilton--Jacobi equation for the effective action obtained upon plugging the field ansatz (\ref{ansatz_metric})-(\ref{ansatz_vector_dual}) into the Lagrangian (\ref{Lagrangian_N2}). The central charge and the superpotential are obtained as \begin{equation} \mathcal{Z}(z^{i})=\left\langle \mathcal{Q} , \mathcal{V} \right\rangle \hspace{10mm} \textrm{ and } \hspace{10mm} \mathcal{L}(z^{i},q^{u})=\left\langle \mathcal{Q}^{x} \mathcal{P}^{x} , \mathcal{V} \right\rangle \ , \end{equation} with $\,\mathcal{Q}^{x} \equiv \left\langle \mathcal{P}^{x} , \mathcal{Q} \right\rangle\,$, and depend on a symplectic vector of charges \begin{equation} \label{Q_vector_attractor} {\mathcal{Q}^M} = \left( \,\, \mathfrak{p}^{0} \,\, , \,\, p^{i} \,\,,\,\, \mathfrak{e}_{0} \,\,,\,\, e_{i} \,\, \right)^{T} \ , \end{equation} where $\,\mathfrak{p}^{0}\equiv p^{0} + \tfrac{1}{2} \, m \, b_{0}(r)\,$ and $\, \mathfrak{e}_{0} \equiv e_0 + \tfrac{1}{2} \, g \, b_0(r)\,$. Assuming that the scalars approach the horizon with a constant value, \textit{i.e.} $\,{z^{i}}'={q^{u}}'=0\,$, the first-order flow equations become algebraic and determine the so-called attractor equations. The set of attractor equations for dyonic gaugings of $\,\mathcal{N}=2\,$ supergravity was derived in \cite{Klemm:2016wng}. It is given by\footnote{The charges $\,\mathcal{Q}\,$ in (\ref{attrac_eqs}) are understood as evaluated at the horizon, namely, $\,{\mathfrak{p}^{0}\equiv p^{0} + \tfrac{1}{2} \, m \, b^{h}_{0}}\,$ and $\, \mathfrak{e}_{0} \equiv e_0 + \tfrac{1}{2} \, g \, b^{h}_0\,$. From the set of first-order BPS equations it can be shown that $\,\mathcal{Q}'=0\,$ at the horizon \cite{Klemm:2016wng}.} \begin{equation} \label{attrac_eqs} \begin{split} \mathcal{Q} & = \kappa \, L_{\Sigma_{2}}^{2} \, \Omega \, \mathcal{M} \, \mathcal{Q} ^{x} \, \mathcal{P}^{x} - 4 \, \textrm{Im}(\bar{\mathcal{Z}} \, \mathcal{V}) \ , \\ \dfrac{L_{\Sigma_{2}}^{2}}{L_{\textrm{AdS}_{2}}} & = -2 \, \mathcal{Z} \, e^{-i \beta} \ , \\[2mm] \left\langle \mathcal{K}^{u} , \mathcal{V} \right\rangle & = 0 \ , \end{split} \end{equation} and must be supplemented with a charge quantisation condition \begin{equation} \label{quant_cond} \mathcal{Q}^{x} \, \mathcal{Q}^{x} = 1 \ , \end{equation} and a set of compatibility constraints of the form \begin{equation} \label{extra_constraints} \mathcal{H} \, \Omega \, \mathcal{Q} = 0 \hspace{8mm} \textrm{ and } \hspace{8mm} \mathcal{H} \, \Omega \, \mathcal{A}_{t} = 0 \ , \end{equation} where $\,\mathcal{H}=(\mathcal{K}^u)^{T} \, h_{uv} \, \mathcal{K}{}^{v}\,$. We refer the reader to the original work of \cite{Klemm:2016wng} for a detailed derivation of the attractor equations (\ref{attrac_eqs})-(\ref{extra_constraints}). The values of the scalars at the horizon configurations can be alternatively obtained by extremising an effective black hole potential. Due to the presence of the gauging in the hypermultiplet sector, such an effective potential takes the form \cite{Chimento:2015rra} \begin{equation} \label{Veff} V_{\textrm{eff}} = \frac{\kappa-\sqrt{\kappa^2-4 \, V_{\textrm{BH}} \, V}}{2 \, V} \ , \end{equation} with $\,V\,$ given in (\ref{VN2}) and where $\,V_{\textrm{BH}}=-\frac{1}{2} \mathcal{Q}^{\,T} \, \mathcal{M} \, \mathcal{Q}\,$ is the black hole potential in $\,\mathcal{N}=2\,$ ungauged supergravity \cite{Ferrara:1997tw} that depends on the charges and on the scalar-dependent matrix (\ref{M_scalar_matrix}). One then has that \begin{equation} \label{Veff_extremisation} \partial_{z^{i}}V_{\textrm{eff}} \big|_{z_{h}^{i},q_{h}^{u}} = 0 \hspace{5mm} , \hspace{5mm} \partial_{q^{u}}V_{\textrm{eff}} \big|_{z_{h}^{i},q_{h}^{u}} = 0 \hspace{5mm} \textrm{ and }\hspace{5mm} L^2_{\Sigma_{2}} = V_{\textrm{eff}}(z_{h}^{i},q_{h}^{u}) \ , \end{equation} where we have denoted the values of the fields at the horizon with a subscript $_{h}\,$. In the next section, we are solving the attractor equations (\ref{attrac_eqs})-(\ref{extra_constraints}) for various $\,\mathcal{N}=2\,$ supergravity models arising from the reduction of massive~IIA on the six-sphere. \section{Models from massive IIA} Here we investigate the existence of BPS horizon configurations with hyperbolic/spherical symmetry in various $\,\mathcal{N}=2\,$ truncations of the dyonically-gauged ISO(7) supergravity \cite{Guarino:2015qaa}. We start the section by reviewing the horizon configurations found in \cite{Guarino:2017eag} for the canonical model with one vector multiplet and the universal hypermultiplet, and then generalise the setup there by including additional matter multiplets. \subsection{$\mathcal{M}_{\textrm{SK}}=\textrm{SU(1,1)}/\textrm{U}(1)\,$ and $\,\mathcal{M}_{\textrm{QK}}=\textrm{SU(2,1)}/(\textrm{SU}(2) \times \textrm{U}(1))\,$} \label{sec:nv=1&nh=1} Examples of four-dimensional static BPS black holes enjoying an embedding in massive IIA supergravity were presented in \cite{Guarino:2017eag}.\footnote{See also \cite{Kimura:2012yz} for AdS$_{4}$ black holes from massive IIA with vanishing electromagnetic charges.} The $\,\mathcal{N}=2\,$ model studied there corresponds to the truncation preserving $\,\textrm{G}_{0}=\textrm{SU}(3) \subset \textrm{ISO}(7)\,$ \cite{Guarino:2015qaa}. This model describes $\,\mathcal{N}=2\,$ supergravity coupled to a vector multiplet $\,(n_{v}=1)\,$ and the universal hypermultiplet $\,(n_{h}=1)\,$, and has \begin{equation} \mathcal{M}_{\textrm{SK}}=\frac{\textrm{SU(1,1)}}{\textrm{U}(1)} \hspace{8mm} \textrm{ and } \hspace{8mm} \mathcal{M}_{\textrm{QK}}=\frac{\textrm{SU}(2,1)}{\textrm{SU}(2) \times \textrm{U}(1)} \ . \end{equation} The holomorphic sections used to describe the SK manifold are given by \begin{equation} \label{Xsections_nv=1&nh=1} (X^{0}\,,\,X^{1}\,,\,F_{0}\,,\,F_{1}) = (-z^3\,,\,-z\,,\,1\,,\,3z^2) \ , \end{equation} which follow from a square-root prepotential \begin{equation} \label{F_prepot_nv=1&nh=1} \mathcal{F} = - 2 \, \sqrt{X^{0}(X^{1})^3} \ . \end{equation} Denoting $\,z^{1}\equiv z = - \chi + i e^{-\varphi}\,$ the scalar in the vector multiplet parameterising $\,\mathcal{M}_{\textrm{SK}}\,$ and $\,q^{u}=(\phi \, ,\, \sigma \,,\, \zeta^{0} \equiv \zeta \,,\, \tilde{\zeta}_{0} \equiv\tilde{\zeta})\,$ the four real scalars serving as coordinates in $\,\mathcal{M}_{\textrm{QK}}\,$, the scalar metrics entering (\ref{Lagrangian_N2}) take the form \begin{equation} \label{dsSK_nv=1&nh=1} ds_{\textrm{SK}}^2 = \frac{3}{4} \frac{dz \, d\bar{z}}{(\textrm{Im} z)^2} \ , \end{equation} and \begin{equation} \label{dsQK_nv=1&nh=1} \begin{array}{lll} ds_{\textrm{QK}}^2 &=& d \phi \, d \phi + \frac{1}{4} \, e^{2\phi} \, \left( d \zeta \, d\zeta + d \tilde{\zeta} \, d \tilde{\zeta} \right) \\[2mm] &+& \frac{1}{4} e^{4 \phi} \left[ d \sigma + \tfrac{1}{2} ( \tilde{\zeta} d \zeta - \zeta d \tilde{\zeta} ) \right] \, \left[ d \sigma + \tfrac{1}{2} ( \tilde{\zeta} d \zeta - \zeta d \tilde{\zeta} ) \right] \ . \end{array} \end{equation} The kinetic terms and the generalised theta angles for the vectors are determined by the scalar-dependent matrix (\ref{N_matrixN2}) which reads \begin{equation} \label{NMat_nv=1&nh=1} \mathcal{N}_{\Lambda \Sigma} = \frac{1}{(2\, e^{\varphi } \, \chi +i )} \left( \begin{array}{cc} -\dfrac{e^{3 \varphi }}{(e^{\varphi } \, \chi -i )^2} & \dfrac{3 \, e^{2 \varphi } \, \chi }{(e^{\varphi} \, \chi -i )} \\[5mm] \dfrac{3 \, e^{2 \varphi } \, \chi }{(e^{\varphi } \, \chi -i)} & 3 \, ( e^{\varphi } \, \chi^2+e^{-\varphi}) \end{array} \right) \ . \end{equation} The two abelian isometries of the quaternionic metric (\ref{dsQK_nv=1&nh=1}) that are gauged correspond to Killing vectors of the form \begin{equation} \label{Killing_vectors_nv=1&nh=1} \begin{array}{lll} k_{\mathbb{R}} &=& \partial_{\sigma} \ , \\[2mm] k_{\mathbb{U}} &=& - 3 \, ( \tilde{\zeta} \, \partial_{\zeta} - \zeta \, \partial_{\tilde{\zeta}} ) \ , \end{array} \end{equation} and have associated moment maps given by \begin{equation} \label{Momentum_maps_nv=1&nh=1} \begin{array}{lll} P^{+}_{\mathbb{R}} = 0 &\hspace{8mm} , \hspace{8mm} & P^{3}_{\mathbb{R}} = - \tfrac{1}{2} e^{2 \phi} \ , \\[2mm] P^{+}_{\mathbb{U}} = 3 \, e^{\phi} \, (\tilde{\zeta} - i \, \zeta) &\hspace{8mm} , \hspace{8mm}& P^{3}_{\mathbb{U}} = 3 \, \left( 1 - \frac{1}{4} \, e^{2 \phi} \, (\zeta^2+\tilde{\zeta}^2)\right) \ , \end{array} \end{equation} with $P^{+}\equiv P^{1}+ i P^{2}$. These isometries are gauged using the embedding tensor in (\ref{Theta_tensor_N2}) particularised to the case $\,n_{v}=1\,$. Plugging such an embedding tensor, together with the Killing vectors (\ref{Killing_vectors_nv=1&nh=1}), into the covariant derivatives (\ref{Dq_N2}) one finds \begin{equation} \label{Dq_nv=1&nh=1} \begin{array}{c} D \sigma = d \sigma - g \, \mathcal{A}^0 + m \, \tilde{\mathcal{A}}_0 \hspace{5mm} , \hspace{5mm} D \zeta = d \zeta + 3 \, g \, \mathcal{A}^1 \tilde{\zeta} \hspace{5mm} , \hspace{5mm} D \tilde{\zeta} = d \tilde{\zeta} - 3 \, g \, \mathcal{A}^1 \zeta \ . \end{array} \end{equation} Using the above geometrical data, the algebraic set of attractor equations (\ref{attrac_eqs})-(\ref{extra_constraints}) was solved in full generality in \cite{Guarino:2017eag} for a symplectic vector of charges $\,{\mathcal{Q}^M}\,$ of the form (\ref{Q_vector_attractor}). The result is that two horizon configurations -- related to each other by a $\,\mathbb{Z}_{2}\,$ reflection of the charges -- exist with scalar fields and vector charges being fixed to \begin{equation} \label{horizon_conf_nv=1&nh=1_enhancement} \zeta_{h} = \tilde{\zeta}_{h} = \sigma_{h}= 0 \ , \end{equation} and \begin{equation} \label{horizon_conf_nv=1&nh=1} \begin{array}{lcll} \kappa \, m^{-1/6} \, g^{7/6} \, L_{\textrm{AdS}_{2}}= - \dfrac{1}{2\,\, 3^{1/4}} & , & \kappa \, m^{-1/3} \, g^{7/3} \, L^2_{\Sigma_{2}}= -\dfrac{1}{2\, \sqrt{3}} & , \\[4mm] m^{1/3} \, g^{-1/3} \, e^{\phi_{h}} = \sqrt{2} & \hspace{5mm} , \hspace{5mm} & m^{-1/3} \, g^{1/3} \, z_{h}= e^{i \frac{\pi}{3}} & , \\[4mm] m^{-2/3} \, g^{5/3} \, \mathfrak{p}^{0} = \pm \, \dfrac{1}{6} & , & m^{1/3} \, g^{2/3} \, \mathfrak{e}_{0} = \pm \, \dfrac{1}{6} & , \\[3mm] g \, p^{1}=\mp \, \dfrac{1}{3} & , & m^{-1/3} \, g^{4/3} \, e_{1} = \pm \, \dfrac{1}{2} & . \end{array} \end{equation} The horizon must be of hyperbolic type $\,(\kappa=-1)$ for $\,L_{\textrm{AdS}_{2}}>0\,$ and $\, L^2_{\Sigma_{2}}>0\,$, and the phase $\,\beta\,$ in (\ref{attrac_eqs}) gets fixed to $\,\beta=\frac{\pi}{3} \mp \frac{\pi}{2}\,$. The requirements $\,\zeta_{h} = \tilde{\zeta}_{h} = 0\,$ and $\,\sigma_{h}=0\,$ respectively follow from the constraint $\,\left\langle \mathcal{K}^{u} , \mathcal{V} \right\rangle=0\,$ in (\ref{attrac_eqs}) and from (\ref{EOM_A0tilde}). A quick inspection of the covariant derivatives in (\ref{Dq_nv=1&nh=1}) shows that (\ref{horizon_conf_nv=1&nh=1_enhancement}) decouples the vector $\,\mathcal{A}^{1}\,$, equivalently $\,k_{\mathbb{U}}=0\,$, and produces a $\,\textrm{U}(1)_{\mathbb{U}}\,$ symmetry enhancement in the truncation. \subsection{$\mathcal{M}_{\textrm{SK}}=\textrm{SU(1,1)}/\textrm{U}(1)\,$ and $\,\mathcal{M}_{\textrm{QK}}=\textrm{G}_{2(2)}/\textrm{SO}(4)\,$} \label{sec:nv=1&nh=2} The next model extends the setup in \cite{Guarino:2017eag} by adding an additional hypermultiplet and corresponds to a truncation preserving the smallest non-abelian subgroup $\,\textrm{G}_{0}=\textrm{SO}(3) \subset \textrm{ISO}(7)\,$. In this case, the Lagrangian (\ref{Lagrangian_N2}) describes $\,\mathcal{N}=2\,$ supergravity coupled to a vector multiplet $\,(n_{v}=1)\,$ and two hypermultiplets $\,(n_{h}=2)\,$ with \begin{equation} \mathcal{M}_{\textrm{SK}}=\frac{\textrm{SU(1,1)}}{\textrm{U}(1)} \hspace{8mm} \textrm{ and } \hspace{8mm} \mathcal{M}_{\textrm{QK}}=\frac{\textrm{G}_{2(2)}}{\textrm{SO}(4)} \ . \end{equation} Since the extension only involves the hypermultiplet sector, the holomorphic sections, prepotential, vector kinetic terms and generalised theta angles as well as the kinetic term for the complex scalar $\,z\,$ are still given by (\ref{Xsections_nv=1&nh=1}), (\ref{F_prepot_nv=1&nh=1}), (\ref{NMat_nv=1&nh=1}) and (\ref{dsSK_nv=1&nh=1}). Regarding the geometrical description of $\,{\mathcal{M}_{\textrm{QK}}=\textrm{G}_{2(2)}/\textrm{SO}(4)}$, we fetch results from \cite{Erbin:2014hsa} (see also \cite{Fre:2014pca}). Denoting coordinates in $\,\mathcal{M}_{\textrm{QK}}\,$ by $\,q^{u}\,=(\tilde{\varphi} \,,\,\tilde{\chi} \,,\,\phi \,,\, \sigma \,,\,\zeta^{A} \,,\,\tilde{\zeta}_{A})$, with $\,A=0,1\,$, the quaternionic metric is given by \begin{equation} \label{dsQK_nv=1&nh=2} \hspace{-2mm} \begin{array}{lll} ds_{\textrm{QK}}^2 &=& 3 \, d \tilde{\varphi} \, d\tilde{\varphi} + \frac{3}{4} \, e^{4\tilde{\varphi}} \, d\tilde{\chi} \, d\tilde{\chi} + \, d \phi \, d \phi - \frac{1}{4} \, e^{2\phi} \, (d \vec{\zeta}\,)^{T} \, \mathbb{C}\mathbb{M}_{4} \, d\vec{\zeta} \\[2mm] &+& \frac{1}{4} e^{4 \phi} \left[ d \sigma + \frac{1}{2}\, (\vec{\zeta}\,)^{T} \, \mathbb{C} \, d \vec{\zeta} \, \right] \, \left[ d \sigma + \frac{1}{2}\, (\vec{\zeta}\,)^{T} \, \mathbb{C} \, d \vec{\zeta} \, \right] \ . \end{array} \end{equation} The scalar matrix $\,\mathbb{M}_{4}\,$ entering (\ref{dsQK_nv=1&nh=2}) depends on the complex scalar $\,\tilde{z}^{1} \equiv \tilde{z} = \tilde{\chi} + i \, e^{-2 \tilde{\varphi}}\,$ parameterising the special K\"ahler submanifold $\,\mathcal{M}_{\widetilde{\textrm{SK}}}=\textrm{SU}(1,1)/\textrm{U}(1)\,$ employed to construct $\,\mathcal{M}_{\textrm{QK}}\,$ via the c-map, and reads \begin{equation} \mathbb{M}_{4} = e^{6 \tilde{\varphi}} \left( \begin{array}{cccc} - \tilde{\chi}^3 & 3 \tilde{\chi}^2 & 1 & \tilde{\chi} \\[2mm] - \tilde{\chi}^2 \left(\tilde{\chi}^2+e^{-4 \tilde{\varphi}}\right) & \tilde{\chi} \left(3 \tilde{\chi}^2+2 e^{-4 \tilde{\varphi}} \right) & \tilde{\chi} & \tilde{\chi}^2+\frac{1}{3} e^{-4 \tilde{\varphi}} \\[2mm] - \left(\tilde{\chi}^2+e^{-4 \tilde{\varphi}}\right)^3 & 3 \tilde{\chi} \left( \tilde{\chi}^2+e^{-4 \tilde{\varphi}}\right)^2 & \tilde{\chi}^3 & \tilde{\chi}^2 \left(\tilde{\chi}^2+e^{-4 \tilde{\varphi}} \right) \\[2mm] 3 \tilde{\chi} \left(\tilde{\chi}^2+e^{-4 \tilde{\varphi}}\right)^2 & -3 \left(3 \tilde{\chi}^4+4 e^{-4 \tilde{\varphi}} \tilde{\chi}^2+e^{-8 \tilde{\varphi}}\right) & -3 \tilde{\chi}^2 & - \tilde{\chi} \left(3 \tilde{\chi}^2+2 e^{-4 \tilde{\varphi}}\right) \\ \end{array} \right) \ . \end{equation} The geometrical data of the submanifold $\,\mathcal{M}_{\widetilde{\textrm{SK}}}\,$ is specified in terms of holomorphic sections $\,\tilde{Z} = (1 \,,\, \tilde{z} \,,\, \tilde{z}^3 \,,\,-3 \tilde{z}^2)\,$ which are compatible with a prepotential of the form \begin{equation} \widetilde{\mathcal{F}} = - \frac{(\tilde{Z}^{1})^3}{\tilde{Z}^{0}} \ . \end{equation} The K\"ahler potential for $\,\mathcal{M}_{\widetilde{\textrm{SK}}}\,$ enters the moment maps of the $\,\textrm{U}(1)_{\mathbb{U}}\,$ isometry being gauged. It follows the standard definition in (\ref{K_pot}) and reads $\,{\widetilde{K}=-\log(i \, \langle \tilde{Z}, \bar{\tilde{Z}} \rangle)}\,$. The two isometries of the quaternionic metric (\ref{dsQK_nv=1&nh=2}) that are gauged in this truncation are specified by Killing vectors \begin{equation} \label{Killing_vectors_nv=1&nh=2} \begin{array}{lll} k_{\mathbb{R}} &=& \partial_{\sigma} \ , \\[2mm] k_{\mathbb{U}} &=& \left[ (\mathbb{U} \, \tilde{Z})^{A} \partial_{\tilde{Z}^{A}} + \textrm{c.c.}\right] + (\mathbb{U} \, \vec{\zeta} \, )^{T} \, \partial_{\vec{\zeta}} \ , \end{array} \end{equation} where the $\,\mathbb{U}\,$ matrix is given by \begin{equation} \mathbb{U} = \left( \begin{array}{rrrr} 0 & 3 & 0 & 0 \\ -1 & 0 & 0 & -\frac{2}{3} \\ 0 & 0 & 0 & 1 \\ 0 & 6 & -3 & 0 \\ \end{array} \right) \ . \end{equation} Following the terminology in \cite{Erbin:2014hsa}, the isometries (\ref{Killing_vectors_nv=1&nh=2}) are identified with duality symmetries and have associated moment maps of the form \begin{equation} \begin{array}{lll} P^{+}_{\mathbb{R}} = 0 &\hspace{8mm} , \hspace{8mm} & P^{3}_{\mathbb{R}} = - \tfrac{1}{2} e^{2 \phi} \ ,\\[2mm] P^{+}_{\mathbb{U}} = - \sqrt{2} \, e^{\frac{\widetilde{K}}{2}+\phi} \tilde{Z}^{T} \mathbb{C} \, \mathbb{U} \, \vec{\zeta} &\hspace{8mm} , \hspace{8mm}& P^{3}_{\mathbb{U}} = - \tfrac{1}{4} e^{2 \phi} (\vec{\zeta}\,)^{T} \mathbb{C} \, \mathbb{U} \, \vec{\zeta} + e^{\widetilde{K}} \tilde{Z}^{T} \mathbb{C} \, \mathbb{U} \, \bar{\tilde{Z}} \ . \end{array} \end{equation} The embedding tensor in this model is still given by (\ref{Theta_tensor_N2}) with $\,n_{v}=1\,$. After using the Killing vectors in (\ref{Killing_vectors_nv=1&nh=2}) one finds covariant derivatives \begin{equation} \label{Dq_nv=1&nh=2} \begin{array}{c} D \tilde{\varphi} = d \tilde{\varphi} - g \, \mathcal{A}^1 \tilde{\chi} \hspace{3mm} , \hspace{3mm} D \tilde{\chi} = d \tilde{\chi} + g \, \mathcal{A}^1 (1-e^{-4 \tilde{\varphi}} + \tilde{\chi}^2) \hspace{3mm} , \hspace{3mm} D \sigma = d \sigma - g \, \mathcal{A}^0 + m \, \tilde{\mathcal{A}}_0 \ , \\[3mm] \,\,\,\,\,\,\,\,\,\,\,D \zeta^{0} = d \zeta^{0} - 3 \, g \, \mathcal{A}^1 \zeta^{1} \hspace{3mm} , \hspace{3mm} D \zeta^{1} = d \zeta^{1} + g \, \mathcal{A}^1 (\zeta^{0} + \frac{2}{3} \tilde{\zeta}_{1}) \,\,\ , \\[3mm] \,\,\,\,\,\,\,\,\,\,\,\, D \tilde{\zeta}_{0} = d \tilde{\zeta}_{0} - g \, \mathcal{A}^1 \tilde{\zeta}_{1} \,\,\,\,\hspace{3mm} , \hspace{3mm} D \tilde{\zeta}_{1} = d \tilde{\zeta}_{1} + 3 \, g \, \mathcal{A}^1 (\tilde{\zeta}_{0} -2 \zeta^{1}) \ . \end{array} \end{equation} Let us now move to analyse the attractor equations (\ref{attrac_eqs})-(\ref{quant_cond}) using the vector of charges $\,\mathcal{Q}^{M}\,$ in (\ref{Q_vector_attractor}) and the quaternionic geometrical data presented above. By looking at the last equation in (\ref{attrac_eqs}), which is independent of the vector of charges, one finds that \begin{equation} \label{zt=zetaA=0} \tilde{z}_{h}= i \hspace{10mm} \textrm{ and } \hspace{10mm} \zeta^{A}{}_{h} = \tilde{\zeta}_{A \, h} = 0 \ . \end{equation} This renders the model with $\,\mathcal{M}_{\widetilde{\textrm{SK}}}=\textrm{SU}(1,1)/\textrm{U}(1)\,$ equivalent to the one with trivial $\,\mathcal{M}_{\widetilde{\textrm{SK}}}\,$ in what regards the classification of BPS horizon configurations. As a result, the only solution to the attractor mechanism is the one in (\ref{horizon_conf_nv=1&nh=1}). From the covariant derivatives in (\ref{Dq_nv=1&nh=2}), one sees that (\ref{zt=zetaA=0}) decouples the vector $\,\mathcal{A}^{1}\,$, namely $\,k_{\mathbb{U}}=0\,$, and the case presented in the previous section is recovered. \subsection{$\mathcal{M}_{\textrm{SK}}=[\textrm{SU(1,1)}/\textrm{U}(1)]^3\,$ and $\,\mathcal{M}_{\textrm{QK}}=\textrm{SU(2,1)}/(\textrm{SU}(2) \times \textrm{U}(1))\,$} \label{sec:nv=3&nh=1} The last model extends the setup of \cite{Guarino:2017eag} by adding extra matter multiplets in the form of two vector multiplets. It describes $\,\mathcal{N}=2\,$ supergravity coupled to three vector multiplets $\,(n_{v}=3)\,$ and the universal hypermultiplet $\,(n_{h}=1)\,$ and has \begin{equation} \mathcal{M}_{\textrm{SK}}= \left[ \, \frac{\textrm{SU(1,1)}}{\textrm{U}(1)} \, \right]^3 \hspace{8mm} \textrm{ and } \hspace{8mm} \mathcal{M}_{\textrm{QK}}=\frac{\textrm{SU}(2,1)}{\textrm{SU}(2) \times \textrm{U}(1)} \ . \end{equation} Despite the presence of three vector multiplets, only the combination $\,{\mathcal{A}_{\mathbb{U}} \equiv \mathcal{A}^{1}+\mathcal{A}^{2}+\mathcal{A}^{3}}\,$ is associated with the $\,\textrm{U}(1)_{\mathbb{U}}\,$ factor of the gauging, as it can be seen from the covariant derivatives in (\ref{Dq_N2_massive_IIA}). Therefore, none of the scalars in the universal hypermultiplet are charged under the vectors associated with the two orthogonal combinations of U(1)'s, which turn to consistently decouple. This model is the massive IIA analogue of the $\,\textrm{U}(1)^4 \subset \textrm{SO(8)}\,$ invariant \mbox{STU-model} from M-theory. However, as discussed in the introduction, in the massive IIA case one is forced to keep the universal hypermultiplet which contains the scalars $\,\sigma\,$ and $\,(\zeta\,,\,\tilde{\zeta})\,$ that are charged under the gauge group $\,\textrm{G}=\mathbb{R} \times \textrm{U}(1)_{\mathbb{U}}\,$. Therefore the model in this section corresponds to a truncation with $\,{\textrm{G}_{0}=\textrm{U}(1)^2 \subset \textrm{U}(1)^2 \times \mathbb{R} \times \textrm{U}(1)_{\mathbb{U}} \subset \textrm{ISO}(7) }\,$. The holomorphic sections describing the SK manifold are the non-isotropic generalisation of the ones in (\ref{Xsections_nv=1&nh=1}) and take the form \begin{equation} \label{Xsections_nv=3&nh=1} (X^{0},X^{1},X^{2},X^{3},F_{0},F_{1},F_{2},F_{3}) = (-z^{1} z^{2} z^{3}\,,\,-z^{1}\,,\,-z^{2}\,,\,-z^{3}\,,\,1\,,\, z^{2} z^{3}\,,\, z^{3} z^{1}\,,\, z^{1} z^{2}) \ , \end{equation} % which this time are consistent with the square-root prepotential \begin{equation} \label{F_prepot_nv=3&nh=1} \mathcal{F} = -2 \sqrt{X^0 \, X^1 \, X^2 \, X^3} \ . \end{equation} Denoting $\,z^{i} = - \chi_{i} + i \, e^{-\varphi_{i}}\,$ the complex coordinates in the SK manifold, the metric (\ref{dsSK_N2}) takes the form \begin{equation} \label{dsSK_nv=3&nh=1} ds_{\textrm{SK}}^2 = \frac{1}{4} \sum_{i}\frac{dz^{i} \, d\bar{z}^{\bar{i}}}{(\textrm{Im} z^{i})^2} \ , \end{equation} and the QK metric is still given by the one of the universal hypermultiplet (\ref{dsQK_nv=1&nh=1}). The kinetic terms and the generalised theta angles for the vector fields are encoded in the matrix \begin{equation} \mathcal{N}_{\Lambda\Sigma}= \frac{1}{n} \left( \begin{array}{cccc} -i e^{\varphi_{1}+\varphi_{2}+\varphi_{3}} & n_{1} & n_{2} & n_{3}\\ n_{1} & -i e^{\varphi_{1}-\varphi_{2}-\varphi_{3}} \, c_{2} \, c_{3} & n_{12} & n_{13} \\ n_{2} & n_{12} & -i e^{-\varphi_{1}+\varphi_{2}-\varphi_{3}} \, c_{1} \, c_{3} & n_{23}\\ n_{3} & n_{13} & n_{23} & -i e^{-\varphi_{1}-\varphi_{2}+\varphi_{3}} \, c_{1} \, c_{2} \end{array} \right) \ , \end{equation} with $\,c_{i} \equiv ( 1+ e^{2 \varphi_{i}} \, \chi_{i}^2)\,$ and where, in order to shorten expressions, we have introduced the quantities \begin{equation} \begin{array}{llll} n & \equiv & \Big( 1+ \displaystyle\sum_{k} e^{2 \varphi_{k}} \chi_{k}^{2} \Big) + 2 \, i \, e^{\varphi_{1}+\varphi_{2}+\varphi_{3}}\, \chi_{1} \, \chi_{2} \, \chi_{3} \ , & \\[2mm] n_{i} & \equiv & e^{2 \varphi_{i}} \chi_{i}+i \, e^{\varphi_{1}+\varphi_{2}+\varphi_{3}} \chi_{j} \, \chi_{k} & \hspace{10mm} (i \neq j \neq k) \ ,\\[2mm] n_{ij} & \equiv & e^{-\varphi_{k}} \, c_{k} \, (e^{\varphi_{k}} \, \chi_{k}+ i \, e^{\varphi_{i} + \varphi_{j}} \, \chi_{i} \chi_{j} ) & \hspace{10mm} (i \neq j \neq k) \ . \end{array} \end{equation} As in the model with one vector multiplet, the two isometries of $\,\mathcal{M}_{\textrm{QK}}\,$ that are gauged correspond to the Killing vectors and moment maps in (\ref{Killing_vectors_nv=1&nh=1}) and (\ref{Momentum_maps_nv=1&nh=1}).\footnote{The overall factor of $\,3\,$ in $\,k_{\mathbb{U}}\,$, $\,P^{+}_{\mathbb{U}}\,$ and $\,P^{3}_{\mathbb{U}}\,$ must now be removed due to the non-isotropic ($n_{v}=3$) setup.} These isometries are again gauged using the dyonic embedding tensor in (\ref{Theta_tensor_N2}) particularised this time to the case $\,n_{v}=3\,$. The resulting covariant derivatives for the charged scalars in the universal hypermultiplet read \begin{equation} \label{Dq_nv=3&nh=1} \begin{array}{c} D \sigma = d \sigma - g \, \mathcal{A}^0 + m \, \tilde{\mathcal{A}}_0 \hspace{5mm} , \hspace{5mm} D \zeta = d \zeta + g \, \mathcal{A}_{\mathbb{U}} \, \tilde{\zeta} \hspace{5mm} , \hspace{5mm} D \tilde{\zeta} = d \tilde{\zeta} - g \, \mathcal{A}_{\mathbb{U}} \, \zeta \ , \end{array} \end{equation} with $\,\mathcal{A}_{\mathbb{U}} \equiv \mathcal{A}^1+\mathcal{A}^2+\mathcal{A}^3\,$. Note that this model reduces to the one in section~\ref{sec:nv=1&nh=1} if the three vector multiplets are identified. However, the presence of two linear combinations of abelian vectors not being coupled to the universal hypermultiplet becomes crucial to obtain a four-parameter family of BPS horizon configurations generalising the one in (\ref{horizon_conf_nv=1&nh=1}). In the following we are solving the attractor equations (\ref{attrac_eqs})-(\ref{quant_cond}) using the symplectic vector of charges in (\ref{Q_vector_attractor}) with $\,n_{v}=3\,$. As in the previous examples, the last equation in (\ref{attrac_eqs}) and the duality relation (\ref{EOM_A0tilde}) require \begin{equation} \label{symmetry_enhancement_nv=3} \zeta_{h}=\tilde{\zeta}_{h}=0 \hspace{5mm} \textrm{ and } \hspace{5mm} \sigma_{h}=0 \ , \end{equation} thus decoupling the vector $\,\mathcal{A}_{\mathbb{U}}\,$ in (\ref{Dq_nv=3&nh=1}) and producing a $\,\textrm{U}(1)_{\mathbb{U}}\,$ symmetry enhancement in the truncation. In addition, the last equation in (\ref{attrac_eqs}) imposes a constraint on the scalars $\,z_{h}^{i}\,$ in the vector multiplets of the form \begin{equation} \label{SK_attractor} \prod_{i} \, z_{h}^{i} = -\frac{m}{g} \ , \end{equation} which allows us to express one of the fields, let us say $\,z_{h}^{k}\,$, in terms of the others as \begin{equation} \label{SK_attractor_sol} z_{h}^{k}=- \frac{m}{g} \, \frac{1}{z_{h}^{i} z_{h}^{j}} \hspace{5mm} \textrm{ with } \hspace{5mm} i \neq j \neq k \ . \end{equation} The relation (\ref{SK_attractor_sol}) requires non-vanishing axions for $\,\textrm{Im}z_{h}^{k} \neq 0\,$. Note also that plugging (\ref{SK_attractor_sol}) into (\ref{F_prepot_nv=3&nh=1}) gives $\,{\mathcal{F}(z_{h}^{i},z_{h}^{j})=-2 \, (m/g)}\,$. The two (complex) scalars $\,(z_{h}^{i},z_{h}^{j})\,$ that remain unfixed in (\ref{SK_attractor_sol}) yield a (real) four-parameter family of BPS horizon configurations. Moreover, the first condition in (\ref{extra_constraints}) and the quantisation condition (\ref{quant_cond}) require \begin{equation} \label{extra_cond_STU_model} \mathfrak{e}_{0} \, m - g \, \mathfrak{p}^{0} = 0 \hspace{10mm} \textrm{ and } \hspace{10mm} \displaystyle \sum_{i} p^{i} = \mp \, \frac{1}{g} \ . \end{equation} After imposing (\ref{extra_cond_STU_model}), the first and second equations in (\ref{attrac_eqs}) completely determine the rest of the quantities at the horizon: \begin{equation} \label{Attractor_config} e^{2 \phi_{h}(z_{h}^{i},z_{h}^{j})} \hspace{3mm} , \hspace{3mm} L^2_{\textrm{AdS}_{2}}(z_{h}^{i},z_{h}^{j}) \hspace{3mm} , \hspace{3mm} \kappa \, L^{2}_{\Sigma_{2}}(z_{h}^{i},z_{h}^{j}) \hspace{3mm} \textrm{ and } \hspace{3mm} \mathcal{Q}(z_{h}^{i},z_{h}^{j}) \ , \end{equation} and the phase $\,\beta\,$ in (\ref{EqZ+L=0}). They are expressed in terms of the two complex scalars $\,(z_{h}^{i},z_{h}^{j})\,$ in (\ref{SK_attractor_sol}) and the gauging parameters $\,(g,m)\,$. Note that, instead of trying to invert the relations $\,\mathcal{Q}(z_{h}^{i},z_{h}^{j})\,$ to parameterise the space of BPS horizon configurations in terms of vector charges, we prefer to use the values of the complex scalars. This will be more convenient later on when exploring the region of the parameter space giving rise to physically acceptable horizons. Lastly, we have verified that the horizon configurations (\ref{Attractor_config}) extremise the effective black hole potential (\ref{Veff}). The explicit expressions for the functions in (\ref{Attractor_config}), especially for the charges, are not very enlightening at this stage. The value of the dilaton field in the universal hypermultiplet at the horizon reads \begin{equation} \label{Phi_att} e^{2 \phi_{h}} = \frac{1}{N(z_{h}^{i},z_{h}^{j})} \left[ \, \textrm{Im}z_{h}^{i} \, \textrm{Im}z_{h}^{j} + \frac{g}{m} \, \textrm{Im}(z_{h}^{i} \, z_{h}^{j}) \, \big( z^{(2,0,1,0)} + z^{(1,0,2,0)} + z^{(0,2,1,0)} + z^{(1,0,0,2)} \big) \, \right] \ , \end{equation} where we have introduced the short-hand notation \begin{equation} z^{(n_{1},n_{2},n_{3},n_{4})} \equiv (\textrm{Im}z_{h}^{i})^{n_{1}} (\textrm{Re}z_{h}^{i})^{n_{2}} (\textrm{Im}z_{h}^{j})^{n_{3}} (\textrm{Re}z_{h}^{j})^{n_{4}} \ , \end{equation} and the function \begin{equation} \label{N_function} N(z_{h}^{i},z_{h}^{j}) = z^{(2,0,2,0)} + z^{(1,1,1,1)} + z^{(2,0,0,2)} + z^{(0,2,2,0)} \ . \end{equation} The radius of the AdS$_{2}$ factor of the metric at the horizon reads \begin{equation} \label{LAdS_att} L^2_{\textrm{AdS}_{2}} = \frac{2 m}{g} \, \frac{\textrm{Im}z_{h}^{i} \, \textrm{Im}z_{h}^{j} \, \textrm{Im}(z_{h}^{i} \, z_{h}^{j}) }{ m^2 - 2 g m \, \textrm{Re}\big( \, z_{h}^{i} \, z_{h}^{j} \, (z_{h}^{i}+z_{h}^{j}) \, \big) + g^2 \, |z_{h}^{i} \, z_{h}^{j} \, (z_{h}^{i}+z_{h}^{j})|^2} \ . \end{equation} From the vanishing of (\ref{EqZ+L=0}), the radius of the $\,\Sigma_{2}\,$ factor can be written as \begin{equation} \label{LSigma2_att} \kappa \, L^{2}_{\Sigma_{2}} = i \, \frac{\mathcal{Z}(z_{h}^{i},z_{h}^{j})}{\mathcal{L}(z_{h}^{i},z_{h}^{j})} \hspace{5mm} \textrm{ with } \hspace{5mm} i \neq j \ , \end{equation} in terms of the superpotential $\,\mathcal{L}\,$ and the central charge $\,\mathcal{Z}\,$ evaluated at the solution (\ref{Attractor_config}) of the attractor equations. The superpotential is given by \begin{equation} \label{L_att} \mathcal{L}(z_{h}^{i},z_{h}^{j}) = \pm \, e^{\frac{K}{2}} \, \Big[ \, \frac{m}{z_{h}^{i} \, z_{h}^{j}} - g \, (z_{h}^{i} + z_{h}^{j}) \, \Big] \hspace{5mm} \textrm{ with } \hspace{5mm} e^{K} = \frac{g}{8 m} \, \frac{ |z_{h}^{i} \, z_{h}^{j}|^2}{\textrm{Im}z_{h}^{i} \, \textrm{Im}z_{h}^{j} \, \textrm{Im}(z_{h}^{i}z_{h}^{j})} \ . \end{equation} The central charge is given by \begin{equation} \label{Z_att} \mathcal{Z}(z_{h}^{i},z_{h}^{j}) = \mp \, \frac{i}{4} \, e^{-\frac{K}{2}} \, |z_{h}^{i} \, z_{h}^{j}|^2 \, \Big[ \, \frac{m}{z_{h}^{i} z_{h}^{j}} - g \, (z_{h}^{i}+z_{h}^{j}) \, \Big] \, \frac{N(z_{h}^{i},z_{h}^{j})}{D(z_{h}^{i},z_{h}^{j})} \ , \end{equation} where we have introduced the function \begin{equation} \label{D_function} \begin{array}{lll} D(z_{h}^{i},z_{h}^{j}) & = & m^2 \, \big( \, z^{(2,0,0,2)} + \frac{1}{2} \, z^{(1,1,1,1)} \, \big) \\[2mm] &-& 2 g m \,\,\, \big( \,\,\, z^{(4,0,0,3)} + 2 \, z^{(4,0,2,1)} + \, z^{(3,1,3,0)} + z^{(3,1,1,2)} + z^{(3,0,1,3)} \\[1mm] && \,\,\,\,\,\,\,\,\,\,\,\,\,\, + \,\, z^{(2,2,0,3)} + 3 \, z^{(2,2,2,1)} + \, z^{(2,1,0,4)} + \, z^{(1,3,1,2)} \, \big) \\[2mm] & + & g^{2} \,\, \big( \, \phantom{+} z^{(6,0,0,4)} + \phantom{0} \, z^{(5,1,1,3)} + \phantom{0} \, z^{(4,0,2,4)} + \phantom{0} \, z^{(2,4,0,4)} + \phantom{0} \, z^{(2,2,0,6)} + \phantom{0} \, z^{(6,0,2,2)} \\[1mm] & &\,\,\,\,\,\,\, + \,\, \phantom{0} z^{(6,0,4,0)} + \phantom{0}\, z^{(1,5,1,3)} - \phantom{0} \, z^{(5,1,3,1)} - \phantom{0} \, z^{(3,1,1,5)} - \phantom{0} \, z^{(5,0,5,0)} + \phantom{0} \, z^{(1,4,1,4)} \\[1mm] & & \,\,\,\,\,\,\, + \, 2 \, z^{(4,2,4,0)} - 2 \, z^{(3,3,3,1)} + 2 \, z^{(4,2,0,4)} + 2 \, z^{(4,1,0,5)} - 2 \, z^{(4,1,2,3)} + 2 \, z^{(3,3,1,3)} \\[1mm] & & \,\,\,\,\,\,\, + \, 2 \, z^{(2,3,0,5)} - 2 \, z^{(3,2,1,4)} - 2 \, z^{(4,1,4,1)} - 4 \, z^{(3,2,3,2)} - 4 \, z^{(5,0,1,4)} - 6 \, z^{(5,0,3,2)} \\[1mm] & & \,\,\,\,\,\,\, + \, 3 \, z^{(4,2,2,2)} + 3 \, z^{(2,4,2,2)} \, \big) \quad + \quad \textrm{ perm } \ . \end{array} \end{equation} The permutation (perm) terms in (\ref{D_function}) account for the exchange $\,z_{h}^{i} \leftrightarrow z_{h}^{j}\,$ and correspond to terms with $\,(n_{1},n_{2}) \leftrightarrow (n_{3},n_{4}) \,$. Finally, the expressions for the charges associated with the graviphoton and its magnetic dual in (\ref{Q_vector_attractor}) read \begin{eqnarray} \label{p0e0_att} \mathfrak{p}^{0} &=& \dfrac{m}{g} \, \mathfrak{e}_{0} \ , \\ \mathfrak{e}_{0} &=& \pm \, \Big[ \, g \, \textrm{Re}(z_{h}^{i} z_{h}^{j}) \, (z^{(2,0,0,1)}+z^{(0,1,2,0)}+z^{(0,2,0,1)}+z^{(0,1,0,2)}) - m \, \textrm{Re}z_{h}^{i} \, \textrm{Re}z_{h}^{j} \, \Big] \, \dfrac{N(z_{h}^{i} , z_{h}^{j})}{D(z_{h}^{i} , z_{h}^{j})} \nonumber \ . \end{eqnarray} Similar expressions are found for the charges $\,(p^{k},e_{k})\,$ in terms of the scalars at the horizon, although we are not displaying them here\footnote{Like the charges $\,(\mathfrak{p}^{0},\mathfrak{e}_{0})\,$ in (\ref{p0e0_att}), and also $\,L^{2}_{\Sigma_{2}}\,$ in (\ref{LSigma2_att}), the charges $\,(p^{k},e_{k})\,$ are proportional to $\,D(z_{h}^{i} , z_{h}^{j})^{-1}\,$. Therefore, all these quantities blow-up whenever $\,D(z_{h}^{i} , z_{h}^{j})\,$ vanishes.}. Note that the quantities (\ref{Phi_att}), (\ref{LAdS_att}), (\ref{LSigma2_att}) and (\ref{p0e0_att}) are consistently symmetric under the exchange $\,z_{h}^{i} \leftrightarrow z_{h}^{j}\,$. An important quantity that can be computed solely from the horizon data is the gravitational entropy density. At leading order, it is given by the Bekenstein--Hawking formula \begin{equation} \label{entropyBH} s = \frac{V_{\textrm{eff}}(z_{h}^{i},z_{h}^{j}) }{4} = \frac{L^{2}_{\Sigma_{2}}(z_{h}^{i},z_{h}^{j}) }{4} = \frac{m}{2 \, \kappa \, g} \, \textrm{Im}z_{h}^{i} \, \textrm{Im}z_{h}^{j} \, \textrm{Im}(z_{h}^{i}z_{h}^{j}) \, \frac{N(z_{h}^{i},z_{h}^{j})}{D(z_{h}^{i},z_{h}^{j})} \ , \end{equation} with $\,i \neq j\,$. The above entropy density may be relevant in massive IIA holography in light of the recent advances in black hole microstate counting in the STU-model from M-theory featuring FI gaugings \cite{Benini:2015eyy,Benini:2016rke}. Note however that, in the massive IIA setup, the non-compact gauging is associated with isometries of the universal hypermultiplet (FI terms in the moment maps are permitted only when there are no physical hypermultiplets). \subsubsection*{Example: one-parameter families of hyperbolic/spherical horizons} In order to assess the existence of new BPS horizon configurations, we start from the isotropic configuration in (\ref{horizon_conf_nv=1&nh=1}) and parametrically deviate from it by setting \begin{equation} \label{deformation_eps} m^{-1/3} \, g^{1/3} \,\, z_{h}^{1} = e^{i \frac{\pi}{3}} + \epsilon \hspace{6mm} \textrm{ , } \hspace{6mm} m^{-1/3} \, g^{1/3} \,\, z_{h}^{2} = e^{i \frac{\pi}{3}} - \lambda \, \epsilon \ , \end{equation} in terms of a continuous deformation parameter $\,\epsilon\,$ and a sign $\,\lambda=\pm\,$. For the sake of definiteness, we have set $\,(z_{h}^i,z_{h}^j)=(z_{h}^1,z_{h}^2)\,$ and $\,z_{h}^k=z_{h}^3\,$ without loss of generality. For each choice of $\,\lambda\,$, (\ref{deformation_eps}) specifies a one-parameter slice within the four-parameter space of BPS horizon configurations previously obtained. The solution (\ref{horizon_conf_nv=1&nh=1}) corresponds to $\,\epsilon=0\,$, identifies $\,z_{h}^{1,2,3}=z_{h}=(m/g)^{\frac{1}{3}} \, e^{i \frac{\pi}{3}}\,$ and requires a hyperbolic horizon ($\kappa=-1$). \begin{figure}[t!] \begin{center} \includegraphics[width=130mm,height=130mm,keepaspectratio]{plot_lambda1.pdf} \put(-240,-8){$\epsilon$ } \caption{Horizon configurations as a function of the deformation parameter $\,\epsilon\,$ when $\,\lambda=+$. There is a transition from hyperbolic to spherical horizon at $\,|\epsilon_{\textrm{crit}}| = 3^{1/2} \, 2^{-1/4}$. \label{Fig:epsilon_plot_lambda1}} \end{center} \end{figure} Setting $\,\lambda=+\,$ the relevant quantities at the horizon are given by \begin{equation} m^{-1/3} \, g^{7/3} \,\, L^2_{\textrm{AdS}_{2}} = \dfrac{3 \sqrt{3}}{4 \, (4 \, \epsilon^4+6 \, \epsilon^2 + 9 )} \hspace{5mm} , \hspace{5mm} \kappa \, m^{-1/3} \, g^{7/3} \,\, L^2_{\Sigma_{2}} = \dfrac{3 \sqrt{3}}{4 \, \epsilon^4-18} \ , \end{equation} and \begin{equation} m^{1/3} \, g^{-1/3} \,\, e^{\phi_{h}} = \sqrt{2} \hspace{6mm} , \hspace{6mm} m^{-1/3} \, g^{1/3} \, z_{h}^{3} = - \left( e^{i \frac{2 \pi }{3}} - \epsilon^2 \right)^{-1} \ . \end{equation} At the critical values $\,|\epsilon_{\textrm{crit}}| = 3^{1/2} \, 2^{-1/4}\,$ the radius $\,L^2_{\Sigma_{2}}\,$ and the vector of charges $\,\mathcal{Q}\,$ become singular due to the vanishing of $\,D(z_{h}^{1},z_{h}^{2})\,$ (see Figure~\ref{Fig:epsilon_plot_lambda1}). For $\,{|\epsilon| < |\epsilon_{\textrm{crit}}| }\,$ the horizon is of hyperbolic type, whereas for $\,|\epsilon| > |\epsilon_{\textrm{crit}}| \,$ the horizon is spherical. Note that the deformation does not affect the dilaton in the universal hypermultiplet which is still fixed at the horizon to the value in (\ref{horizon_conf_nv=1&nh=1}). The situation changes when setting $\,\lambda=-\,$ as shown in Figure~\ref{Fig:epsilon_plot_lambda-1}. In this case, the value of the dilaton in the universal hypermultiplet at the horizon varies with the parameter $\,\epsilon\,$. The relevant quantities at the horizon are given by \begin{equation} \begin{array}{rll} m^{-1/3} \, g^{7/3} \,\, L^2_{\textrm{AdS}_{2}} &=& \dfrac{3 \sqrt{3} (2 \epsilon +1)}{16 \epsilon ^6+48 \epsilon ^5+96 \epsilon ^4+96 \epsilon ^3+72 \epsilon ^2+72 \epsilon +36} \ , \\[6mm] \kappa \, m^{-1/3} \, g^{7/3} \,\, L^2_{\Sigma_{2}} &=& \dfrac{3 \sqrt{3} \left(2 \epsilon ^2+2 \epsilon +1\right)}{16 \epsilon ^7+56 \epsilon ^6+96 \epsilon ^5+84 \epsilon ^4+24 \epsilon ^3-36 \epsilon^2-36 \epsilon -18} \ , \end{array} \end{equation} and \begin{equation} \label{horizon_epsilon_3} \begin{array}{lll} m^{1/3} \, g^{-1/3} \,\, e^{\phi_{h}} &=& \left[ \dfrac{2 \left(4 \epsilon ^3+6 \epsilon ^2+6 \epsilon +3\right)}{3 \left(2 \epsilon ^2+2 \epsilon +1\right)} \right]^{1/2} \ , \\[6mm] m^{-1/3} \, g^{1/3} \, z_{h}^{3} &=& - \left( e^{i \frac{\pi }{3}} + \epsilon \right)^{-2} \ , \end{array} \end{equation} so the parameter $\,\epsilon\,$ turns to be bounded from below $\,\epsilon > -\frac{1}{2} \,$ in order to give acceptable values $\,L_{\textrm{AdS}_{2}} > 0\,$ and $\,\textrm{Im}z_{h}^{3} > 0\,$. The horizon is hyperbolic if $\, -\frac{1}{2} < \epsilon < \epsilon_{\textrm{crit}}\,$ and spherical if $\,\epsilon > \epsilon_{\textrm{crit}}\,$ with $\, \epsilon_{\textrm{crit}} \approx 0.7304 \,$. At the critical value, the radius $\,L^2_{\Sigma_{2}}\,$ and the vector of charges $\,\mathcal{Q}\,$ blow up due to the vanishing of $\,D(z_{h}^{1},z_{h}^{2})\,$. \begin{figure}[t!] \begin{center} \includegraphics[width=130mm,height=130mm,keepaspectratio]{plot_lambda-1.pdf} \put(-240,-8){$\epsilon$ } \caption{Horizon configurations as a function of the deformation parameter $\,\epsilon\,$ when $\,\lambda=-$. There is a transition from hyperbolic to spherical horizon at $\,\epsilon_{\textrm{crit}} \approx 0.7304$. \label{Fig:epsilon_plot_lambda-1}} \end{center} \end{figure} \section{Conclusions} \label{sec:conclus} In this note we have investigated the attractor equations for static BPS black holes in various four-dimensional $\,\mathcal{N}=2\,$ gauged supergravities arising from the reduction of massive IIA supergravity on a six-sphere. The gauge group is $\,\textrm{G}=\mathbb{R} \times \textrm{U}(1)_{\mathbb{U}}\,$ and originates from the dyonic gauging of abelian isometries of the hypermultiplet moduli space. We have generalised the results in \cite{Guarino:2017eag} for the canonical model with one vector multiplet and the universal hypermultiplet to include extra matter both in the hypermultiplet and vector multiplet sectors. The minimal extension of the hypermultiplet sector, namely having two hypermultiplets in the image of a c-map, does not allow for new BPS horizon configurations apart from the unique hyperbolic horizon found in \cite{Guarino:2017eag}. This follows from the general consideration that only the complex scalar in $\,\mathcal{M}_{\textrm{SK}}\,$ and the universal dilaton in $\,\mathcal{M}_{\textrm{QK}}\,$ can acquire non-trivial values $\,z_{h}\,$ and $\,e^{\phi_{h}}\,$ at the horizon by virtue of the attractor equations, which set $\,\tilde{z}_{h}=i\,$ and $\,\zeta^{A}{}_{h}=\tilde{\zeta}_{A \, h}=0\,$. As a consequence of the covariant derivatives in (\ref{Dq_nv=1&nh=2}), there is a $\,\textrm{U}(1)_{\mathbb{U}}\,$ symmetry enhancement in the truncation as none of the non-trivial scalars are charged under the vector in the vector multiplet. The relevant dynamics in this type of extensions of the hypermultiplet sector based on the c-map is then captured by the simplest model with only the universal hypermultiplet. The extension of the vector sector turns to be compatible with a richer set of horizon configurations including continuous parameters. In this note we have investigated the model with three vector multiplets and the universal hypermultiplet which is the massive IIA analogue of the STU-model from M-theory. The attractor equations can be solved in full generality giving rise to BPS horizon configurations that involve non-trivial values for the scalars in the vector multiplets $\,z_{h}^{i}\,$ and the dilaton in the universal hypermultiplet~$\,e^{\phi_{h}}$. The $\,\textrm{U}(1)_{\mathbb{U}}\,$ symmetry enhancement also occurs in this model as $\,{\zeta_{h}=\tilde{\zeta}_{h}=0}\,$. The horizons turn to depend on four continuous parameters as well as on the gauging parameters $\,(g,m)$. Dependending on the point in parameter space, they can have hyperbolic or spherical topology, thus generalising the results in \cite{Guarino:2017eag}. Finally, in the model with three vector multiplets and the universal hypermultiplet, the gravitational entropy density associated with the horizons can be expressed in terms of the four continuous parameters allowed by the attractor equations and the gauging parameters $\,(g,m)$. In this note we found convenient to characterise the horizon configurations in terms of the values of the scalars $\,(z_{h}^{i},z_{h}^{j})\,$ rather than in terms of the charges $\,\mathcal{Q}\,$. A characterisation in terms of the latter requires the inversion of the non-linear algebraic relations $\,\mathcal{Q}(z_{h}^{i},z_{h}^{j})\,$ (see \textit{e.g.} (\ref{p0e0_att})) which are not straightforward to invert. For this reason, the entropy density in (\ref{entropyBH}) is not yet in a suggestive form to be used in massive IIA holography along the lines of the recent advances in the STU-model from M-theory featuring FI gaugings \cite{Benini:2015eyy,Benini:2016rke,Cabo-Bizet:2017jsl}. To make progress in this direction it is essential to carry out a study of static BPS black holes potentially flowing to the $\,\textrm{AdS}_{2} \times \Sigma_{2}\,$ horizon configurations discussed in this note. Altogether, it is important to get a better understanding of the massive~IIA on S$^{6}$/SYM-CS duality \cite{Guarino:2015jca,Schwarz:2004yj} beyond anti-de Sitter backgrounds. The less supersymmetric and hybrid SYM-CS nature of the duality makes it an interesting avenue to explore \cite{Fluder:2015eoa,Araujo:2016jlx,Araujo:2017hvi}. We hope to come back to some of these issues in the future. \section*{Acknowledgements} We are grateful to Nikolay Bobev for conversations and especially to Javier Tarr\'io for discussions and collaboration in related work. The work of AG is partially supported by a Marina Solvay fellowship and by F.R.S.-FNRS through the conventions PDRT.1025.14 and IISN-4.4503.15.
bc32be5076685efadf5c6461adbfcc5d210fafbf
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \IEEEPARstart{A}{ccording} to the World Health Organization, breast cancer is one of the most frequent cancer diseases in the world \cite{Stewart2014}. To provide more effective treatment and reduce the death rate, early detection of breast cancer must be carried out. Despite the fact that different diagnostic tools can be used to detect breast cancer, there is a growing interest in use of ultrasound imaging. Ultrasound is known for being non-invasive, relatively non-expensive and broadly accessible. As opposed to mammography which is not sensitive in the case of women with dense breast. As it was demonstrated in several studies \cite{Kolb2002, Stavros1995, Zhi2007}, ultrasound can be successfully used for breast cancer detection. However, diagnosis conducted by means of ultrasound imaging requires experienced radiologists who know how to efficiently operate ultrasound scanner and possess knowledge of breast cancer heterogeneity and its complex characteristic features appearing on ultrasound images. Therefore, many unnecessary biopsies are performed. To standardize the reporting process and diagnosis, American College of Radiology developed a quality control system called BI-RADS (Breast Imaging – Reporting and Data System) which is now widely accepted and used by physicians \cite{Bott2014}. After the interpretation of the lesion ultrasound image, a specific BIRADS category is assigned which reflects the risk of malignancy. However, this assessment still depends on the ultrasonographer’s experience and his ability to interpret the ultrasound image correctly. Therefore, computer-aided diagnosis (CAD) systems are investigated to improve the breast lesion classification and support physicians, especially the inexperienced ones. The main goal of CAD is to develop a computer program which would be able to differentiate breast lesions based on ultrasound images analysis \cite{Cheng2010}. The common approach is to extract features from the image which contains the lesion and then develop a classifier using machine learning methods. Well-chosen features are the most important part of every CAD system. So far, various sets of features were proposed in the literature for the breast lesion classification. Those features are primarily divided into two categories, namely the texture and the morphological features. Nowadays, morphological features are considered to be the most effective in breast cancer classification \cite{GomezFlores2015}, though good performance was also reported for other features. Morphological features assess lesion contour. Generally, more irregular contour is expected in the case of malignant lesions. Morphological features have some indisputable advantages, especially in comparison with texture features. They are less affected by image processing algorithms used for B-mode image reconstruction. Many CAD systems were developed based on B-mode images acquired with a single ultrasound machine. However, usually little is known of the image reconstruction algorithms implemented in the scanner. Most of the ultrasound image enhancing algorithms intensively process texture \cite{ContrerasOrtiz2012} which may have negative impact on the classification performed with texture features. On the contrary, edge preservation and emphasis is one of the main goals of image processing algorithms what places morphological features in a far better position than texture features. Texture features depend on operator and particular machine settings, e.g. focal depth positioning \cite{Garra1993}. Estimation of these features can be affected additionally by the presence of calcifications or necrosis within the lesion \cite{Byra2016, Larrue2014917}. The aim of this work is to combine the BI-RADS with morphological features to improve the classification. CAD papers usually don’t utilize BI-RADS categories which were assigned by the radiologist. This practice is understandable. While the process of features extraction is well defined mathematically, the assignation of a specific BI-RADS category depends on radiologist’s experience. This subjective assessment may affect the CAD system performance and make the comparison with other CAD systems problematic. On the other hand, it is of great importance to investigate whether a CAD system can support physicians. The widely used BI-RADS has its limitations which might be overcome with the CAD. Here, we investigate whether the morphological features can improve the BI-RADS classification performance or if they are rather redundant. First, the radiologist assigned the BI-RADS category to each lesion. Next, to improve the classification morphological features were chosen and combined with the BI-RADS. The performance of the combined classifier was compared with the BI-RADS and the best performing morphological feature subset. This paper is organized in a following way. In the first section, the breast lesion database and the acquisition procedure are described. Next, we give a list of investigated morphological features including the papers in which they were originally proposed or later used. We present the scheme for feature selection. Then, we present the best performing feature subset. The same scheme is used to find which morphological features may improve the performance of BI-RADS. Finally, we discuss results and present conclusions. \section{Materials and Methods} \subsection{Dataset and preprocessing} The database consists of 214 images of 107 solid lesions, 75 of which are benign and 32 malignant. For each lesion, two perpendicular scan planes were acquired during routine breast diagnostic procedures. Ultrasonix scanner (Ultrasonix Inc., Canada) equipped with a linear array probe L14-5/38 was used to collect the data. The focal depth was positioned at the center of each lesion. The imaging frequency was set to 7.5 MHz. Each lesion was biopsy proven. First, however, a specific BI-RADS category was assigned by the radiologist with 17 years’ experience in ultrasonic diagnosis of breast lesions. The BI-RADS has 7 categories which reflect the likelihood of malignancy \cite{Bott2014, W.2012}: \begin{table}[b] \centering \caption{Breast lesions BI-RADS categories.} \begin{tabular}{|c|c|c|c|c|c|} \hline BI-RADS & 3 & 4a & 4b & 4c & 5 \\ \hline Benign & 41 & 19 & 14 & 0 & 1 \\ \hline Malignant & 0 & 1 & 5 & 6 & 20 \\ \hline \end{tabular} \end{table} \begin{itemize} \item 0: incomplete \item 1: negative \item 2: benign \item 3: probably benign \item 4: suspicious (4a - low suspicious, 4b - intermediate suspictious, 4c - moderate suspicious) \item 5: probably malignant \item 6: malignant \end{itemize} \begin{table}[b!] \centering \caption{Implemented morphological features.} \begin{tabular}{|c|l|} \hline Number & Feature \\ \hline 1 & Angular characteristics \cite{Shen2007} \\ \hline 2 & Area ratio \cite{Alvarenga2012, Alvarenga2010, Chou2001}\\ \hline 3 & Aspect ratio \cite{Chang2005} \\ \hline 4 & Branch pattern \cite{Joo2004} \\ \hline 5 & Circularity \cite{Chang2005, Alvarenga2010, Chou2001, Drukker2004a, Kim2002, Drukker2005}\\ \hline 6 & Contour roughness \cite{Alvarenga2012, Alvarenga2010, Chou2001} \\ \hline 7 & Convexity \cite{Chang2005}\\ \hline 8 & DWR \cite{Drukker2004a, Drukker2002, Drukker2005, Horsch2002a, Chen2003, Chen2004} \\ \hline 9 & Ellipsoidal shape \cite{Joo2004, Su2011}\\ \hline 10 & Elliptic-normalized circumference \cite{Chen2003}\\ \hline 11 & Elliptic-normalized skeleton \cite{Chen2003}\\ \hline 12 & Extent \cite{Chang2005} \\ \hline 13 & Lesion size \cite{Chen2003}\\ \hline 14 & Lobulation index \cite{Chen2003}\\ \hline 15 & Long to short axis ratio \cite{Chen2003}\\ \hline 16 & Morphological closing ratio \cite{Alvarenga2010}\\ \hline 17 & Normalized residual value \cite{Alvarenga2010}\\ \hline 18 & NRL entropy \cite{Chou2001}\\ \hline 19 & NRL mean \cite{Chou2001}\\ \hline 20 & NRL standard deviation \cite{Alvarenga2012, Alvarenga2010, Chou2001}\\ \hline 21 & NRL zero-crossing \cite{Chou2001}\\ \hline 22 & Number of lobulations \cite{Joo2004, Su2011}\\ \hline 23 & Number of substantial protuberances and depressions \cite{Chen2003}\\ \hline 24 & Orientation \cite{Shen2007}\\ \hline 25 & Overlap ratio \cite{Alvarenga2010}\\ \hline 26 & Roundness \cite{Chang2005}\\ \hline 27 & Shape class \cite{Shen2007, Minavathi2012}\\ \hline 28 & Solidity \cite{Chang2005} \\ \hline 29 & Spiculation \cite{Joo2004, Su2011}\\ \hline 30 & Undulation characteristics \cite{Shen2007} \\ \hline \end{tabular} \end{table} \noindent In our study, BI-RADS categories of the lesions varied from 3 to 5 as it is depicted in Table 1. Initial contour was indicated by the physician and subsequently improved with a computer algorithm \cite{Chan2001}, see Fig. 1. All calculations were performed in Matlab (The MathWorks Inc.) \subsection{Features} \begin{figure*}[t!] \centering \includegraphics[width=6in]{fig1.jpg}% \caption{The contour drawn manually a) and the contour improved with the computer algorithm b).} \label{fig1} \hfil \end{figure*} We implemented 30 morphological features, which are listed in Table 2. For each feature, papers in which it was developed or used are mentioned. Here, we describe the most popular features. However, for an in-depth analysis, reader is referred to the cited works. Depth to width ratio (DWR) is perhaps the most frequently used morphological feature. It is easy to calculate and was reported to be effective in many papers. The depth and the width are the dimensions of the minimal circumscribed rectangle which contains the lesion. Some papers use the inversion of the DWR \cite{Chang2005}, but here it will not be treated as a separate feature. A feature similar to the DWR is the long to short axis ratio of the ellipse inscribed in the lesion contour. The normalized radial length (NRL) is defined by the following equation: \begin{equation} d_n(i) = \frac{d(i)}{\text{max}[d(i)]} \end{equation} \noindent where $d(i)$ is the distance from the lesion’s center of mass to $i$-th point on its perimeter. The NRL is used to obtain features which measure various properties of the contour, see positions 2, 6, 18-21 in Table 2. Some features, namely 7, 17, 23, 25 and 28, are based on the convex hull of the lesion. These features were introduced to measure the level of spiculations which is reflected by the protuberance of the contour. To take into account that we possess two scans of the same lesion, each feature was calculated for both scan plane and results were averaged. \subsection{Classification and evaluation} We explore the performance of morphological features in multiple ways. As it was shown in several papers \cite{GomezFlores2015, daoud2016fusion}, there is no single feature which would alone outperform the others, therefore features must be combined in order to improve the classification. However, for a large number of features it is problematic to perform an exhaustive search for the best performing subset due to a large number of all potential combinations. Here, we used a two-step approach to find the best subset for classification. The goal was to maximize the area under the curve (AUC) of the receiver operating characteristics (ROC). In the first step, the best performing feature (the highest value of AUC) was chosen. Next, the first feature was combined with the remaining features in order to select the best performing subset of two features. This forward selection procedure was repeated until the feature pool was empty. We decided to maximize the AUC because this quantity is after all usually used for classification performance assessment. To evaluate AUC we applied the leave-one-out cross-validation. Logistic regression was used to perform classification. Before the training, features were standardized. To address the class imbalance, during cost function minimization, sampling weights were inversely proportional to class frequencies in training set. For each test sample the probability of malignancy was calculated. The AUC standard deviation was calculated with the bootstrap method. Next, we performed the second step of the feature selection procedure which was the backward selection. Supposedly, different feature subsets may have similar AUC values. In this case, we selected the best performing subset, the one with the highest AUC value. Next, the ANOVA analysis along with the Tukey test were used to find a subset with a smaller number of features and likely the same mean AUC value as the best-performing subset at 95\% confidence level. With the above feature selection methodology, first the best morphological feature subset was selected. Next, the BI-RADS was combined with morphological features. However, to use the BI-RADS category as a feature, some kind of transformation must be performed. In our case the BI-RADS was treated as a discrete feature which can be coded with integers. We used the following scheme: integer 1 stands for BI-RADS category 1, 2 for 2, 3 for 3, 4 for 4a, 5 for 4b, 6 for 4c, 7 for 5 and 8 for 6, respectively. \section{Results} \begin{figure*}[] \centering \includegraphics[width=5.5in]{fig2.jpg}% \caption{AUC estimation ($\pm$ standard deviation) for features ranked with the proposed criterion: a) morphological features and b) morphological features with the BI-RADS.} \label{fig2} \hfil \end{figure*} The feature selection procedure is depicted in Fig. 2. The highest value of AUC in the case of morphological features, see Fig.2 a), was obtained for a set of seven features, however the ANOVA analysis showed that there is no significant difference between this set and a subset containing six features. Therefore, the smaller subset was selected as the best performing. It consisted of six features which were the DWR, NRL entropy, normalized residual value, overlap ratio, extent and the morphological closing ratio. Similar analysis was performed to combine the BI-RADS with morphological features. The highest AUC was obtained for a 13 feature subset (including BI-RADS) which was then reduced to seven. Features which, when added to the BI-RADS, improved the classification most, were the extent, overlap ratio, NRL entropy, circularity, elliptic-normalized circumference and the normalized residual value. Main results are depicted in Table 3. The use of the best performing morphological feature subset and the BI-RADS resulted in the AUC values of 0.901 and 0.944, respectively. The classification was improved when the BI-RADS and morphological features were combined. With six features added to the BI-RADS, the AUC value increased to 0.986. Fig. 3 shows the ROC curves obtained for the developed classifiers. The optimal sensitivity, specificity and accuracy of each classifier was determined by means of the ROC curve for the point which was the closest to (0, 1) \cite{Fawcett2006}. \begin{table*}[] \centering \caption{The summary. Numeration of morphological features according to Table 2.} \begin{tabular}{|c|c|c|c|} \hline Features & Sensitivity [\%] & Specificity [\%] & Accuracy [\%] \\ \hline Morphological, optimal cut-off & 75.0 & 88.0 & 84.1 \\ \hline Combination, optimal cut-off & 96.8 & 94.7 & 95.3 \\ \hline Morphological, customized cut-off & 100 & 58.7 & 71.0 \\ \hline Combination, customized cut-off & 100 & 74.7 & 82.2 \\ \hline BI-RADS cat. 3 cut-off & 100 & 54.7 & 68.2 \\ \hline \end{tabular} \end{table*} In the case of the breast lesion classification, it is important to have as high sensitivity as possible to detect all malignant lesions. According to Table 1 in the case of the BI-RADS, 100\% sensitivity could only be obtained when lesions with the BI-RADS category higher than 3 were classified as malignant. The corresponding specificity was 54.7\%. Taking this into consideration, the thresholds of the classifiers were customized based on ROC curves to ensure 100\% sensitivity and the corresponding accuracies and specificities were calculated. Results are depicted in Table 3. The specificity of the best performing morphological features subset was 58.7\%, similarly to the BI-RADS. Moreover, with the combined classifier it was possible to obtain 100\% sensitivity and specificity of 74.7\%. Table 4 shows how many biopsies could be avoided in the case of benign lesions by using various classifiers with cut-offs ensuring 100\% sensitivity. \section{discussion} With the use of morphological features it was possible to differentiate between malignant and benign breast lesions. The best performing feature subset achieved AUC value of 0.901. However, this result was worse than in the case of the BI-RADS for which AUC value was 0.944. The classifier based on the morphological features could not outperform the radiologist who assigned the BI-RADS categories. It must be emphasized that the BI-RADS depends on the physician’s experience and for a novice radiologist the BI-RADS performance could be lower than the performance of the CAD system. However, both AUC values, obtained for the BI-RADS and for the morphological features, should be considered satisfactory. \indent The best morphological subset consisted of six features which were the DWR, NRL entropy, normalized residual value, overlap ratio, extent and the morphological closing ratio. The DWR was reported as the best feature for breast lesion classification in several papers \cite{Drukker2004a, Drukker2002, Drukker2005, Horsch2002a, Chen2003, Chen2004}. NRL entropy is higher for lesions which have irregular contour. The normalized residual value was indicated as the best feature for breast lesion classification in \cite{Alvarenga2010}. This feature is based on the difference between the lesion convex hull area and the regular area which was normalized by convex hull perimeter. The overlap ratio is the ratio of the convex hull area and the lesion area. It measures contour irregularity and was reported as one of the best features in original work \cite{Alvarenga2010}. The extent is the ratio of lesion area to the smallest rectangle inscribed in it. The morphological closing ration tends to be greater for lesions which have irregular contour \cite{Alvarenga2010}. \begin{figure}[] \centering \includegraphics[width=.5\textwidth]{fig3.jpg}% \caption{ROC curves for the BI-RADS, morphological features and the combination.} \label{fig3} \hfil \end{figure} \begin{table} \centering \caption{Number of benign lesions and biopsies that could be possible avoided in the case of each classifier.} \begin{tabular}{|c|c|c|c|c|c|c|} \hline BI-RADS & 3 & 4a & 4b & 4c & 5 & Sum \\ \hline Nr of benign lesions & 41 & 19 & 14 & 0 & 1 & 75 \\ \hline Combined classifier & 0 & 1 & 5 & 6 & 20 & 56 \\ \hline Best morphological & 41 & 19 & 14 & 0 & 1 & 44 \\ \hline BI-RADS cat. 3 cut-off & 0 & 1 & 5 & 6 & 20 & 41 \\ \hline \end{tabular} \end{table} According to the survey investigating the performance of various features, the best morphological features for the breast lesion classification are the elliptic-normalized skeleton, lesion orientation, the number of substantial protuberances and depressions, DWR and the overlap ratio \cite{GomezFlores2015}. For this set, the reported AUC value was 0.94. In our case, the use of the proposed features lead to the AUC value of 0.871. This difference may be due to the dataset. However, this particular performance should also be perceived as good. The main doubt lies in the choice of the lesion orientation. This feature measures the angle of major axis of above lesion best-fit ellipse and is extremely operator dependent since the motion of the imaging probe may easily change it. In our study, the calculated AUC value for the orientation was 0.532. Similar result was reported in the original study \cite{Shen2007} where this feature had negligible impact on the classification and was the first one to be removed from the feature pool when applying backward remove feature selection method. A great advantage of morphological features is revealed when they are combined with the BIRADS. It was possible to increase the AUC value to 0.986 by adding six features, namely the extent, overlap ratio, NRL entropy, circularity, elliptic-normalized circumference and the normalized residual value. The circularity is the ratio of a lesion squared perimeter and the lesion area \cite{Alvarenga2012}. The elliptic normalized circumference quantify the anfractuosity of a lesion contour \cite{Chen2003}. One of the main goals of breast lesion classification is to have 100\% sensitivity and as high specificity as possible to indicate benign lesions and reduce the number of unnecessary biopsies. In our study, as all lesions were biopsy proven, therefore their evaluation must be considered problematic for the radiologist. The first advantage of the combined classifier is that it can be used directly to support the radiologist in the process of decision making. First, the radiologist assigns a specific BI-RADS category to the lesion, then the combined classifier containing the morphological features is used to indicate the level of malignancy. The decision of the radiologist is improved be means of morphological features. The morphological features are used to separate malignant and benign lesions that were assigned the same BI-RADS category. As it is shown in Fig. 3, 100\% sensitivity was obtained with high specificity of 74.7\%, much higher than in the case of the BI-RADS alone. According to Table 4, with the combined classifier it would be possible to correctly classify all benign lesions with the BI-RADS category 3 as in the case of the BI-RADS alone. However, in addition few examples of benign lesions with higher BI-RADS categories would be correctly classified. With the combined classifier, it would possible to avoid 56 biopsies. However, it must be stressed that there were no malignant lesions in the dataset with BI-RADS category 3, the classification performed by the radiologist was already at high level. Moreover, use of the best morphological feature subset provides higher specificity at 100\% sensitivity than the BI-RADS as it is shown in Table 3, although its AUC value is lower. However in this case it was not be possible to correctly classify all lesions with the BI-RADS category 3. The main disadvantage of the combined classifier is that it was developed based on the experience of a particular physician who assigned the BI-RADS categories. Supposedly, several issues might occur. First, although the developed CAD system can serve as support for a particular radiologist, it might, however, not work when used by another radiologist. For example, a less experienced physician can have a worse performance, which translates to a different BI-RADS ROC curve and therefore affects the performance of the combined classifier. Next, the choice of morphological features chosen to improve BI-RADS may depend on the radiologist’s experience. For example, features developed to assess spiculations can be selected if the radiologist does not evaluate spiculations successfully. In all these cases, the system would require separate training to support a particular radiologist. It would be interesting to utilize the combined system in the radiologists' training. Hypothetically, after the assignation of the BI-RADS categories to an exemplary dataset, the feature selection can be used to indicate which features improves the diagnosis in this particular case. For example, a “novice”, inexperienced radiologist (or even an experienced one) can be told to pay more attention to spiculations. Moreover, radiologists perceive image features differently and the tumor assessment is usually descriptive. Numerical values reflecting the level of spiculation (or other contour characteristic) quantitatively could be helpful by themselves, even without a CAD system. It could enable a more objective lesion description. The majority of morphological features is easy to illustrate on the image which may help the radiologist to analyze the lesion. \section{conclusion} In this work, we investigated the usefulness of morphological features for the breast lesions differentiation. The main goal was to find features that can improve the BI-RADS. This was successfully accomplished by incorporating six morphological features. The use of the developed combined classifier leads to 100\% sensitivity and high specificity of 74.7\%. It can be used to reduce the number of unnecessary biopsies. The combined classifier depends on the experience of a particular radiologist, however, the presented in this work approach can be used to train a classifier for a different radiologist. Besides, other features, for instance texture features can be incorporated in the future to potentially improve the classification further. The developed CAD system can also be used in the radiologists' training. After the classifier development phase, the radiologist can be informed which features improve his diagnosis accuracy. This enables the radiologist to widen his knowledge of lesion appearance in ultrasound image. With the help of artificial intelligence, the radiologist can hypothetically improve his classification performance. In our study we obtained good classification performance with particular morphological features, even without the BI-RADS system. However, in comparison with the survey paper \cite{GomezFlores2015}, we determined a slightly different best performing feature subset. \section*{Acknowledgments:} This work was supported by the National Science Center Grant Number UMO- 2014/13/B/ST7/01271. \section*{Conflict of interest statement} None. \bibliographystyle{ieeetran}
e3544c4b30c6324fe238bd3d89f2ad760bdd7db0
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Planetary nebulae (PNe) are the dust and gas shells ejected at the late AGB stellar phases, and then ionized, partially or fully, by the radiation from the hot, evolving central stars (CSs). PNe are probes of stellar and nebular evolution and of cosmic chemical enrichment, and knowing their formation and evolution is essential in many astrophysical fields. To date, several hundred Galactic PNe are known (e.~g., catalogs by Acker et al.~1992; Parker et al.~2006), but their distances have always been elusive. Reliable independent distances are known for a relatively small number of Galactic PNe (Stanghellini et al.~2008, hereafter SSV) if we exclude those whose distances are model dependent (Frew et al.~2016, hereafter F16). Since the PN distance is needed to study the astrophysics of the nebulae and their CSs, scientists in the field have recurred to calibrate physical relations between distance-dependent and distance-independent astronomical parameters of the PNe. Once these relations have been calibrated for the few PNe with a credible independent distance determination, they are used as a distance scale, yielding distances to all Galactic PNe whose distance-independent parameters used in the scale can be measured. The Galactic PN distance scales are typically derived by using a measure of the PN surface brightness (or its inverse, the optical thickness) as the independent parameter, and with the physical radius (e.~g., Schneider \& Buckley 1996; Shaw et al.~2001; F16) or the ionized mass (e.~g., Daub 1982; Cahn et al.~1992, SSV) as distance-dependent parameter. The original idea of the statistical distance scale is due to Shklovskii (1957). It is beyond the scope of this paper to review all the literature regarding the development of distance scales, but there is purpose in reviewing the basic concepts. It is assumed that a set of several PNe whose physical parameters, including distance, have been accurately measured, offers a snapshot of PN evolution. In the first method (which we will refer to as {\it physical radius} distance scale), it is assumed that PN surface brightness decreases with time since PN ejection, while the physical radius increases; in the second scenario (the {\it ionized mass} distance scale), the ionized mass increases for optically-thick PNe, while it stays approximately constant for optically-thin PNe, as the PN evolves. Both scales have their drawbacks and advantages (see a detailed discussion of the scales in SSV and F16), but they are meaningless unless their calibrators are spot-on reliable. Good PN distance calibrators are rare. Stanghellini et al.~(2008, their Table 2) list all independent distances of PNe that are model independent and reliable, although the distance uncertainties may be large, and in some cases they are not available at all from the original distance measurements, which makes the assessment of their quality hard. Of the many calibrators that have been used to date, the most reliable are those whose distances can be measured from trigonometric parallaxes, cluster membership of the PNe, and from spectroscopic parallaxes, usually determined by using stellar properties such as the presence of a companion to the CS. Secondarily, one can employ distances derived from the expansion of the nebulae; this method is not as accurate as the previous ones, since it does not account for the possible acceleration of the nebular ejecta. PN distances can be estimated also from extinction of the PN itself, and of a selection of nearby stars, by building an extinction-to-distance relation for each PN; the extinction method is biased by patches in the ISM extinction, which are hard to predict, and by a mild model dependency of the stellar distance scale. Given the limited number of reliable calibrations, SSV recurred to Magellanic Cloud PNe as calibrators. There are many dozen of such PNe observed with the {\it HST}, which allows to measure their apparent radii with very low uncertainty (Magellanic Cloud PNe are typically unresolved from the ground). The SSV calibration is probably the best scale for most PN distances; in fact, it is the one that best reproduces the independent distances from spectroscopic parallaxes and cluster membership observations. A possible source of error for this scale is that Magellanic Cloud PNe become optically thin at higher surface brightness than Galactic PNe, due to the lower metallicity of the former compared to the latter. Thus by using Magellanic Cloud PNe as distance scale calibrators one may overestimate distances of optically thick Galactic PNe. The situation of Galactic PN distances is not going to improve considerably unless we increase the number of calibrators, their quality, or if we could reduce the calibrator's distance error bars. The first Gaia Data Release (DR1; Gaia Collaboration, Brown A., Vallenari A. et al.~2016) offers the opportunity to test new directions for Galactic PN distance scales. Gaia measured the parallaxes of several CSs of nearby PNe, and we can use the few good parallax measurements of the DR1 as an initial tool to explore the PN distance scales with the {\it physical radius} and {\it ionized mass} methods. In $\S$2 we describe the PNe in the DR1 sample. In $\S$ 3 we calculate the calibration for the {\it physical radius} and {\it ionized mass} distance scales using DR1 parallaxes and other trigonometric parallaxes in the literature as calibrators. In $\S$4 we discuss the results. Finally, $\S$5 gives the conclusions of our study, and its foreseen future developments. \section{A sample of Galactic PNe with a CS parallax in DR1} \subsection{Searching DR1 for CSPNe} Trigonometric parallaxes for a set of about 2 million stars, mostly brighter than 11.5 visual magnitude, are delivered by DR1 (the so called {\it primary data set}, Lindegren et al.~2016, or {\it TGAS solution}, Michalik et al.~2015). This task has been accomplished by combining 14 months of Gaia observations with earlier positions from the Hipparcos and Tycho-2 catalogs, thereby allowing to disentangle the component of translational motion from the parallactic one, at the same time preserving the independent and absolute nature of parallax estimations. As detailed in Lindegren et al.~(2016), the typical parallax uncertainty of DR1 stars is $\approx 0.3$ mas; only sources having a formal parallax error smaller than 1 mas were retained in this release. At the end of the nominal five-year mission, however, Gaia is expected to deliver an order of magnitude or more improvement for these sources, while providing parallaxes with sub-mas precision even for objects as faint as V$\sim$20. We searched the DR1 dataset for stellar detection and parallax determination corresponding to the locations of CSs of Galactic PNe. We used as input the astrometry in Kerber et al.~(2003) of all spectroscopically confirmed PNe in the Galaxy, as listed in the Strasburg-ESO catalog (Acker et al.~1992), combined with the MASH survey (Parker et al 2006). In Table 1 we list all detected PNe whose CS TGAS parallax measurement was available. We give the PN~G number (column 1), the common name of the PN (2), the Gaia ID of the CS observation (3), the CS parallax, $p$ and its uncertainty $\sigma_{\rm p}$ in mas, from DR1 (4), and the logarithmic distance and its uncertainty, in parsecs (5). Logarithmic distances estimates are directly obtained from DR1 parallaxes as ${\rm log}(D_{\rm p})=3-{\rm log}(p)$ (since the parallax is in mas and the distance in parsec), and the corresponding asymmetric errors bars computed from the formal parallax variances as ${\rm log}[(p+\sigma_p)/p]$, ${\rm log}[p/(p-\sigma_p)]$ for the lower and upper limits, respectively. Given the paucity of PNe targets in DR1, we decided to include in this explorative analysis all of the objects with S/N $>$ 1, which is the threshold for the presence of signal. Large relative parallax errors must be handled carefully and this will be addressed whenever relevant in the following sections. In Table 1 we do not include three targets that were found in this search but have been deemed to be misclassified PNe by F16: PN~G050.1+03.3 is a WR ejecta, PN~G288.9-00.8 a LBV ejecta, and PN~G303.6+40.0 is a patch of ionized ISM. It is worth noting that PN~G334.8-07.4 (SaSt2-12) is a halo PN (P04), and possibly a post-AGB star rather than an evolved PN. We include it in the sample, and flag it, when relevant, in the analysis below. \subsection{Building the sample of PN calibrators} We matched the Gaia CS detection in DR1 against the PN images to infer whether the Gaia detections correspond to the PN CSs. In order to do so we use optical PN images in the literature, giving preference to those in the MAST archives, not only because {\it HST} images have the best resolution in the optical wavelengths to date, but especially since their astrometry is compatible with that of Gaia, and the comparison can be quantitative. In a complementary paper we will describe these techniques, and show the Gaia to {\it HST} correspondence for all PNe released by Gaia in DR1 and imaged by {\it HST}, including those whose parallax is not measured at this time. For all PNe used here, the CS location in the optical images corresponds to the Gaia position for the parallaxes. In order to determine the distance scale parameters we need the $H\beta$ fluxes, $F_{\rm H\beta}$, their extinction corrections, the apparent angular radii, and the 5 GHz fluxes for all calibrators. In Table 2 we give, for each target with a determined TGAS parallax distance, the usual PN name (column 1), the optical angular radius in arcsec (2) the $H{\beta}$ flux in erg cm$^{-2}$ s$^{-1}$ (3), the logarithmic optical extinction constant (4), and the 5 GHz flux in Jy (5). In some cases, where the 5 GHz fluxes were not available, we used the transformation by Cahn et al.~(1992) to determine them from the $H\beta$ fluxes, as noted in Table 2. Uncertainties for all parameters are given when available in the original references. When $H\beta$ flux or extinction uncertainties were not available in the references, we assumed them to be 0.02 in the log, while unavailable uncertainties in the 5 GHz flux were assumed to be 10$\%$ of the flux; these are typical uncertainties for the corresponding parameters (Cahn et al.~1992). We searched the literature for new measurements of fluxes and angular diameters of the nebulae since the work by Stanghellini \& Haywood (2010, hereafter H10). Pereira et al.~(2010) measured the angular dimension of the inner, highly emitting parts of PC~11, based on HST images. We use their determination, assuming an error bar which is reasonable given the asymmetry of the PN. For SuWt~2, we found a measure of the $H\alpha/H\beta$ flux ratio (Danehkar et al.~2013), which, together with the $H\alpha$ flux measured by Frew et al.~(2013), gives log($F_{\rm H\beta}$)= -12.35, and extinction constant c=0.64. We use this flux to obtain an equivalent 5 GHz flux of 0.007 Jy, to be used in the distance scale formulation. All other parameters in Table 2 have been taken from SH10. Fluxes and radii are available from the literature for all 8 PNe whose parallax distance is available in DR1 with S/N $>$1; however given this low number of targets and the usually low relative parallax accuracy, it is obvious that this sample can only be adequate to build a preliminary distance scale. Moreover, the nature of PNe as astrophysical objects, and the fact that they are often associated with varying sky background, make them potentially difficult targets for astrometry. Therefore, by analyzing the location of Gaia DR1 parallaxes on the classical PNe statistical distance scales we can in turn test their astrometric quality, and at the same time draw some conclusions on the prospects of future developments with the foreseen Gaia releases. \begin{figure} \centering \includegraphics[width=\hsize]{fig1.eps} \caption{Comparison between independent distances of Table 3 vs. trigonometric distances from DR1. The solid line is the 1:1 relation.} \end{figure} \subsection{Gaia parallaxes of Galactic PNe compared to other independent distances} Before we use the TGAS parallaxes, let us compare their derived distances with other distance measurements that are in the literature to date. In Table 3 we list the available independent distances, and their uncertainties, together with the determination method and references, for those PNe with TGAS parallaxes whose independent distance was available. In principle, we could select independent distances derived from trigonometric and spectroscopic parallaxes, group membership, nebular expansion, and extinction distance methods. The trigonometric parallax distances are the most reliable ones, but none of the nearest PNe with known trigonometric parallaxes (Smith 2015) were found in the DR1 list, as all these objects have magnitudes fainter than those in DR1. Most of the comparison distances in Table 3 are thus from spectroscopic parallaxes, the second best method. Reddening (or extinction) distances are the next choice when a parallax is not available, such as for M~1-77. For NGC~2346, Mendez \& Niemela (1981) have estimated the distance from the spectroscopic binary located at the PN center, but incompatible extinction determinations of the CS and the nebula make it unclear whether the stellar distance is really the nebular distance. For this reason, we do not use in the following the spectroscopic parallax for NGC~2346, rather, we use its reddening distance (see Table 3). We did not include in this comparison the strongly model-dependent distances, such as those that assume a given CS mass (e.~g., Herald \& Bianchi 2011), gravity (e.~g., Maciel \& Cazetta 1997), SED (e.~g., Vickers et al.~2015), and all other model-dependent distances. It is worth noting that there is a mild model dependency of spectroscopic distances as well, since the binary (or multiple) CS is modeled to infer the stellar type of the bright stellar companion to the ionizing source. Nonetheless, they are still the most reliable distances besides trigonometric parallaxes. The PN NGC~1514 has a spectroscopic parallax determination from Aller et al. (2015), giving ${\rm log}(D_{\rm pc})=2.403^{\rm +0.130}_{\rm -0.186}$, but in Table 3 we use instead the distance inferred by Mendez et al. (2016) that is needed to reconcile the equal distance of the two binary central star components, which is physically more interesting for this system. As a sanity check, in Fig. 1 we plot the independent distances of Table 3 against distances from TGAS parallaxes, as in Table 1. Asymmetric uncertainties have been plotted when available. Uncertainties associated to independent distances are from the original references, given in Table 3. Four targets are within the stated 1$\sigma$ error, and two are compatible with the 1:1 relation within 2$\sigma$. If we were to perform a least square fit based on these data, the parallax logarithmic distances would set $\sim$0.1 dex below the independent ones. Given the limited number of objects and the relatively high errors involved, we do not attempt to explain this discrepancy. Nonetheless, Fig. 1 offers a compelling comparison between PN distances from Gaia parallaxes and other methods. \section{Galactic PN distance scale based on Gaia parallaxes} \subsection{The physical radius-optical thickness distance scale} \begin{figure} \centering \includegraphics[width=\hsize]{fig2.eps} \caption{The physical radius-surface brightness relation. Filled red circles: PNe with Gaia DR1 parallaxes. Filled blue squares: PNe with trigonometric parallaxes from the literature. Error bars represent the 1$\sigma$ asymmetric uncertainties, as explained in the text. The solid line represents the linear fit to all trigonometric parallax data, taking into account averaged uncertainties, and excluding SaSt~2-12. The shaded area represent the 1$\sigma$ confidence region of the fit (see text).} \end{figure} In Figure 2 we plot the PNe with TGAS parallax distances (filled red circles) in the physical radius vs. surface brightness logarithmic plane. ${\rm log}(R_{\rm pc})={\rm log}(\theta/(p\times206.265))$ is derived from the TGAS parallaxes and the optical angular radii. The $H\beta$ surface brightness is ${\rm log}(Sb_{\rm H\beta})= {\rm log} (I_{\rm H\beta}/\pi \theta^2$), where ${\rm log}I_{\rm H\beta}={\rm log}F_{\rm H\beta}+c$ is the extinction-corrected logarithmic $H{\beta}$ flux. The data points show a good linear correlation, despite some large error bars coming especially from the high uncertainties in DR1 parallaxes. We attempt to estimate the parameters of the expected linear ${\rm log}(R_{\rm pc})-{\rm log}(Sb_{\rm H\beta})$ relation, with particular caution on the statistical handling of the errors. In order to study the influence of TGAS errors on the estimation of the PN physical radius, the physical quantity underlying the distance scale relation, we tested the non-linearity and asymmetry of our estimator ${\rm log}(R_{\rm pc})$ by means of Monte Carlo-like simulations. By sampling the probability distribution of ${\rm log}(R_{\rm pc})$ as function of the observed parallax $p$, we took the quantity $10^{<{\rm log}(R_{\rm pc})>}/(R_{\rm pc, true})$ as empirical estimate of the bias introduced by the logarithmic transformation in the presence of relative parallax errors as large as 90$\%$, obtaining ratios larger than 1, with a maximum deviation of $\sim$13$\%$, that we consider acceptable for the present analysis. As for the propagated uncertainties, we computed the 68$\%$ (1$\sigma$) intervals of the ${\rm log}(R_{\rm pc}$) estimate and compared them with its formal standard deviation evaluated up to the second-order Taylor expansion. The ratios of the left and right asymmetric errors with the formal sigma is 0.6 and 2.1 respectively for $\sigma_{\rm p}=90\%$, decreasing to 0.9 and 1.1 for $\sigma_{\rm p}=30\%$. The error bars shown in the figures correspond to the 1$\sigma$ uncertainties in the parallaxes and the other measured parameters. In order to extend the sample of calibrators, and to compare the domain spanned by TGAS parallaxes with that covered by other trigonometric parallaxes, we plot in Figure 2 those PNe whose CS trigonometric parallax has been reliably measured in the literature (filled blue squares). We selected all PNe with reliable trigonometric parallaxes from the summary paper by Harris et al.~(2007; see also Smith 2015). We excluded from our plots and analysis those targets whose nature as PN has been dismissed (DeHt~5, Re~1, TK~2, PHL~932, F16; HDW~4, de Marco et al.~2013); we also excluded PG~1034+001, since observations to determine its parallax have been deemed insufficient (Harris et al.~2007). Angular radii, $H\beta$, extinction, and 5 GHz fluxes of PNe hosting the CSs with parallaxes in Harris et al.~(2007) have been taken from Cahn et al.~(1992), Acker et al.~(1992), Pottasch et al.~(1996), and Zhang (1995). Uncertainties in the angular radii were not available for these PNe in the literature; we have assumed 20$\%$ errors in the angular measurements, which is conservative especially for the large PNe of this sample. Flux uncertainties were usually available, otherwise, we made the same assumptions we did for the Gaia parallax sample (see $\S$2.2). In Table 4 we give the PNG number and the PN name (Columns 1 and 2), the parallax from Harris et al.~(2007) (3), and the other PN parameters used in the scale calibrations (4 --7). By comparing the domain probed by TGAS and the other calibrators in Figure 2 we note that TGAS parallaxes open up the domain of high surface brightness PNe, and extend the physical radius domain by a factor of $\sim$2 in the logarithm with respect to the earlier calibrators, potentially anchoring the relation for bright and compact PNe. We fit these data points, and their uncertainties, by using the {\it fitexy} routine, available in {\it Numerical Recipes} by Press et al.~(1992, p. 1007). This routine fits a straight-line model to (x, y) data with (symmetric) errors in both coordinates. We used different combinations of the left and right error bars to test the sensitivity of the solution to different weights, obtaining a maximum variation of the values of slope and intercept of 3$\%$ and 2$\%$ respectively. The handling of asymmetric errors in the fitting process is possible in principle, though numerical codes are not readily available, but its effectiveness must be investigated and we plan to do so when a re-calibration of the PNe distance scale will become possible with the next Gaia data releases. By using the average of left and right error bars as weights we obtain from the fit: $${\rm log}(R_{\rm pc})=-(0.454\pm0.043)\times{\rm log}(Sb_{\rm H\beta})-(7.274\pm0.610) \eqno(1)$$ plotted in Fig.~2 as a solid line, which has $\chi^2$ probability q$\sim$0.4, and $\chi^2\sim$12, which is quite good compared to the 12 degrees of freedom for the fit (Press et al.~1992). Note that we excluded SaSt~2-12 from this fit (see $\S$2.1). \begin{figure} \centering \includegraphics[width=\hsize]{fig3.eps} \caption{The physical radius-brightness temperature relation. Symbols are as in Fig. 2. The solid line represents the linear fit to all trigonometric parallax data points, taking into account the uncertainties (see text), and excluding SaSt~2-12. The dotted line is the fit by Smith (2015), based on the Harris et al.~(2007) sample.} \end{figure} The correlation index between abscissae and ordinates of Fig. 2 is $R_{\rm xy}$ = -0.97, indicating almost perfect linear anti-correlation. In order to obtain che covariance of our slope and offset estimates, we used the {\it Gaussfit} software (Jefferys et al.~1988), which provided almost identical estimates of the fit parameters of Eq. (1), and a correlation of $\sim99\%$. Using Monte Carlo methods, we then probed the $68\%$ error ellipse of the parameter space to determine the confidence region of the fit, which is highlighted in Fig. 2. While Eq. (1) can be used to determine distances to all Galactic PNe whose surface brightness is measured, it is too early to use it as a distance scale. Future Gaia releases will help setting this scale, which will probably be the most useful of all scales for PN distances in the future. Caution must be paid to the fact that we did not try to incorporate systematic errors as such in our analysis, mainly due to the small number statistics at play. However, as reported in Lindegren et al.~(2016), DR1 parallaxes are likely to be affected by systematic errors up to 0.3 mas (depending, e.g., on star position and color), for this reason the final uncertainties in DR1 were artificially inflated. Besides, the size of such systematics could be in some cases significantly smaller than the formal uncertainties, as suggested by Casertano et al. (2017). In any case, the expected higher precision of future Gaia releases must be paralleled by the improvement in accuracy or else systematic errors would seriously affect the results of any accurate statistical distance scale calibration. In order to compare our data set with other distance scales in the literature we show, in Figure 3, both the TGAS (filled red circles) and other trigonometric parallax (filled blue squares) data sets in the physical radius vs. brightness temperature scale, where the brightness temperature is defined as $T_{\rm b}=17.5\times F_{\rm 5 GHz}/\theta^2$ (van de Steene \& Zijlstra 1995). The brightness temperature is another way to express the optical thickness, but at radio wavelengths, similarly to the $\tau$ parameter that will be introduced in the ionized-mass scale in the next section. {All asymmetric uncertainties and fits have been dealt with as above in the physical radius-surface brightness calibration. The resulting fit, excluding SaSt~2-12 (which has the highest T$_{\rm b}$), is $${\rm log}(R_{\rm pc})=-(0.429\pm0.041)\times{\rm log}(T_{\rm b})-(0.853\pm0.051),\eqno(2)$$ with $R_{\rm xy}$=-0.96. It is worth comparing this fit with the equivalent scale of Smith (2015, their Fig. 9), which is also shown in Fig. 3. While the two fits broadly correspond in the overlapping domain, it is clear that smaller Gaia parallax uncertainties in the future will be essential to refine this PN distance scale. \subsection{The ionized mass-optical thickness distance scale} \begin{figure} \centering \includegraphics[width=\hsize]{fig4.eps} \caption{The ionized mass--inverse surface brightness relation. Symbols are as in Fig. 2. The solid line is the Cahn et al.'s (1992) distance scale, while the broken line is the SSV scale calibrated on Magellanic Cloud PNe.} \end{figure} We show in Figure 4 the {\it ionized mass} vs. optical thickness distance scale. In the figure we plot ${\rm log}(\mu)={\rm log}(\sqrt(2.266~10^{-21} D^5 \theta^3 F_{\rm 5 GHz})$ (where $D$ is the PN distance in pc, $F_{\rm 5 GHz}$ is the flux in Jy, and $\theta$ is the angular radius in arcsec) versus $\tau = {\rm log}(4 \theta^2/F_{\rm 5 GHz})$. This is the same formalism used by Cahn et al.~(1992), and SSV. The independent variable is a traditional distance scale variable, defined proportionally to the inverse 5 GHz surface brightness, while the dependent variable is the ionized mass of the PN. Filled red circles represent the set with TGAS parallaxes, while the squares are the other trigonometric parallax set. We plot only PNe whose $H\beta$ fluxes, their extinction constant, and their angular radii are available in the tables. Error bars are treated as above, showing the asymmetric bars for the 1$\sigma$ level. All parameter uncertainties have been included in the bars. Note that we do not fit these data points. The solid (Cahn et al.~1992) and broken (SSV) lines are the state-of-the-art of the traditional distance scales, with their two-slope line tracing the optically-thick and optically-thin phases of PN evolution. During the optically-thick phase, the ionized mass increases as the nebula expands until $\tau$ reaches a $\tau_{\rm crit}$ and the nebula becomes completely ionized, at which point its ionized mass is assumed to remain constant. It is worth noting that the lower extension of the traditional scales of SSV and Cahn et al.~(1992) is ${\rm log}(\mu)=-2$, indicating that the TGAS parallax set reaches to lower ionized masses, corresponding to early evolution PNe. Since DR1 provides parallaxes for bright PNe only, we expect that the wealth of parallaxes coming from successive Gaia releases will allow for the first time to explore the optically-thick sequence in such detail that could revolutionize the calibration of this distance scale. It is intriguing that a few of the optically-thick PNe with CS parallaxes from Gaia, whose ionized masses are spread over a range of values, seem to define a sequence that is different, albeit parallel, to those of the older scales. The upper limit of the ionized mass of the new scale is broadly consistent with that of the old scales. The possible new optically-thick sequence of Figure 4 is very interesting, insofar as it implies that the final ionization is reached at a later time (i.e., higher $\tau$) than indicated by the old scales, supporting the perception that there is more than one optically-thick evolutionary track in this plane as suggested by SSV (see Fig. 3 therein). This may signify that there is a delay in the thinning of the ejecta. It is worth noting that the only PN of the TGAS parallax sample that does not seem to follow this possibly new relation is SaSt~2-12 (the filled circle with the lowest $\tau$ in the Figure) which seems to be more in agreement with the Magellanic Cloud-calibrated thinning track (the broken line), not unexpectedly for a halo PN with low metallicity. Further data are needed to investigate the reasons for a different thinning sequence, and future Gaia data releases may disclose some interesting developments in this direction. \section{Discussion} The Gaia parallaxes for Galactic CSPNe available in DR1 depict distances that are compatible, within the uncertainties, to spectroscopic distances in the literature. While there are still too few calibrators, and their uncertainties remain relatively high, the relation between physical radius and surface brightness seems already well defined (see Fig. 2) at all surface brightnesses of the parameter range. By adding to the calibration the PNe whose CS trigonometric parallax is available in the literature, we found ${\rm log}(R_{\rm pc})= -(0.454\pm0.043)\times {\rm log}(Sb_{\rm H\beta})-(7.274\pm0.610)$, which is now applicable to a significantly wider range of the physical variable. Comparably, the fit for the brightness temperature distance scale, ${\rm log}(R_{\rm pc})=-(0.429\pm0.041)\times{\rm log}(T_{\rm b})-(0.853\pm0.051)$, show a broad agreement with similar fits that exist in the literature, within the uncertainties; naturally, the TGAS parallaxes will anchor the relation at large $T_{\rm b}$ once the uncertainties will be lowered. \begin{figure} \centering \includegraphics[width=\hsize]{fig5.eps} \caption{Comparison between distances from the scale (Eq.~1) and reliable independent distances from the literature (see text,). independent distances, given in Table 5 for this comparison, are from cluster membership (squares) and spectroscopic parallax (circles). All PNe with parallax distances used in the calibration of the scale have not been plotted here. Discordant data points have been labeled with the PN name. The line is the 1:1 relation.} \end{figure} An initial assessment of the Gaia scale can be done by comparing distances derived from our preliminary scale (Eq. 1) with the independent distances. In Figure 5 we show the distances from our scale against independent distances determined by different methods. For this comparison we needed an external database which does not include any of the trigonometric parallax calibrators, either from TGAS or other parallaxes. We used the independent distances from two reliable methods: Spectroscopic parallaxes (Ciardullo et al. 1999); and cluster membership distances from Chen et al. (2003, NGC 2818) and Otsuka et al. (2015, Ps~1). Parameters to derive the scale distances for these PNe are in Cahn et al.~(1992), and Stanghellini \& Haywood (2010). To help the reader, all of the data necessary to generate Fig. 5 are summarized in Table 5. We find that the scale gives results that compare reasonably well to the independent distances. The linear correlation coefficient between the scale and independent distances, in the log, is 0.88. NGC~1535 (V$_{\rm CS}$=12.11, Ciardullo et al.~1999) and Ps~1 (V$_{\rm CS}$=14.73, Alves et al.~2005) are two evident exceptions to the statement above, as both their independent distances appear reliable. If cluster membership places Ps~1 at $\sim$ 11 kpc, and therefore much further away than any of the sources used to derive Eq. 1, more intriguing is the case of NGC~1535, whose spectroscopic distance is much closer to the distances reached by the DR1 parallaxes utilized in the distance calibration. Notice that the Sb$_{\rm H\beta}$ fluxes of both sources fall well within the brightness range covered by our trigonometric calibrators. Then, these two objects will be very special entries in the next Gaia data release for an immediate first re-assessment of the distance scale established here. The forthcoming data releases from Gaia will provide parallaxes of stars with V$<$15 with a precision of 0.03 mas (Lindegren et al.~2016). From Acker et al.~(1992) we found that there are $\sim$50 Galactic PNe whose CS magnitude V$_{\rm CS}<15$ and whose statistical distance is estimated (by means of the SSV scale) to be smaller than 3000 pc. For this group of PNe, Gaia will provide final parallaxes to better than 10$\%$ relative uncertainty; for another $\sim$40 PNe the estimated parallax relative uncertainty will be of the order of 20$\%$. The new Gaia data will be utilized to help building volume-limited samples on which to concentrate multi-wavelength surveys of PNe and their central stars. As recently discussed by Frew (2016), new astrometric and spectro-photometric volume-limited surveys are indeed needed to shed light on PNe evolutionary pathways. The present work, although preliminary, sets the stage for confronting the expectations of the upcoming Gaia data in definitely constraining the PNe distance scales. \section{Conclusions} This paper presented an initial study of the Gaia TGAS parallaxes of CSs of Galactic PNe. We studied all PNe with available trigonometric distance from Gaia, collecting all the necessary physical parameters to infer their location on the two major distance scales, the {\it physical radius} and the {\it ionized mass} scales. By comparing the Gaia parallaxes with independent (and reliable) physical distances in the literature, we find good correlation within the uncertainties; however, the set is too limited for a comparative study and this must await for the next Gaia deliveries. By building the PN {\it physical radius} distance scale with Gaia distances, and all reliable trigonometric parallaxes from the extant literature (whose physical parameters have also been measured), we find a statistically tight linear correlation between the logarithmic physical radius and $H\beta$ surface brightness, with a linear correlation coefficient of -0.97 (see Fig. 2). A similarly high correlation is found between the physical radius and the brightness temperature of the PNe. The new sample studied here increases by $\sim$2 dex the domain of the parameter space with respect to older trigonometric parallax samples, making this set already very useful for distance scale analysis. By studying the {\it ionized mass} distance scale for the Gaia sample (Fig. 4) we realize that there are too few data constraining the scale for its two-branched shape, and that conclusions on this scale are premature. There are, however, indications that the thinning sequence, although similar to those of the older scales (e. g., Cahn et al.~1992), is shifted to higher inverse surface brightness for the same ionized mass, suggestive of a different evolutionary path of the PNe in the optically-thin sequence. However preliminary, this is the best constrained thinning sequence so far, and it is very promising for future distance scale calibrations, especially when dealing with PNe in different environments. We are looking forward to future data releases from Gaia to greatly increase the data sample, and lower the relative uncertainties of the parallaxes of Galactic PN central stars. Our expectation is that this new sample will lead to a much improved Gaia calibrated PNe statistical distance scale. \section{Acknowledgements} We acknowledge an anonymous Referee for carefully rewieving this paper. This work has made use of data from the European Space Agency (ESA) mission {\it Gaia} (www.cosmos.esa.int/gaia), processed by the {\it Gaia} Data Processing and Analysis Consortium (DPAC, 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. We thank P. Marrese, with the ASDC at the Agenzia Spaziale Italiana (ASI), for providing us with the match of our PN list with the DR1 archive. L. S. acknowledges ALTEC (Torino, Italy) for support during the completion of this work. Finally, B. B., M. G. L., and R. M. acknowledge the support of ASI through grant 2014-025-R.1.2015.
3b751dfc63da1e4f013c1bf78f0cc3edf9d243ad
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Fix a f\/inite f\/ield $\mathbf{F}_{q}$ and a positive integer $n$. In this paper we study a particular class of deformations of Delsarte hypersurfaces in $\mathbf{P}^n_{\mathbf{F}_q}$. There has been an extensive study of the behaviour of the zeta function in families of varieties. First results were obtained by Dwork (e.g.,~\cite{DworkPadicCycle}) and Katz~\cite{Katz}. In the latter paper the author studies a pencil of hypersurface in $\mathbf{P}^n$ and describe a~dif\/ferential equation, whose solution is the Frobenius matrix on the middle cohomology for a~general member of this pencil. More recently, the behaviour of the zeta function acquired renewed interest because of two interesting (and very dif\/ferent) applications. Candelas, de la Ossa and Rodriguez--Villegas \cite{Cand2} studied the behaviour of the zeta family in a particular family of quintic threefolds in~$\mathbf{P}^4$, with a particular interest in phenomena, analogous to phenomena occurring in characteristic zero related with mirror symmetry and let to many subsequent papers by various authors. Another application of Katz' dif\/ferential equation can be found in algorithms to determine the zeta function of a hypersurface ef\/f\/iciently (see \cite{LauDefT,PanTui}). The main aim of this paper is to generalize and to comment on a recent result of Doran, Kelly, Salerno, Sperber, Voight and Whitcher \cite{DKSSVW} on the zeta function of certain pencils of Calabi--Yau hypersurfaces. For a more extensive discussion on the history of this particular result we refer to the introduction of \cite{DKSSVW}. To describe the main results from \cite{DKSSVW}, f\/ix a matrix $A:=(a_{i,j})_{0\leq i,j\leq n}$ with nonnegative integral coef\/f\/icients and nonzero determinant. Then with $A$ we can associate the polynomial \begin{gather*} F_A:=\sum_{i=0}^n\prod_{j=0}^n x_i^{a_{i,j}}.\end{gather*} Assume that the entries of $A^{-1} (1,\dots,1)^{\rm T}$ are all positive, say $\frac{1}{e}(w_0,\dots,w_n)$ with $e,w_i\in \mathbf{Z}_{>0}$. Then $F_A$ def\/ines a hypersurface of degree $e$ in $\mathbf{P}_{\mathbf{F}_q}(w_0,\dots,w_n)$. Assume that we choose $A$ such that $\gcd(q,e)=1$. (Equivalently, we may assume that $\gcd(\det(A),q)=1$.) If the hypersurface is geometrically irreducible then we call it a \emph{Delsarte hypersurface}. A~subvariety $X\subset \mathbf{P}(w_0,\dots,w_n)$ is called quasismooth if the af\/f\/ine quasicone of $X$ is smooth away from the vertex. If $F_A$ def\/ines a quasismooth hypersurface then $F_A$ is called an \emph{invertible polynomial}. If $F_A=0$ def\/ines a Calabi--Yau manifold, i.e., $e=n+1$, then we can consider the one-parameter family $X_{A,\psi}$ given by the vanishing of \begin{gather*} F_A-(n+1)\psi \prod_{i=0}^n x_i.\end{gather*} The factor $-(n+1)$ is included for historic reasons. In the sequel we will work with the parameter $\lambda=-(n+1)\psi$ for simplicity. In a recent preprint Doran, Kelly, Salerno, Sperber, Voight and Whitcher \cite{DKSSVW} showed the following result (using Dwork cohomology and some results on the Picard--Fuchs equation): \begin{Theorem}[\cite{DKSSVW}]\label{thmDKSSVW} Let $A$ and $A'$ be $(n+1)\times (n+1)$-matrices with nonnegative entries such that $F_A$ and $F_{A'}$ are invertible Calabi--Yau polynomials of degree $n+1$. Assume that $(1,\dots,1)^{\rm T}$ is an eigenvector of both $A$ and $A'$ and that \begin{gather*}\gcd(q,(n+1)\det(A)\det(A'))=1.\end{gather*} Moreover, assume that $(1,\dots,1)A^{-1}$ and $(1,\dots,1){A'}^{-1}$ are proportional. Then for any $\psi\in \mathbf{F}_q$ such that $X_{A,\psi}$ and $X_{A',\psi}$ are smooth and nondegenerate we have that the polynomials \begin{gather*} \left(Z(X_{A,\psi},T)\prod_{i=0}^{n-1}\big(1-q^iT\big) \right)^{(-1)^{n}}\qquad \mbox{and} \qquad \left(Z(X_{A',\psi},T)\prod_{i=0}^{n-1}\big(1-q^iT\big) \right)^{(-1)^{n}}\end{gather*} have a common factor of degree at least the order of the Picard--Fuchs equation of~$X_{A,\psi}$. \end{Theorem} For a precise def\/inition of nondegenerate we refer to the paper \cite{DKSSVW}. The condition $(1,1,\dots,1)^{\rm T}$ is an eigenvector of~$A$ implies that $X_{A,\psi}\subset \mathbf{P}^n$. The condition $(1,\dots,1)A^{-1}$ is proportional to $(1,\dots,1){A'}^{-1}$ is the same as the condition \emph{dual weights being equal} from the paper~\cite{DKSSVW}, whenever the latter condition is def\/ined. In this paper we prove a generalisation of this result. We aim to allow more matrices $A$, more vectors $\mathbf{a}$, to drop the Calabi--Yau assumption, to have a simpler nondegenerate assumption and to f\/ind a common factor of higher degree. Moreover, as a by-prodcut of our approach we obtain additional information on the degree of the factor found in \cite{DKSSVW}. To be more precise, we start again with an invertible $(n+1)\times (n+1)$-matrix $A$ such that~$X_{A,0}$ is quasismooth, but we drop the Calabi--Yau condition. Let $d$ be an integer such that $B:=dA^{-1}$ has integral entries. Let $\mathbf{w}=(w_0,\dots,w_n):=B(1,\dots,1)^{\rm T}$. If all the $w_i$ are positive then $F_A$ def\/ines a hypersurface in the weighted projective space $\mathbf{P}(\mathbf{w})$. Fix now a vector $\mathbf{a}:=(a_0,\dots,a_n)$ such that $a_i\in \mathbf{Z}_{>0}$, the entries of $\mathbf{b}:=\mathbf{a} B$ are nonnegative and $\sum\limits_{i=0}^n a_iw_i=d$. Then $ F_{A,\psi}:=F_A-(n+1)\psi \prod\limits_{i=0}^n x_i^{a_i}$ def\/ines a family of hypersurfaces $X_{\psi}$ in~$\mathbf{P}(\mathbf{w})$ each birational to a quotient of $Y_\psi\subset \mathbf{P}^n$ given by \begin{gather*} \sum_{i=0}^n y_i^d-(n+1)\psi \prod_{i=0}^n y_i^{b_i}.\end{gather*} This is a one-dimensional monomial deformation of a Fermat hypersurface. It is easy to determine for which values of~$\psi$ the hypersurface is smooth \cite[Lemma~3.7]{zetafam}. The idea to study Delsarte hypersurface by using their Fermat cover dates back to Shioda~\cite{ShiExpPic} and has then been used by many authors for to discuss solve problems concerning Delsarte hypersurfaces by con\-si\-de\-ring a similar problem on Fermat surfaces. Recent applications of this idea, in contexts similar to our setup, can be found in \cite{BiniSH,BGK, KellyMirror}. Take now a further $(n+1)\times(n+1)$ matrix $A'$ and a vector $\mathbf{a}'$ yielding a second family~$X'_{\psi}$ in a possibly dif\/ferent weighted projective space. It is straightforward to show that if $\mathbf{a} A^{-1}$ and $\mathbf{a}' (A')^{-1}$ are proportional then the fami\-lies~$X_\psi$,~$X'_\psi$ have a common cover of the type $Y_\psi$, i.e., there exist subgroup schemes~$G$ and~$G'$ of the scheme of automorphisms $\Aut(Y_\psi)$ such that $G$ and $G'$ are def\/ined over $\mathbf{F}_q$, $Y_\psi/G$ is birational to $X_\psi$ and $Y_\psi/G'$ is birational to~$X'_{\psi}$. The automorphisms in~$G$ and $G'$ are so-called torus or diagonal automorphisms, i.e., each automorphism multiplies a coordinate with a root of unity. In particular, $G$~and~$G'$ are f\/inite abelian groups. We will use this observation to show that: \begin{Theorem}\label{thmMain} Let $A$ and $A'$ be $(n+1)\times (n+1)$-matrices with nonnegative entries, such that the entries of $ (w_0,\dots,w_n)^{\rm T}:=A^{-1} (1,\dots,1)^{\rm T}$ and of $(w'_0,\dots,w'_n)^{\rm T}:={A'}^{-1}(1,\dots,1)^{\rm T}$ are all positive and $\gcd(q,\det(A)\det(A'))=1$. Fix two vectors $\mathbf{a}:=(a_0,\dots,a_n)$ and $\mathbf{a}':=(a'_0,\dots,a'_n)$ consisting of nonnegative integers such that the equalities $\sum\limits_{i=0}^n a_iw_i=1$ and $\sum\limits_{i=0}^n a'_iw'_i=1$ hold and such that $\mathbf{a} A$ and $\mathbf{a}' A'$ are proportional. Let $X_\psi$, $X'_\psi$, $Y_\psi$, $G$ and $G'$ as above. Denote with $G.G'$ the subgroup of $\Aut(Y_\psi)$ generated by $G$ and~$G'$. \begin{enumerate}\itemsep=0pt \item[$1.$] If $Y_\psi$ is smooth then the characteristic polynomial of Frobenius acting on $H^{n-1}(Y_{\psi})^{G.G'}$ divides both the characteristic polynomial of Frobenius acting on $H^{n-1}(X_\psi)$ and the cha\-rac\-teristic polynomial of Frobenius on~$H^{n-1}(X'_\psi)$. \item[$2.$] If, moreover, $(1,\dots,1)$ is an eigenvector of both $A$ and $A'$ and both $X_\psi$ and $X'_\psi$ are smooth then we have that the polynomials \begin{gather*} \left(Z(X_{\psi},T)\prod_{i=0}^{n-1}\big(1-q^iT\big) \right)^{(-1)^{n}}\qquad \text{and} \qquad \left(Z(X'_{\psi},T)\prod_{i=0}^{n-1}\big(1-q^iT\big) \right)^{(-1)^{n}}\end{gather*} have a common factor of positive degree. \end{enumerate} \end{Theorem} In the second section we will prove this result under slightly weaker, but more technical hypothesis, see Theorem~\ref{thmMainO} and Corollary~\ref{corMain}. Moreover, in Proposition~\ref{prpFactorDiv} we will show that the factor constructed in the proof of Theorem~\ref{thmDKSSVW} divides the characteristic polynomial of Frobenius acting on $H^{n-1}(Y_\psi)^{G.G'}$. We will give examples where our factor has higher degree. Note that the quotient map $Y_\psi\dashrightarrow X_{\psi}$ is a rational map. If it were a morphism then it is straightforward to show that the characteristic polynomial of $H^{n-1}(Y_{\psi})^{G.G'}$ divides the characteristic polynomial of Frobenius on $H^{n-1}(X_\psi)$. Hence, large part of the proof is dedicated to show that passing to the open where the rational map is a morphism does not kill any part of $H^{n-1}(Y_{\psi})^{G.G'}$. In the course of the proof of Theorem~\ref{thmMain} we show that we can decompose $H^{n-1}(X_\psi)$ as a~direct sum of two Frobenius stable subspaces, namely \begin{gather*} H^{n-1}(X_\psi)=H^{n-1}(Y_\psi)^G \oplus C.\end{gather*} Similarly, we show that can decompose $H^{n-1}(Y_{\psi})^{G}= H^{n-1}(Y_{\psi})^{G_{\max}} \oplus W_\psi$, where $W_\psi$ is Frobenius stable, and $G_{\max}$ is the maximal group of torus automorphisms acting on the family $Y_\psi$. The appearance of $C$ is related with the fact that the quotient map is only a rational map rather than a morphism. For most choices of $(a_0,\dots,a_n)$ we have that $C$ is independent of $\psi$ and in that case we can express $C$ in terms of the cohomology of cones over Fermat hypersurfaces. Hence the Frobenius action on~$C$ is easy to determine. To calculate the Frobenius action on the complementary subspace $H^{n-1}(Y_{\psi})^G$ we can use the methods from~\cite{zetafam} to express the zeta function in terms of generalised $p$-adic hypergeometric functions. This brings us to another observation from \cite{DKSSVW}: In \cite[Section~5]{DKSSVW} the authors consider f\/ive families of quartic $K3$ surfaces which have a single common factor of the zeta function of degree~3. They show that every other zero of the characteristic polynomial of Frobenius on $H^2$ is of the form $q$ times a root of unity. Assuming the Tate conjecture for $K3$ surfaces (which is proven for most $K3$ surfaces anyway) we deduce that the (geometric) Picard number is at least~19. This result is a special case of the following phenomena: if for a lift to characteristic zero $h^{n-1,0}\big(H^n(Y_\psi)^{G_{\max}}\big) =h^{n-1,0}\big(H^{n-1}(X_{\psi})\big)$ holds then it turns out that both $W_\psi$ and $C$ are Tate twists of Hodge structures of lower weight. In the $K3$ case, $W_\psi$ and $C$ are Hodge structures of pure $(1,1)$-type. By the Lefschetz' theorem on $(1,1)$-classes, they are generated by classes of divisors. In particular, for each of the f\/ive families the lifts to characteristic zero have Picard number at least~19, and since they form a~one-dimensional family the generic Picard group has rank~19. In the second half of the paper we discuss how one can f\/ind a basis for a subgroup of f\/inite index of the generic Picard group for the f\/ive families from \cite{DKSSVW} and for f\/ive further monomial deformations of Delsarte quartic surfaces. For all ten families we determine $H^2(Y_\psi)^G$, $H^2(Y_\psi)^{G_{\max}}$ and $C$ as vector spaces with Frobenius action Moreover, we f\/ind curves generating $C$ in each of the ten cases. For two families we have that $W_{\psi}$ is zero-dimensional. For six of the remaining eight families we manage to f\/ind curves, whose classes in cohomology generate $W_{\psi}$. In the next section we prove our generalisation of the result from \cite{DKSSVW}. In the third section we discuss the quartic surface case. In Appendix~\ref{appBit} we give explicit equations for bitangents to certain particular quartic plane curves. These equations can be used to f\/ind explicit curves, generating $W_{\psi}$. \section{Delsarte hypersurface} Fix an integer $n\geq 2$ and f\/ix a f\/inite f\/ield $\mathbf{F}_q$. \begin{Definition}An invertible matrix $A:=(a_{i,j})_{0\leq i,j\leq n}$, such that all entries are nonnegative integers is called a \emph{coefficient matrix} if all entries of $A^{-1}(1,\dots,1)^{\rm T}$ are positive and each column of $A$ contains a zero. In that case let $d$ be an integer such that $B:=dA^{-1}$ has integral coef\/f\/icients. We call $B$ the \emph{map matrix}. We call $B(1,\dots,1)^{\rm T}$ the \emph{weight vector}, which we denote by $\mathbf{w}:=(w_0,\dots,w_n)$. A vector $\mathbf{a}:=(a_0,\dots,a_n)$ consisting of nonnegative integers such that $\sum\limits_{i=0}^n w_ia_i=d$ holds and such that all entries of $\mathbf{a} A^{-1} $ are nonnegative is called a \emph{deformation vector}. \end{Definition} \begin{Definition} Fix a pair $(A,\mathbf{a})$ consisting of coef\/f\/icient matrix and a deformation vector $\mathbf{a}$. Assume that $\gcd(q,d)=1$. Then we call $(A,\mathbf{a})$ \emph{Delsarte deformation data of length~$n$}. \end{Definition} Let $(A,\mathbf{a})$ be Delsarte deformation data of length $n$. Let \begin{gather*} X_\lambda:=Z\left( \sum_{i=0}^n \prod_{j=0}^n x_j^{a_{i,j}} + \lambda \prod_{i=0}^n x_i^{a_i}\right)\end{gather*} be the corresponding one-parameter family of hypersurfaces of weighted degree $d$ in the weighted projective space $\mathbf{P}(w_0,\dots,w_n)$. Denote with $(b_0,\dots,b_n)$ the entries of $\mathbf{a} B $. Let $Y_{\lambda}$ be \begin{gather*} Z\left(\sum_{i=0}^n y_i^d +\lambda \prod_{i=0}^n y_i^{b_i}\right) \subset \mathbf{P}^n.\end{gather*} \begin{Remark} Our def\/inition of $\mathbf{w}$ may lead to choices of the $w_i$ such that the gcd of $(w_0,\dots,w_n)$ is larger than one. The choice of the $w_i$ is such that the weighted degree of the polynomial def\/ining $X_{\lambda}$ equals the degree of $Y_\lambda$. \end{Remark} We have a $(\mathbf{Z}/d\mathbf{Z})^{n}$-action on $\mathbf{P}^n$ induced by \begin{gather*} (g_1,\dots,g_n)(x_0:x_1:\dots:x_n):=\big(x_0:\zeta^{g_1}x_1:\zeta^{g_2}x_2:\dots:\zeta^{g_n}x_n\big),\end{gather*} with $\zeta$ a f\/ixed primitive $d$-th root of unity. The subgroup $G$ def\/ined by $\sum\limits_{i=1}^n g_i b_i\equiv 0 \bmod d$ acts on $Y_{\lambda}$. The rational map $\mathbf{P}^n\dashrightarrow \mathbf{P}(\mathbf{w})$ given by \begin{gather*} (y_0,y_1,\dots,y_n) \mapsto \left(\prod_{i=0}^n y_i^{b_{0,i}},\prod_{i=0}^n y_i^{b_{1,i}},\dots,\prod_{i=0}^n y_i^{b_{n,i}}\right)\end{gather*} induces a rational map $Y_{\lambda}\dashrightarrow X_{\lambda}$. This rational map is Galois (i.e., the corresponding extension of function f\/ields is Galois) and the Galois group is a subgroup of~$G$. In particular, if all the $b_{i,j}$ are nonnegative then this rational map is a morphism. (This map was used by Shioda \cite{ShiExpPic} to give an algorithm to calculate the Picard number of a Delsarte surface in~$\mathbf{P}^3$.) \begin{Lemma} The hypersurface $X_0$ is irreducible. \end{Lemma} \begin{proof} Each column of $A$ contains a zero by the def\/inition of coef\/f\/icient matrix. Hence $x_k$ does not divide \begin{gather*}\sum_{i=0}^n \prod_{j=0}^n x_j^{a_{i,j}}\end{gather*} for any $k$. Hence for every irreducible component of $X_0$ the points such that all coordinates are nonzero are dense, and these latter points are in the image of $Y_0$. This implies that every irreducible component of $X_0$ is the closure of an irreducible component of the image of $Y_0$. Since $n>1$ it follows that $Y_0$ is irreducible and hence $X_0$ is irreducible. \end{proof} \begin{Definition} We call $X_0$ the \emph{Delsarte hypersurface} associated with $A$ and $X_\lambda$ the \emph{one-dimen\-sio\-nal monomial deformation} associated with $(A,\mathbf{a})$. If, moreover, $X_0$ is quasismooth then we call $X_0$ \emph{invertible hypersurface}. \end{Definition} \begin{Example} Consider \begin{gather*} x_0^4+x_1^4+x_2^3x_3+x_3^3x_2+\lambda x_0x_1x_2x_3.\end{gather*} Then \begin{gather*} A=\left(\begin{matrix} 4&0&0&0\\0&4&0&0\\0&0&3&1\\0&0&1&3\end{matrix} \right) \qquad \text{and} \qquad \mathbf{a}=(1,1,1,1).\end{gather*} We have that \begin{gather*} B=\left(\begin{matrix} 2&0&0&0\\0&2&0&0\\0&0&3&-1\\0&0&-1&3\end{matrix} \right) \qquad \text{and} \qquad \mathbf{w}=(2,2,2,2). \end{gather*} In particular, we have that this family is birational a quotient of \begin{gather*} x_0^8+x_1^8+x_2^8+x_3^8+\lambda (x_0x_1x_2x_3)^2.\end{gather*} The group $G$ is generated by the automorphisms \begin{gather*} (x_0,x_1,x_2,x_3)\mapsto(x_0,-x_1,x_2,x_3)\qquad \text{and} \qquad (x_0,x_1,x_2,x_3)\mapsto\big(x_0,x_1,\zeta^3 x_2,\zeta x_3\big),\end{gather*} with $\zeta$ a primitive $8$-th root of unity. \end{Example} \begin{Definition}\label{defGenPos} A hypersurface $X=V(f)\subset \mathbf{P}^n$ is \emph{in general position} if \begin{gather*} V\left(x_0\frac{\partial}{\partial{x_0}} f, \dots,x_n\frac{\partial}{\partial{x_n}} f\right)\end{gather*} is empty. Equivalently, $X$ is smooth and for any subset $\{i_1,\dots,i_c\} \subset \{0,1,\dots,n\}$ we have that \begin{gather*} X \cap V(x_{i_1})\cap \dots \cap V(x_{i_c})\end{gather*} is also smooth. \end{Definition} \begin{Lemma}\label{lemGenPos} If $Y_\lambda$ is smooth then $Y_{\lambda}$ is in general position. \end{Lemma} \begin{proof} Suppose we intersect $Y_{\lambda}$ with $x_{i_1}=\dots=x_{i_c}=0$. If some $b_{i_j}$ is nonzero then the inter\-section is a Fermat hypersurface in $\mathbf{P}^{n-c}$ and is smooth. If all $b_{i_j}$ are zero then we can do the following: After a change of coordinates we may assume that $\{i_1,\dots,i_{c}\}=\{0,1,\dots,c-1\}$. We now have that $Y_{\lambda}$ is the zero set of \begin{gather*} \sum_{i=0}^{c-1} x_i^d+h(x_c,\dots,x_n)\end{gather*} for some $h\in \mathbf{F}_q[x_c,\dots,x_n]$. From $\gcd(q,d)=1$ it follows that the singular points of the intersection $V(x_0,\dots,x_{c-1},h)$ are in one-to-one correspondence with the singular points of $Y_\lambda$. Hence $V(x_0,\dots,x_{c-1},h)$ is smooth. \end{proof} Recall that we started with a hypersurface $X_\lambda \subset \mathbf{P}(\mathbf{w})$ and constructed a hypersurface $Y_{\lambda}\subset \mathbf{P}^n$, such that $X_\lambda$ is birational to a quotient of $Y_\lambda$. Denote with $U_{\lambda}:=\mathbf{P}(\mathbf{w})\setminus X_\lambda$ and $V_{\lambda}:=\mathbf{P}^n\setminus Y_\lambda$ be the respective complements. Denote now with $(\mathbf{P}(\mathbf{w}))^*$, $U_{\lambda}^*$, $V_{\lambda}^*$, $X_{\lambda}^*$, $Y_\lambda^*$, etc. the original variety minus the intersection with $Z(x_0\dots x_n)$ or $Z(y_0 \dots y_n)$, the union of the coordinate hyperplanes. We have that the quotient map $\mathbf{P}^n \dashrightarrow \mathbf{P}(\mathbf{w})$ def\/ines surjective morphisms $(\mathbf{P}^n)^*\to \mathbf{P}(\mathbf{w})^*$, $Y_\lambda^*\to X_{\lambda}^*$, $V_\lambda^*\to U_\lambda^*$. There is a second quotient map $\mathbf{P}^n \to \mathbf{P}(\mathbf{w})$ given by $(z_0:\dots:z_n) \to (z_0^{w_0}:\dots:z_n^{w_n})$. This map is a morphism and is a ramif\/ied Galois covering. Denote with $H$ the corresponding Galois group. Let $\tilde{X}_{\lambda}$ be the pull back of $X_\lambda$ and let $\tilde{U}_{\lambda}$ be the pull back of $U_{\lambda}$. Fix now a lift $\mu\in \mathbf{Q}_q$ of $\lambda$. Then we can def\/ine $F_{\mu}$, $\tilde{U}_{\mu}$, $V_{\mu}$, $\tilde{ X}_{\mu}$, $Y_{\mu}$ similarly as above. If $y_0,\dots,y_n$ are projective coordinates on $\mathbf{P}^n$ then let $\Omega$ be \begin{gather*} \left(\prod_{i=0}^n y_i\right) \left(\sum_{i=0}^n (-1)^{i} \frac{dy_0}{y_0} \wedge \dots \wedge \widehat{\frac{dy_i}{y_i} }\wedge\dots \wedge\frac{dy_n}{y_n} \right).\end{gather*} We recall now some standard notation used to study the cohomology of a hypersurface complement in $\mathbf{P}^n$. \begin{notation}Let $\mathbf{m}=(m_0,\dots,m_n)$ be $(n+1)$-tuple of positive integers, such that $\sum\limits_{i=0}^n m_i =td$ for some positive integer~$t$. Then \begin{gather*} \tilde{\omega}_{\mathbf{m}}:= \frac{\prod\limits_{i=0}^n x_i^{m_i-1}}{(F_{A,\mu}(x_0^{w_0},\dots,x_n^{w_n}))^t} \Omega\end{gather*} is an $n$-form on the complement $\tilde{U}_{\mu}$ of $\tilde{X}_{\mu}$. If we allow the $m_i$ and $t$ to be arbitrary integers such that the equality $\sum\limits_{i=0}^n m_i=td$ holds then $\tilde{\omega}_{\mathbf{m}}$ is a form on $\tilde{U}^*_{\mu}$. Let $\mathbf{m}=(m_0,\dots,m_n)$ be $(n+1)$-tuple of positive integers, such that $\sum\limits_{i=0}^n m_i =td$ holds for some positive integer $t$. Let $D$ be the diagonal matrix $d I_{n+1}$. Then \begin{gather*} \omega_{\mathbf{m}}:= \frac{\prod\limits_{i=0}^n y_i^{m_i-1}}{F_{D,\mu}^t} \Omega\end{gather*} is an $n$-form on the complement $V_{\mu}$ of $Y_{\mu}$. If we allow the $m_i$ and $t$ to be arbitrary integers such that the equality $\sum\limits_{i=0}^n m_i=td$ then $\omega_{\mathbf{m}}$ is a form on~$V^*_{\mu}$. \end{notation} The following result seems to be known to the experts, but we include it for the reader's convenience: \begin{Lemma}\label{lemBasis} There exists a finite set $S\subset \mathbf{Q}_q$ such that $0\not \in S$ and for all $\mu\in \mathbf{Q}_q\setminus S$ we have that \begin{gather*}\mathcal{B}:=\left \{\omega_{\mathbf{m}} \colon 0<m_i<d \mbox{ for } i=0,\dots, n \ \text{and} \ \sum_{i=0}^n m_i\equiv 0 \bmod d\right \}\end{gather*} is a basis for $H^n_{\dR}(V_\mu,\mathbf{Q}_q)$. Similarly, there exists a finite set $S^*$ such that $0\not \in S^*$ and for all $\mu\in\mathbf{Q}_q\setminus S^*$ we have that \begin{gather*}\mathcal{B}^*:=\left \{\omega_{\mathbf{m}} \colon 0\leq m_i<d \mbox{ for } i=0,\dots, n \ \text{and} \ \sum_{i=0}^n m_i\equiv 0 \bmod d\right\}\end{gather*} is a basis for $H^n_{\dR}(V_\mu^*,\mathbf{Q}_q)$. \end{Lemma} \begin{proof} The forms $\omega_{\mathbf{m}}$, such that $m_i \geq 1$ for $i=0,\dots,n$ generate the de Rham cohomology group $H^n_{\dR}(V_\mu)$. By dif\/ferentiating certain particular $(n-1)$-forms on $V_\mu$ we have that the following relation in $H^n_{\dR}(V_\mu)$ \begin{gather}\label{eqnRed} \frac{G_{y_i}}{F^t} \Omega = \frac{t G F_{y_i}}{F^{t+1}} \Omega \end{gather} for any form $G\in \mathbf{Q}_q[y_0,\dots,y_n]_{td-n}$. (This is the so-called Grif\/f\/iths--Dwork method to reduce forms in cohomology.) For $\mu=0$ we have that $F_{y_i}=dy_i^{d-1}$. Using (\ref{eqnRed}) we f\/ind the relation \begin{gather} \label{eqnRedb} \frac{y_0^{m_0} G(y_1,\dots,y_n)}{F_0^{t+1}}\Omega = \frac{(m_0-d+1)y_0^{m_0-d} G(y_1,\dots,y_n)}{t F_0^t} \Omega\end{gather} and similar relations for the other $y_i$. In this way we can reduce forms such that all exponents are at least $0$ and at most $d-1$. However, if an exponent equals $d-1$ then this relation yields that the class is zero in cohomology. In particular, the $\omega_{\mathbf{m}}$ with $0<m_i<d$ for $i=0,\dots, n$ and $\sum\limits_{i=0}^n m_i\equiv 0 \bmod d$ generate $H^n_{\dR}(V_0)$. Grif\/f\/iths \cite{GriRat} showed that the relations of type~(\ref{eqnRed}) generate all relations and hence $\mathcal{B}$ is a basis for $H^n_{\dR}(V_0)$. If $X_\mu$ is smooth then the dimension of $H^n_{\dR}(V_\mu)$ is independent of $\mu$ and it is then straightforward to check that there are at most f\/initely many choices of $\mu$ for which $X_\mu$ is smooth and $\mathcal{B}$ is not a basis for $H^n_{\dR}(V_\mu)$. We now prove the statement on $H^n_{\dR}(V_\mu^*)$. Note that if $X_\mu$ is smooth then by Lemma~\ref{lemGenPos} it is in general position. Therefore the dimension of $H^n_{\dR}(V_\mu^*)$ is independent of $\mu$. Hence it suf\/f\/ices to show that $\mathcal{B}^*$ is a basis for $H^n_{\dR}(V_0^*)$. Again we have relations of type~(\ref{eqnRed}), but now we may take $G\in \mathbf{Q}_q\big[y_0,y_0^{-1},\dots,y_n,y_n^{-1}\big]_{td-n}$. If the exponent of a~variable is at most $-2$ then we can use the relations of the shape~(\ref{eqnRedb}) to increase the exponent of this variable. However, if the exponent equals $-1$ we cannot do this, because then we would have to divide by zero in~(\ref{eqnRedb}). In this way we obtain that $\mathcal{B}^*$ generates $H^n_{\dR}(V^*_0)$. Moreover, as in the above case there are no further relations and~$\mathcal{B}^*$ is a basis. \end{proof} \begin{Remark} The $\mu$ for which $\mathcal{B}$ is not a basis can be determined by the methods of \cite[Section~3]{PanTui}. \end{Remark} \begin{Remark}Denote with $H^n_{\MW}(V_{\lambda})$ the $n$-th Monsky--Washnitzer cohomology of $V_\lambda$. The Monsky--Washnitzer cohomology is essentially the cohomology of the tensor product of de~Rham complex of a lift of $V_{\lambda}$ to characteristic zero with a weakly complete f\/initely generated algebra~$A^{\dagger}$. The Frobenius action on the cohomology is induced by a lift of Frobenius to $A^{\dagger}$. For more details see \cite[Theorem~2.4.5]{PutMW}. In that paper it is shown that two dif\/ferent lifts of $V_{\lambda}$ yield isomorphic complexes and two choices of lifts of Frobenius yield homotopic maps on the complexes. In particular, $H^n_{\MW}(V_\lambda)$ is independent of the choices made. Let $\mu\in \mathbf{Q}_q$ be a lift of $\lambda$. One choice of a lift of $V_\lambda$ to characteristic zero is $V_{\mu}$, and the construction of the Monsky--Washnitzer cohomology yields a natural map $H^n_{\dR}(V_\mu)\to H^n_{\MW}(V_\lambda)$ of $\mathbf{Q}_q$-vector spaces. If $Y_\lambda$ is smooth then the is an isomorphism by \cite{BalChi}. Since $V_\lambda \subset \mathbf{P}^n$ is af\/f\/ine and smooth we have an isomorphism $H^n_{\MW}(V_\lambda)\cong H^n_{\rig}(V_\lambda)$ by~\cite{BerSMF}, where the latter group is rigid cohomology. Since there are inf\/initely many lifts~$\mu$ of $\lambda$ we can always choose a lift~$\mu$ such that~$\mathcal{B}$ is a basis for $H^n_{\dR}(V_\mu)$ and thereby yielding a basis for $H^n_{\MW}(V_{\lambda})$. If $Y_\lambda$ is smooth then using Lemma~\ref{lemGenPos} we f\/ind that $V_\lambda^*$ is the complement of a normal crossing divisor. In particular, we can apply \cite{BalChi} and f\/ind a natural isomorphism $H^n_{\MW}(V_\lambda^*)\cong H^n_{\dR}(V_\mu^*)$. As above, we have an isomorphism $H^n_{\MW}(V_\lambda^*)\cong H^n_{\rig}(V_\lambda^*)$ and we identif\/ied a basis for $H^n_{\rig}(V_\lambda^*)$. \end{Remark} \begin{Remark} The action of $G$ lifts to characteristic zero. The forms $\omega_{\mathbf{m}}$ are eigenvectors for~$g^*$ each element $g\in G$. Hence the $G$-invariant ones span $H^n_{\MW}(V_\lambda)^G$. If $Y_{\lambda}$ is singular then by the def\/inition of Monsky--Washnitzer cohomology we have that $H^n_{\MW}(V_\lambda)$ is generated by expressions \begin{gather*} \sum_{\mathbf{m}=(m_0,\dots,m_n),m_i\geq 1} a_{\mathbf{m}} \omega_{\mathbf{m}}\end{gather*} such that there exists $c_1,c_2 \in \mathbf{Q}$ with $c_1>0$ and $v(a_{\mathbf{m}})\geq c_1\big(\sum\limits_{i=0}^n m_i\big)+c_2$. The space $H^n_{\MW}(V_\lambda^*)$ is generated by expression \begin{gather*} \sum_{\mathbf{m}=(m_0,\dots,m_n),m_i\geq -N} a_{\mathbf{m}} \omega_{\mathbf{m}}\end{gather*} such that there exists $c_1,c_2 \in \mathbf{Q}$ with $c_1>0$ and $v(a_{\mathbf{m}})\geq c_1\big(\sum\limits_{i=0}^n m_i\big)+c_2$. The $G$-invariant subspaces are generated by similar sums, but in which only the $G$-invariant~$\omega_{\mathbf{m}}$ occur. \end{Remark} \begin{Remark} If one wants to study the Frobenius matrix by using the dif\/ferential equations, like in~\cite{Katz} or in~\cite{DKSSVW} then one needs to be more careful in lifting $V_\lambda$ to characteristic zero. In~\cite{Katz} one has to take~$\mu$ to be the Teichm\"uller lift of~$\lambda$. The reason for this, is that a priori Frobenius maps $H^i\big(U_\mu^q\big)$ to $H^i(U_\mu)$. To have an operator on $H^n(U_\mu)$ we need that $\mu^q=\mu$. If one works directly with Frobenius on Monsky--Washnitzer chomology then this constraint on $\mu$ does not exist. \end{Remark} From now on we use $H^i$ and $H^i_c$ to indicate rigid cohomology respectively rigid cohomology with compact support. By \cite[Proposition 2.1]{Zetafamrec} we have canonical isomorphisms \begin{gather*} H^i_c(U_\lambda^*)\cong H^i_c(V_\lambda^*)^G \qquad \text{and} \qquad H^i_c(U_\lambda^*)\cong H^i_c\big(\tilde{U}_\lambda^*\big)^H.\end{gather*} We want to compare the cohomology of $H^n_c(V_\lambda)^G$ with the cohomology of~$H^n_c(U_{\lambda})$. However, $U_\lambda$ may be singular, hence we work with $H^n_c\big(\tilde{U}_\lambda\big)^ H$ instead. Using Poin\-car\'e duality it suf\/f\/ices to compare $H^n(V_\lambda)^ G$ with $H^n\big(\tilde{U}_\lambda\big)^H$ instead. Since both varieties are smooth and af\/f\/ine we can identify their rigid cohomology groups with their Monsky--Washnitzer cohomology groups. We will do this in order to prove: \begin{Proposition}\label{prpFactor} Suppose that $H^n(V_\lambda)\to H^n(V_{\lambda}^*)$ is injective. Then $H^n(V_{\lambda})^G$ is a quotient of $H^n\big(\tilde{U}_{\lambda}\big)^H$. In particular, the characteristic polynomial of Frobenius acting on $H^n_c(V_{\lambda})^G$ is in~$\mathbf{Q}[T]$ and divides the characteristic polynomial of Frobenius acting on~$H^n_c(U_{\lambda})$. \end{Proposition} \begin{proof}Since $H^n(V_\lambda)\to H^n(V_{\lambda}^*)$ is injective we have by \cite{BerPoi} that the Poincar\'e dual of this map is surjective, and therefore that $H^n_c(V_\lambda)^G$ is a quotient of~$H^n_c(V_\lambda^*)^G$. This implies that $H^n_c(V_\lambda)^G$ is also a quotient of $H^n_c\big(\tilde{U}^*_\lambda\big)^H$. Hence it suf\/f\/ices to show that the kernel of natural map $H^n_c\big(\tilde{U}^*_\lambda\big)\to H^n_c\big(\tilde{U}_\lambda\big)$ is mapped to zero in $H^n_c(V_\lambda)^G$. Using Poincar\'e duality we can consider $H^n(V_\lambda)^G$ as a subspace of $H^n\big(\tilde{U}_{\lambda}^*\big)^H$. It suf\/f\/ices to show that $H^n(V_\lambda)^G$ is in the image of~$H^n(\tilde{U}_\lambda)$. A form $\omega_{\mathbf{k}}$ is in $H^n(V_\lambda)^G$ if and only if there is a monomial type $\mathbf{m}_0$ such that $\mathbf{k}=\mathbf{m}_0 B$. We identif\/ied $H^n(V_\lambda)^G$ with a subspace of $H^n\big(\tilde{U}_\lambda^*\big)^H$. The class of $\omega_{\mathbf{k}}$ is identif\/ied with $\tilde{\omega}_{\mathbf{m}}$ where $\mathbf{m}=\mathbf{m}_0(\diag(w_0,\dots,w_n))$. The entries of $\mathbf{m}$ are integers, which may be nonpositive. If all entries of $\mathbf{m}$ are positive then~$\omega_{\mathbf{m}}$ is in the image of $H^n\big(\tilde{U}_{\lambda}\big)^ H$. Recall that $B=d A^{-1}$ and therefore $\mathbf{m}_0=\mathbf{k} \frac{1}{d} A $. Since~$\mathbf{k}$ has positive entries, $A$ has positive entries and no zero column it follows that also the entries of~$\mathbf{m}_0$ are positive and therefore all entries of~$\mathbf{m}$ are also positive. This yields the f\/irst statement. To prove the second statement. By \cite[Lemma~4.3]{Zetafamrec} it follows that $H^n_c(V_\lambda)^G$ is Frobenius invariant and the characteristic polynomial is in $\mathbf{Q}[T]$. Using Poincar\'e duality we f\/ind that~$H^n_c(V_\lambda)^G$ is a subspace of~$H^n_c(\tilde{U}_\lambda)^H$. As explained above, the latter space is isomorphic with~$H^n_c(U_\lambda)$. \end{proof} \begin{Definition} Fix Delsarte deformation data $(A_1,\mathbf{a}_1), \dots, (A_t,\mathbf{a}_t)$ of length~$n$. We say that they have a \emph{common cover} if for every $i$, $j$ we have that $\mathbf{a}^{\rm T}_i A_i^{-1}$ and $\mathbf{a}^{\rm T}_j A_j^{-1}$ are proportional. \end{Definition} \begin{Example} Take the following f\/ive matrices \begin{gather*} \left(\begin{matrix} 4&0&0&0\\0&4&0&0\\0&0&4&0\\0&0&0&4\end{matrix} \right)\!,\quad \left(\begin{matrix} 4&0&0&0\\0&4&0&0\\0&0&3&1\\0&0&1&3\end{matrix} \right)\!,\quad \left(\begin{matrix} 3&1&0&0\\1&3&0&0\\0&0&3&1\\0&0&1&3\end{matrix} \right)\!,\quad \left(\begin{matrix} 4&0&0&0\\0&3&1&0\\0&0&3&1\\0&1&0&3\end{matrix} \right)\!,\quad \left(\begin{matrix} 3&1&0&0\\0&3&1&0\\0&0&3&1\\1&0&0&3\end{matrix} \right)\!. \end{gather*} In each case we take $(1,1,1,1)^{\rm T}$ as the deformation vector then the $(A_i,\mathbf{a}_i)$ have a common cover. \end{Example} Suppose now that $(A_1,\mathbf{a}_1),\dots,(A_t,\mathbf{a}_t)$ have a common cover. Let $d$ be the smallest positive integer such that $dA_i^{-1}$ has integral coef\/f\/icients for all~$i$. The sum of the entries of $\mathbf{b}_i=\mathbf{a}_i \big(dA_i^{-1}\big)$ equals~$d$. By assumption we have that for each $i$ and $j$ the vectors $\mathbf{b}_i$ and $\mathbf{b}_j$ are proportional, hence these vectors coincide and we denote this common vector with~$\mathbf{b}$. Denote with $b_j$ the entries of $\mathbf{b}$. Denote with $X_{i,\lambda}$ the family associated with $(A_i,\mathbf{a}_i)$. Then $X_{i,\lambda}$ is birational to a quotient of \begin{gather*}Y_\lambda\colon \ \sum_{i=0}^n y_i^{d} +\lambda \prod_{i=0}^n y_i^{b_i}.\end{gather*} At the beginning of this section we gave an explicit description of this map. From that description it follows that $Y_\lambda \to X_{i,\lambda}$ is def\/ined whenever all the~$y_i$ are nonzero. We can now apply Proposition~\ref{prpFactor} to the above setup and we f\/ind directly that: \begin{Theorem} \label{thmMainO} Let $(A_1,\mathbf{a}_1), \dots, (A_t,\mathbf{a}_t)$ be Delsarte deformation data of length $n$ with a common cover. Denote with~$X_{i,\lambda}$ be the corresponding families of Delsarte hypersurfaces and with~$Y_\lambda$ the common cover. Let $G_i$ be the Galois group of the function field extension corresponding to the rational map $Y_\lambda\dashrightarrow X_{i,\lambda}$. Then the automorphisms in~$G_i$ extend to automorphisms of~$Y_{\lambda}$. Identify~$G_i$ with the corresponding subgroup of $\Aut(Y_{\lambda})$. Let $G=G_1.G_2.\dots.G_t\subset \Aut(Y_\lambda)$. Suppose that $H^n(V_\lambda)\to H^n(V_\lambda^*)$ is injective. Then for each $i=1,\dots,t$ we have that $H^n_c(V_{\lambda})^G$ is a quotient of $H^n_c(U_{i,\lambda})$. In particular, the characteristic polynomial of Frobenius on~$H^{n-1}(Y_\lambda)^G$ is in $\mathbf{Q}[T]$ and is a common factor of the characteristic polynomials of Frobenius acting on~$H^{n-1}(X_{i,\lambda})$. \end{Theorem} \begin{Remark} Recall that in order to be Delsarte deformation data we need that $\gcd(q,(n+1)\det(A_i))=1$ for all $i$. \end{Remark} \begin{Remark} If $Y_\lambda$ is smooth then it is in general position by Lemma~\ref{lemGenPos}. The map $H^ {n-1}(Y_{\lambda})\to H^{n-1}(Y_{\lambda}^*)$ is injective if $n-1$ is even, and has a kernel if $n-1$ is odd, and this kernel is generated by the hyperplane class, see \cite[Theorem~1.19]{Katz}. The residue map identif\/ies $H^{n}(V_{\lambda})$ with the primitive part of the cohomology of $H^{n-1}(Y_{\lambda})$. In particular, the composition $H^n(V_{\lambda})\to H^{n-1}(Y_{\lambda}^*)$ is injective independent of the parity of $n$. From the diagram on \cite[p.~79]{Katz} it follows that the latter map factors through $H^n(V_\lambda^*)$. In particular, $H^n(V_\lambda)\to H^n(V_\lambda^*)$ is injective. Hence we can apply the above proposition if $Y_\lambda$ is smooth. The values of $\lambda$ for which $Y_\lambda$ is singular can be determined from the formula \cite[Lemma~3.7]{zetafam}. \end{Remark} To conclude that there is a common factor of the zeta function is more complicated in general. The zeta function is a quotient of products of characteristic polynomials of Frobenius and there may be some cancellation in this quotient. However, if we make the extra assumptions that each~$X_{i,\lambda}$ is a hypersurface in~$\mathbf{P}^n$ (i.e., for each $i$ we have that $\mathbf{w}=(k,\dots,k)$ for some $k\in \mathbf{Z}_{>0}$) and we consider only values of $\lambda$ for which $X_\lambda$ is smooth then we have that \begin{gather*} \left(Z(X_{i,\lambda},T)\prod_{j=0}^{n-1} \big(1-q^j T\big)\right)^{(-1)^n} = \det\big(I- T \mathrm{Frob}^* \colon H^{n}_c(U_{i,\lambda})\big).\end{gather*} From the smoothness of $X_{i,\lambda}$ it follows that the eigenvalues of Frobenius on~$H^{n}_c(U_{i,\lambda})$ have absolute value~$q^{{n-1}/2}$, hence there is no cancellation in this formula and we obtain: \begin{Corollary}\label{corMain} Let $(A_1,\mathbf{a}_1), \dots, (A_t,\mathbf{a}_t)$ be Delsarte deformation data of length $n$ with a common cover. Denote with $X_{i,\lambda}$ be the corresponding families of Delsarte hypersurfaces and with~$Y_\lambda$ the common cover. Let~$G_i$ be the Galois group of the function field extension corresponding to $Y_\lambda\to X_{i,\lambda}$. Let $G=G_1.G_2.\dots.G_t\subset \Aut(Y_\lambda)$. Suppose that for each $i$ we have $\mathbf{P}(\mathbf{w})=\mathbf{P}^n$. Moreover, suppose that $Y_{\lambda}$ and each $X_{i,\lambda}$ is smooth. Then the characteristic polynomial of Frobenius on $H^{n-1}(Y_\lambda)_{\prim}^G$ is in $\mathbf{Q}[T]$ and divides the polynomial \begin{gather*} \left( {Z(X_{i,\lambda},T)}{\prod_{j=0}^{n-1} \big(1-q^jT\big)} \right)^{(-1)^n}.\end{gather*} \end{Corollary} \begin{Remark} A complex hypersurface with quotient singularities is a $\mathbf{Q}$-homology manifold and satisf\/ies Poincar\'e duality. The existence of Poincar\'e duality is suf\/f\/icient to obtain both the vanishing statement $H^i_c (\mathbf{P}(\mathbf{w})\setminus X_{i,\lambda})=0$ for $i\neq n,2n$ as well as for the purity statement on~$H^n_c(\mathbf{P}(\mathbf{w})\setminus X_{i,\lambda})$. Hence if Poincar\'e duality would hold for the rigid cohomology of varieties with (tame) quotient singularities over f\/inite f\/ields then we could extend the above corollary to the case where $X_{i,\lambda}$ is a quasi-smooth hypersurface.\end{Remark} We would like to compare our factor with the factor found in \cite{DKSSVW}. The groups $G$ and $G'$ consists of torus automorphisms of $Y_\lambda$. Let $G_{\max}$ be the group of torus automorphism of~$Y_{\lambda}$. Then $G_{\max}$ is an abelian group. A torus automorphism $g\in G_{\max}$ sends $Y^*_\lambda$ to itself, and descents to an automorphism of $X^*_\lambda\cong Y^*_{\lambda}/G$. Hence the quotient group~$G_{\max}/G$ acts on~$X^*_\lambda$. Since the quotient map is given by $n+1$ monomials we have that a torus automorphism descends to a torus automorphism of~$X^*_\lambda$ and~$U^*_{\lambda}$. Any torus automorphism can be extended to~$\mathbf{P}(\mathbf{w})$, leaving $X_\lambda$ invariant. Hence we have an action of $G_{\max}/G$ on $H^n(U_\lambda)$ and on $H^n_c(U_{\lambda})$. It is straightforward to check that $G_{\max}/G\cong {\rm SL}(F_A)$, where ${\rm SL}(F_A)$ is the group introduced in~\cite{DKSSVW}, and that both groups act the same. The factor from \cite{DKSSVW} is constructed as follows: The authors identify a subspace of the Dwork cohomology group $H^n_{\rm Dwork}(U_{\lambda})^{{\rm SL}(F_A)}$, whose dimension equals the order of the Picard--Fuchs equation of $X_{\lambda}$ and which is invariant under Frobenius. They show that the characteristic polynomial~$R'_{\lambda}$ of Frobenius on this subspace is in $K[T]$ for some number f\/ield $K$, which can be taken Galois over~$\mathbf{Q}$ and then take~$R_{\lambda}$ the be the least common multiple of the Galois conjugates of~$R'_{\lambda}$. To compare this polynomial with the factor constructed above, we will start by reconside\-ring~$R'_{\lambda}$, i.e., we will show that it is just the characteristic polynomial of Frobenius acting on \begin{gather*} H^n_c(V_\lambda)^{G_{\max}}. \end{gather*} Then \cite[Lemma~4.3]{Zetafamrec} implies that $R'_{\lambda}\in \mathbf{Q}[T]$ and that $R_\lambda=R'_\lambda$. We start by calculating the dimension of $H^n_c(V_\lambda)^{G_{\max}}$. \begin{Lemma} \label{lemPF} Suppose that $X_{\lambda}$ is Calabi--Yau, i.e., $\sum w_i=d$ and suppose that~$Y_\lambda$ is smooth. Then the dimension of $H^n_c(V_\lambda)^{G_{\max}}$ equals the order of the Picard--Fuchs equation for~$X_\lambda$. \end{Lemma} \begin{proof}Since $V_\lambda$ is smooth we have by Poincar\'e duality \cite{BerPoi} that \begin{gather*}\dim H^n_c(V_\lambda)^{G_{\max}}=\dim H^n(V_\lambda)^{G_{\max}}.\end{gather*} We now calculate the latter dimension. The group $G_{\max}$ consists of the $(g_1,\dots,g_n)$ in $ (\mathbf{Z}/d\mathbf{Z})^n$ such that \begin{gather*}\sum_{i=1}^n g_ib_i\equiv 0 \bmod d.\end{gather*} From \cite[Lemma~4.2]{Zetafamrec} it follows that $G_{\max}$ f\/ixes the dif\/ferential form $\omega_{\mathbf{k}}$ if and only if $\mathbf{k}\equiv t\mathbf{b}$ $\bmod~d$ for some $t\in \mathbf{Z}/d\mathbf{Z}$. Hence $H^n(V_{\lambda})^{G_{\max}}$ is spanned by $\omega_{t\mathbf{b}}$ where $t\in \{0,1,\dots,d-1\}$ such~$t\mathbf{b} \bmod d$ has no zero entry. The number of $t \in \mathbf{Z}/d\mathbf{Z}$ such that $t\mathbf{b} \bmod d$ has a zero entry equals the number of $t \in \{0,\dots,d-1\}$ for which there exists an~$i$ and an integer~$k$ such that $t b_i=k d$, or, equivalently, \begin{gather*} \frac{t}{d}=\frac{k}{b_i}.\end{gather*} Since $0\leq t<d$ we may assume that $ 0\leq k <b_i$. Using the notation from \cite[Section~2]{DKSSVW} we have that the elements on the left hand side are in the set they call $\alpha$ and the elements on the right hand side are in the set $\beta$. In particular, the number of $t$ such that $t\mathbf{b}$ has no zero entry equals $d-\# \alpha \cap \beta$. G\"ahrs \cite[Theorem~2.8]{GaehrsPhD} showed that this number equals the order of the Picard--Fuchs equation. \end{proof} \begin{Proposition}\label{prpFactorDiv} Suppose $w_0=\dots=w_n=1$, $d=n+1$ and $a_i=1$ for $i=0,\dots,n$. Then the factor $R'_{\lambda}$ found in~{\rm \cite{DKSSVW}} is the characteristic polynomial of Frobenius acting on~$H^n(V_{\lambda})^{G_{\max}}$. In particular, $R'_{\lambda}\in \mathbf{Q}[T]$ and $R_\lambda=R'_\lambda$. \end{Proposition} \begin{proof} Since $\mathbf{P}(\mathbf{w})=\mathbf{P}^n$ we have $U_{\lambda}=\tilde{U}_\lambda$. Hence we can discuss dif\/ferential forms on the complement of~$X_{\lambda}$. The factor $R'_\lambda(T)$ obtained in \cite{DKSSVW} using the $p$-adic Picard--Fuchs equation in Dwork coho\-mo\-logy. The main result from~\cite{Katz} yields a dif\/ferential equation satisf\/ied by the Frobenius operator on $H^n_{\MW}(U_\lambda,\mathbf{Q}_q)$ and that this dif\/ferential equation can also be found using Dwork cohomology. In particular, $R'_\lambda(T)$ is the characteristic polynomial of Frobenius acting on the subspace $P$ containing $\omega_{\mathbf{a}}$ and invariant under the Picard--Fuchs operator. This subspace~$P$ is contained in the span of~$\{\omega_{s\mathbf{a}} \colon s=1,2,\dots\}$. Pick a form $\tilde{\omega}_{t\mathbf{a}}$ restrict this form to $U_{\lambda}^*$ and then pull it back to a form on $V_{\lambda}^*$. Then this pull back is $\omega_{t\mathbf{b}}$. This form is def\/ined on all of $V_{\lambda}$. Hence the pullback of $P$ to $H^n(V_{\lambda})$ is well-def\/ined and is contained in $H^n(V_{\lambda})^{G_{\max}}$. Hence $P$ is a subspace of $H^n(V_{\lambda})^{G_{\max}}$. Since both spaces have the same dimension by Lemma~\ref{lemPF} they coincide, i.e., $P\cong H^n(V_{\lambda})^{G_{\max}}$ as vector spaces with Frobenius action. Now $R_{\lambda}$ is the characteristic polynomial of $q^n \Frob^{-1}$ acting on $P$. Using Poincar\'e duality this equals the characteristic polynomial of Frobenius acting on $H^n_c(V_\lambda)^{G_{\max}}$. This yields the f\/irst claim. The obtained polynomial is in $\mathbf{Q}[T]$ by \cite[Lemma~4.3]{Zetafamrec} and hence $R'_{\lambda}(T)=R_\lambda(T)$. \end{proof} \section{Case of quartic surfaces}\label{secQua} In this section we consider the case of invertible quartic polynomials. Up to permutation of the coordinates there are 10 invertible quartic polynomials in four variables. For each of these quartics we take $\mathbf{a}=(1,1,1,1)$ as the deformation vector. In Fig.~\ref{tbl} we list the 10 families, which we denote here with $X^{(i)}_\lambda$. We provide the following information in the table. In the column~``$d$'' we list the minimal degree of a Fermat cover of the central f\/iber. When we discuss one of the examples we always assume that $\gcd(q,d)=1$. In the next column we list the deformation vector $\mathbf{b}:=(1,1,1,1)^{\rm T} B$. Hence the corresponding Fermat cover $Y_\lambda^{(i)}$ is def\/ined by \begin{gather*} x_0^d+x_1^d+x_2^d+x_3^d+\lambda x_0^{b_0}x_1^{b_1}x_2^{b_2}x_3^{b_3}.\end{gather*} Let $G$ be the Galois group of the function f\/ield extension corresponding to the morphism \smash{$Y_{\lambda}^*\to X_{\lambda}^*$}. The next two columns deal with $H^3(V_\lambda)^G$, for $\lambda$ such that $Y_\lambda$ is smooth. In the column $PF$ we list the dimension of~$H^3(V_{\lambda})^{G_{\max}}$. We calculated this entry as follows: from the results from \cite[Section~4]{Zetafamrec} it follows that a basis for this vector space consists of those $\omega_{\mathbf{k}}$ such that all entries of $\mathbf{k}$ are between $1$ and $d-1$ and there is a $t\in \mathbf{Z}$ such that $\mathbf{k} \equiv t \mathbf{b} \bmod d$. It is straight forward to determine the number of these~$\mathbf{k}$. As discussed in the previous section, this number equals the order of the Picard--Fuchs equation of~$X_{\lambda}^{i}$. The next column concerns the subspace $W^{(i)}_\lambda \subset H^3\big(V^{(i)}_{\lambda}\big)^G$. The $\omega_{\mathbf{k}}$ such that each of the entries of $\mathbf{k}$ is in $\{1,\dots,d-1\}$ and there exists a vector $\mathbf{m} \in \mathbf{Z}^4$ such that $\mathbf{k}\equiv \mathbf{m} A \bmod d$ form a basis for $H^3\big(V_{\lambda}^{(i)}\big)^G$. For each of the 10 examples we checked for each $\mathbf{k}$ if such a~$\mathbf{m}$ existed or not and used this to calculate $\dim W_{\lambda}^{(i)}=\dim H^3\big(V_{\lambda}^{(i)}\big)^G-\dim H^3\big(V^{(i)}_{\lambda}\big)^{G_{\max}}$. For the families $1,2,3,6,7$ we listed all these $\mathbf{k}$ in Fig.~\ref{tblform} (they are enlisted in the corresponding column in Fig.~\ref{tblform}, in the f\/irst column there is a choice for a possible $\mathbf{m}$, the forms marked with $(PF)$ are in $H^3(V_{\lambda})^{G_{\max}}$). For $i=4,5,8,9,10$ we will describe $W_{\lambda}^{(i)}$ in the examples below. Finally, the column $c$ then equals $21-\dim H^3(V_\lambda)^G$. As we argued in the introduction the subspace $C$ of dimension $c$ and $W_\lambda^{(i)}$ are generated by classes of curves on $X^{(i)}_\lambda$. For the families $i=1,2,3,6,7,9,10$ we give a recipe to f\/ind linear combinations of curves on~$X^{(i)}_\lambda$, which generate~$C$ and~$W_\lambda^{(i)}$. In fact, for all~$i$ we have that~$C$ is generated by curves, each of which is contained in one of the coordinate hyperplanes. These curves are easy to f\/ind for each~$i$. For $i=9,10$ we have that $W_{\lambda}^{(i)}=0$. For $i=1,2,3,6,7$ we can f\/ind various del Pezzo surfaces of degree $2$ together with morphisms of degree 2, such that linear combinations of pull backs of curves from these del Pezzo surfaces generated~$W_\lambda^{(i)}$. For $i=5$ we have a similar procedure using del Pezzo surfaces of degree $5$. \begin{figure}[t] \begin{gather*} \begin{array}{|c|c|c|c|c|c|c|} \hline i& F_0 & d& (1,1,1,1)^{\rm T}\vphantom{\big|^2} B & PF &\dim W_\lambda & c \\ \hline 1&x_0^4+x_1^4+x_2^4+x_3^4 & 4&(1,1,1,1) & 3 & 18 & 0 \\ 2&x_0^4+x_1^4+x_2x_3\big(x_2^2+x_3^2\big) & 8&(2,2,2,2) &3 & 12 & 6 \\ 3& x_0x_1\big(x_0^2+x_1^2\big)+x_2x_3\big(x_2^2+x_3^2\big) &8&(2,2,2,2) &3 & 10 & 8 \\ 4& x_0^4+x_1x_2^3+x_2x_3^3+x_3x_1^3, & 28 &(7,7,7,7) &3 & 18 & 0 \\ 5&x_0x_1^3+x_1 x_2^3+x_2x_3^3+x_3x_0^3& 80 &(20,20,20,20) &3& 16 & 2 \\ 6&x_0^4+x_1^4+x_2^3x_3+x_3^4 & 12&(3,3,4,2) &6 & 12 & 3 \\ 7& x_0x_1\big(x_0^2+x_1^2\big)+x_2^3x_3+x_3^4 & 24&(6,6,8,4) & 6 & 8 & 7 \\ 8&x_0^3x_1+x_1^4+x_2^3x_3+x_3^4 & 12&(4,2,4,2) &4 &12 & 5 \\ 9&x_0^4+x_1^3x_2+x_2^3x_3+x_3^4 & 36&(9,12,8,7) &18 & 0 & 3\\ 10&x_0^3x_1+x_1^3x_2+x_2^3x_3+x_3^4 & 108&(36,24,28,20) &18 & 0 & 3 \\ \hline \end{array} \end{gather*}\vspace{-5mm} \caption{The 10 families $X^{(i)}_\lambda$.}\label{tbl} \end{figure} The f\/irst f\/ive families have a single common cover, also the sixth and seventh family have a~common cover. The common factor of the f\/irst f\/ive examples has degree~3. However, the f\/irst three examples have a~common factor of degree 5 and the f\/irst and the second example have a~common factor of degree~7. \begin{figure}[t] \begin{gather*} \begin{array}{|c|c|c|c|c|c|} \hline \mathbf{m} & 3.1& 3.2 & 3.3 & 3.6 & 3.7 \\ &&&&A=10, \, B=11 &\\ \hline 1111& 1111(PF)&2222 (PF) &2222(PF) & 3342 (PF) &6,6,8,4 (PF)\\ 1124 & -&-& - &338A (PF) &6,6,16,20 (PF) \\ 1133& 1133&2266 & 2266 &- &-\\ 1214 & -&- & -&364B & 3,15,8,22\\ 1223& 1223&2437 & 1537 & 3687 &3,15,16,14\\ 1232& 1232&2473 & 1573 & - & -\\ 1313& 1313&- & - & 3948 & -\\ 1322& 1322&2644 & - & 3984 & -\\ 1331& 1331&- & - & - & -\\ 2114 & -&- & - &634B &15,3,8,22\\ 2123& 2123&4237 & 5137 & 6387 &15,3,16,14\\ 2132& 2132&4273 & 5173 & - & -\\ 2222 & 2222(PF)&4444 (PF) &4444(PF) & 6684 (PF) & 12,12,16,8 (PF)\\ 2213& 2213&- & - & 6648 (PF) & 12,12,8,16 (PF)\\ 2231& 2231&- & - & - & -\\ 2312& 2312&4615 & 3715 & 6945 &9,21,8,10\\ 2321& 2321&4651 & 3751 & 6981&9,21,16,2\\ 3113& 3113&- & - & 9348& -\\ 3122& 3122&6244 & - & 9384 & -\\ 3131& 3131&- & - & - & -\\ 3212& 3212&6415 & 7315 &9645 &21,9,8,10\\ 3221& 3221& 6451 & 7351 & 9681 & 21,9,16,2\\ 3311& 3311&6622 & 6622 & 9942(PF)& 18,18,8,4 (PF)\\ 3324& -& - & -& 998A (PF) & 18,18,16,20 (PF)\\ 3333& 3333(PF)& 6666 (PF) & 6666(PF) & - &-\\ \hline \end{array} \end{gather*}\vspace{-5mm} \caption{Generators for $H^3\big(V^{(i)}_\lambda\big)^G$.} \label{tblform} \end{figure} The following proposition now shows that claim about $W_{\lambda}^{(i)}$ for $i=1,2,3,6,7$: \begin{Proposition}\label{prpdelPezzo} Consider one of the families $X_{\lambda}^{(i)}$ with $i\in \{1,2,3,6,7\}$ from Fig.~{\rm \ref{tbl}}. Then there exist families of del Pezzo surfaces~$S^{(i,j)}_{\lambda}$ and degree $2$ morphisms $\varphi^{(i,j)}_{\lambda}\colon X_{\lambda}^{(i)} \to S^{(i,j)}_{\lambda}$ such that if $i\in \{1,6,7\}$ then for almost all $\lambda$ we have that \begin{gather*} W_\lambda^{(i)} \subset \sum_j \varphi^{(i,j)*}_{\lambda} \big(H^2\big(S^{(i,j)}_{\lambda}\big)\big)\end{gather*} and if $i\in \{2,3\}$ then for almost all $\lambda$ we have that \begin{gather*} W_\lambda^{(i)} \cap \sum_j \varphi^{(i,j)*}_{\lambda} \big(H^2\big(S^{(i,j)}_{\lambda}\big) \big)\end{gather*} has codimension $2$ in $W_{\lambda}^{(i)}$ and the forms $\tilde{\omega}_{1133}$, $\tilde{\omega}_{3311}$ generate a complementary subspace in~$W_\lambda^{(i)}$. If $i=3$ or $i=7$ or $q\equiv 1 \bmod 4$ then we can take the $S^{(i,j)}_{\lambda}$ to be defined over~$\mathbf{F}_q$. If $q\equiv 3 \bmod 4$ and $i\in\{1,2,6\}$ then some of the $S^{(i,j)}_{\lambda}$ are only defined over~$\mathbf{F}_{q^2}$. \end{Proposition} \begin{proof} Note that $W_{\lambda}^{(i)}$ is spanned by $\tilde{\omega}_{\mathbf{m}}$ where $\mathbf{m}$ are precisely these entries from the f\/irst column of Fig.~\ref{tblform} such that in the column corresponding to~$i$ there the entry is dif\/ferent from~``$-$'' and is without the mark~``$(PF)$''. Note also that in the notation of the previous section we have $\tilde{U}^{(i)}_{\lambda}={U}^{(i)}_{\lambda}$. Hence we denote dif\/ferential forms on the complement of $X_\lambda^{(i)}$ with $\tilde{\omega}$ and forms on the complement of $Y_{\lambda}^{(i)}$ with $\omega$. A def\/ining polynomial for $X^{(i)}_{0}$ can be found in Fig.~\ref{tbl}. Recall that for each family we took $(1,1,1,1)$ as the deformation factor. In particular, each of the f\/ive families under consideration is each invariant under the automorphisms $\sigma$ and $\tau$ def\/ined by \begin{gather*} \sigma(x_0,x_1,x_2,x_3):=(x_1,x_0,x_2,x_3),\qquad \tau(x_0,x_1,x_2,x_3):=(-x_1,-x_0,x_2,x_3).\end{gather*} A straightforward calculation shows that the quotients of $X_{\lambda}^{(i)}$ by $\sigma$ and by $\tau$ are both surfaces of degree 4 in $\mathbf{P}(1,1,1,2)$, and that for general $\lambda$ they are smooth (explicit equations for these surfaces can be found in the appendix). Hence the quotient surfaces are del Pezzo surfaces of degree $2$. Denote the corresponding surfaces with $S^{(i,1)}_{\lambda}$ and~$S^{(i,2)}_{\lambda}$ Let $\mathbf{m}=(a,b,c,d)$ with $a,b,c,d\in \{1,2,3,4\}$ be such that $a+b+c+d\equiv 0 \mod 4$. Then $\tilde{\omega}_\mathbf{m}+\sigma^*\tilde{\omega}_{\mathbf{m}}$ is invariant under $\sigma^*$ and therefore contained in $\pi_1^*\big(H^2\big(S^{(i,1)}_{\lambda}\big)\big)$. Similarly, $\tilde{\omega}_\mathbf{a}+\tau^*\tilde{\omega}_{\mathbf{a}}$ is contained in $\pi_2^*\big(H^2\big(S^{(i,2)}_{\lambda}\big)\big)$. Now $\tilde{\omega}_\mathbf{m}+\sigma^*\tilde{\omega}_{\mathbf{m}}=\tilde{\omega}_{abcd}-\tilde{\omega}_{bacd}$ and $\tilde{\omega}_\mathbf{m}+\tau^*\tilde{\omega}_{\mathbf{m}}=\omega_{abcd}+(-1)^{a+b+1}\omega_{bacd}$. Hence, if $a+b$ is odd then $\tilde{\omega}_{\mathbf{m}}\in \pi_1^*\big(H^2\big(S^{(i,1)}_{\lambda}\big)\big)+\pi_2^*\big(H^2\big(S^{(i,2)}_{\lambda}\big)\big)$. In the case $i=7$ we have that $W_{\lambda}^{(i)}$ is generated by forms $\tilde{\omega}_{\mathbf{m}}$ with $a+b$ odd and we f\/inished this case. In the case $i=3$ we have that~$W_{\lambda}^{(i)}$ is generated by forms with $a+b$ odd and the two forms $\tilde{\omega}_{1133}$ and~$\tilde{\omega}_{3311}$. Hence we f\/inishes also this case. In the remaining cases $i=1,2,6$ we have a further automorphism \begin{gather*}\tau_1\colon \ (x_0,x_1,x_2,x_3)\mapsto (Ix_1,-Ix_0,x_2,x_3),\end{gather*} where $I^2=-1$. Denote $S^{3,i}_{\lambda}$ the quotient by $\tau_1$. If $q\equiv 1\bmod 4$ then $S^{3,i}_\lambda$ is def\/ined over $\mathbf{F}_q$, but if $q\equiv 3 \bmod 4$ then it is only def\/ined over $\mathbf{F}_{q^2}$. Note that \begin{gather*}\tau_1^*(\tilde{\omega}_{abcd})=(-1)^{b+1}(I)^{a+b} \tilde{\omega}_{bacd}.\end{gather*} Hence if $b$ is odd and $a+b\equiv 0 \bmod 4$ then $\tilde{\omega}_{abcd}+\tilde{\omega}_{bacd}$ is f\/ixed under $\tau_1^*$ and, as above, we f\/ind that $\tilde{\omega}_{abcd}$ is in $ \pi^*_1(H^2(S^{i,1}_{\lambda}))+\pi^*_3(H^2(S^{i,3}_{\lambda}))$. Using Fig.~\ref{tblform} we can conclude that we recovered any $\tilde{\omega}_{\mathbf{m}}$ such that the f\/irst two entries are distinct. This f\/inishes the proof for the case $i=6$. In the case $i=2$, we only miss the forms~$\tilde{\omega}_{1133}$ and~$\tilde{\omega}_{3311}$, hence we are also done in this case. In the case $i=1$ there is a $S_4$ symmetry we can use. We recover all~$\tilde{\omega}_{\mathbf{k}}$ with at least two distinct entries in~$\mathbf{k}$ and this f\/inishes also this case. \end{proof} \begin{Remark} In the cases $i=2,3$ we do not recover $\tilde{\omega}_{1133}$ and $\tilde{\omega}_{3311}$. However, the families $i=1,2,3$ have \begin{gather*} x_0^{24}+x_1^{24}+x_2^{24}+x_3^{24}+\lambda\left(x_0x_1x_2x_3\right)^6\end{gather*} as a common cover. For each of three families the form $\tilde{\omega}_{1133}$ is pulled back to the form $\omega_{6,6,18,18}$ on $V_\lambda$. Hence we can use $X^{(1)}_\lambda$ to express this form in terms of divisors pulled back form~$S^{1,3}_{\lambda}$. \end{Remark} In the following examples we discuss how to f\/ind generators for the subspace~$C$. For the examples $i=4,5,8$ we list a basis for $H^3\big(V_\lambda^{(i)}\big)^{G_{\max}}$ and also discuss strategies to f\/ind generators for~$W_\lambda$. \begin{Example} For the case $i=1,2,3,6,7$ we note that Proposition~\ref{prpdelPezzo} yields a basis for $W^{(i)}_\lambda$ in terms of curves pulled back from del Pezzo surfaces $S^{(i,j)}$. In the appendix we will explain how to f\/ind these curves. For each of these cases we can f\/ind generators for $C$ in each of these cases, but the approach depends on~$i$: \begin{itemize}\itemsep=0pt \item[$i=1$] $C=0$ in this case. \item[$i=2$] The curves given by $x_3=0$, $x_0=-I^k x_1$ and the ones given by $x_4=0$, $x_0=-I^kx_1$ are in $C$, with $I^2=-1$. One easily checks that they generate~$C$. These curves can also be obtained by pulling back curves from the del Pezzo quotients: For example, consider the quotient by the automorphism $\sigma\colon (x_0,x_1,x_2,x_3)\mapsto (x_1,x_0,x_2,x_3)$. We f\/ind that $\omega_{abcd}-\omega_{bacd}$ is a $1$ eigenvector if $(a,b)\neq (b,a)$. However, there are only~5 such eigenvectors. The Picard group of the del Pezzo surface has rank 8. The additional three divisors are the hyperplane class and the two curves pulled back from the curves $x_3=x_1^2+x_2^2=0$ and $x_4=x_1^2+x_2^2=0$. \item[$i=3$] We have that for $j<2$ and $k>1$ the line $x_j=x_k=0$ is contained in $X_{\lambda}^{(3)}$ as are $x_m=0$, $x_2=\pm I x_3$, $m \leq 2$ and $x_m=0$, $x_1=\pm I x_0$, $m\in \{2,3\}$. These are 12 curves, but generate a rank 9 sublattice of the Picard lattice, and this lattice contains the hyperplane class. Linear combinations of these curves span~$C$. \item[$i=6$] As in the case $i=2$ in this case we have that the automorphism $\sigma$ f\/ixes only six eigenvectors of the form $\tilde{\omega}_{\mathbf{k}}-\tilde{\omega}_{\sigma(\mathbf{k})}$. The seventh eigenvector is the class of the curve $x_3=0$, $x_0^2+x_1^2$, which is an element of~$C$. The other coordinate hyperplanes yields three further curves, contributing another two to the Picard number. \item[$i=7$] In this case we take $x_0=0$ or $x_1=0$ then we f\/ind $x_3(x_2^3+x_3^3)=0$. In this way we f\/ind 8 lines, contributing six to cohomology. \end{itemize} \end{Example} We discuss now the other f\/ive examples: \begin{Example} Consider now the case $i=4$. In this case the Fermat cover $Y_{\lambda}^{(4)}$ has degree~28. Let $G$ be the associated group of torus automorphisms. Then the multiples $\omega_{\mathbf{k}}$ with $\mathbf{k}$ a~multiple of $(7,7,7,7)$ generate a~rank~3 subspace of $H^3\big(V_{\lambda}^{(4)}\big)^G$ which is common to the examples $i=1,2,3$. The other monomial types associated with forms in $H^3(V_{\lambda}^{(4)})^G$ are \begin{gather*} (7,11,15,23),\ (7,3,27,19),\ (14,2,18,22), \ (14,6,26,10), \ (21,1,9,25), \ (21,5,17,13)\end{gather*} and those obtained by a cyclic permutation of the last three coordinates. In particular, these~$\omega_{\mathbf{k}}$ generate already a rank~21 subspace of $H^3(V_\lambda)^G$, which has dimension at most~21. Hence we found a basis for $H^3\big(V_{\lambda}^{(4)}\big)^G$ and we have $C=0$ in this case. One can obtain some information on the zeta function as follows. If $q\equiv 1 \bmod 28$ then we can factor the zeta function over~$\mathbf{Q}_q$ according to strong equivalence classes (cf.\ \cite[Section~4]{Zetafamrec}). The strong equivalence class of $(7,7,7,7)$ consists further of $(14,14,14,14)$ and $(21,21,21,12)$. The class of $(7,11,23,15)$ consists further of $(14,18,2,22)$ and of $(21,25,9,1)$. The class of $(7,3,19,27)$ consists further of $(14,10,26,6)$ and of $(21,17,5,13)$. The other classes can be obtained by permutation the last three coordinates. In particular, we f\/ind that the characteristic polynomial on $H^3\big(V_{\lambda}^{(4)}\big)^G$ can be written as $P_3Q_3^3R_3^3$, where $P_3$, $Q_3$ and~$R_3$ are in $\mathbf{Q}_q[T]$ and have degree 3. The polynomial $P_3$ is the common factor and by Corollary~\ref{corMain} in~$\mathbf{Q}[T]$. Since $P_3Q_3^3R_3^3\in \mathbf{Q}[T]$ we f\/ind that also $Q_3(T)R_3(T)$ is in $\mathbf{Q}[T]$. The results from \cite[Section 5]{zetafam} yield three explicit matrices, each $3\times 3$, whose entries are rational functions of generalised $p$-adic hypergeometric functions, such that the three corresponding characteristic polynomials are $P_3, Q_3$ and $R_3$. As mentioned in the introduction of this paper, we did not f\/ind a complete set of generators for generic Picard group for two of the ten families. This family is one of these two families. \end{Example} \begin{Example} The degree of the Fermat cover of the f\/ifth example is 80. The monomial type $(20,20,20,20)$ and its two multiplies in $H^3\big(V_{\lambda}^{(5)}\big)$ yield the factor common with the examples $i=1,2,3,4$. The other monomial types associated with classes in $H^3\big(V_{\lambda}^{(5)}\big)^G$, are \begin{gather*}(4,52,36,58),\ (24,72,56,8),\ (44,12,76,28),\ (64,32,16,48)\end{gather*} and the cyclic permutations of these. Hence $W_\lambda^{(5)}$ has dimension 16. The subspace~$C$ has dimension~2 and contains the classes of the lines $x_0=x_2=0$ and $x_1=x_3=0$. To f\/ind the curves contributing to the rank 16 part, we can use permutations, similarly as in the above examples. The cyclic permutation of $1$, $2$, $3$, $4$ is odd. Denote this permutation by~$\sigma_0$. The quotient by this permutation is a del Pezzo surface of degree~5. Fix now a primitive f\/ifth root of unity $\zeta$. Let \begin{gather*} \rho:=(x_0,x_1,x_2,x_3)\mapsto \big(\zeta x_0, \zeta^3 x_1,\zeta^4 x_2,\zeta^2 x_1\big).\end{gather*} For $i=1,2,3,4$ we set $\sigma_i=\sigma_0\rho^i$. Then each $\sigma_i$ has order 4. Let $\mathbf{m}$ be a monomial types such that $\tilde{\omega}_{\mathbf{m}}$ is pulled back to one of the 16 forms $H^3\big(V_{\lambda}^{(5)}\big)^G$ not a multiple of $(20,20,20,20)$. Consider now $\big\{ \sum\limits_{j=0}^3 \sigma_i^j \tilde{\omega}_{\mathbf{m}} \colon i=0,\dots,3\big\}$. A~direct calculation using a Vandermonde determinant shows that these four forms are linearly independent and that their span contains $\tilde{\omega}_{\mathbf{k}}$. Hence $\tilde{\omega}_{\mathbf{k}}$ is contained in the subspace spanned by $\mathop{\cup}\limits_{i=1}^4 H^3(U_\lambda)^{\sigma_i}$. So each of the $\tilde{\omega}_{\mathbf{k}}$ can be expressed as a linear combination of curves on the del Pezzo surface~$X_{\lambda}^{(5)}/\sigma_i$, with $i=0,1,2,3$. Using the terminology of \cite[Section~6]{zetafam} we have two weak equivalence classes of monomial types, one consisting of three monomial types and consisting of 16 monomial types. The large class decomposes in four strong equivalence classes. These four strong equivalence classes are in one $\sigma$-orbit. From this we obtain if $q\equiv 1 \bmod 20$ then the characteristic polynomial of Frobenius is $P_4 Q_4^4$, where both~$P_4$ and~$Q_4$ are of degree~4. A dif\/ferent approach to f\/ind curves on $X_{\lambda}^{(5)}$ would be to use the line $x_0=x_2=0$ to f\/ind an elliptic f\/ibration. A Weierstrass equation for this f\/ibration is \begin{gather*} y^2=x^3 -27s^4\big(\lambda^4+144\big)x-54s\big({-}s^5\lambda^6+864s^{10}+648s^5\lambda^2+864\big).\end{gather*} For general $\lambda$ the f\/ibration has 2 f\/ibers of type~$II$ and 20 f\/ibers of type~$I_1$. The sections of this f\/ibration and the f\/iber class generate the Picard group for general~$\lambda$. \end{Example} \begin{Example} For $i=8$ that the Fermat cover has degree 12, and the deformation vector is pulled back to $4242$. The Picard--Fuchs equation has order 4. The other monomial types $\omega_{\mathbf{k}}$ are built up from pairs from $42$, $45$, $48$, $4B$, $81$, $84$, $87$, $8A$ (where $A=10$, $B=11$) such that the entries add up to a multiple of $12$ and such that $\mathbf{k}$ is not a multiple of~$4242$. In total we f\/ind 12 such forms. The complementary f\/ive-dimensional subspace comes from coordinate plane sections, i.e., $x_1=0$ yields $x_3\big(x_2^3+x_3^3\big)$, and also $x_3=0$ contributes. The total contribution is~5. We do not have any odd permutation to work with. However, this surface has many elliptic f\/ibrations and one may be able to work with them. As mentioned in the introduction of this paper, we did not f\/ind a complete set of generators for generic Picard group for two of the ten families. This family is one of these two families. \end{Example} \begin{Example} In the ninth example we have that the common cover has degree~36. The deformation monomial has exponents $9$, $12$, $8$, $7$. There are 18 multiples of this vector without a zero in $\mathbf{Z}/36\mathbf{Z}$. Hence the Picard--Fuchs equation has degree 18. Moreover, the curves $x_2=0$, $x_0=i^kx_4$ together with the hyperplane class generate the generic Picard group. \end{Example} \begin{Example} In the tenth examples we have that the Fermat cover has degree 108. The deformation monomial has exponents $36$, $24$, $28$, $20$. There are 18 multiples of this vector without a zero in $\mathbf{Z}/108\mathbf{Z}$. Hence the Picard--Fuchs equation has degree~18. Moreover, we have the curves $x_1=x_3=0$, $x_1=0$, $x_2=\omega^i x_3$ and $x_3=0$, $x_0^3-x_1^2x_2=0$. This are f\/ive curves admitting two relations. \end{Example} \begin{Remark}In two cases we did not f\/ind generators. In these two cases dif\/ferent there is no permutation $\sigma$ of the coordinates which is automorphism of the family and such that the quotient surface is a rational surface. In the other examples with nontrivially $W_\lambda$, this space was generated by pull backs of curves coming from rational surfaces. It is the author's experience that in characteristic zero, establishing explicit curves generating the Picard group of a surface, is an easier problem when working with surfaces with $h^{2,0}=0$ then when working with surfaces with $h^{2,0}>0$. This can be partly explained by the fact that degrees and intersection numbers of generators of the Picard group are determined by the topology of the surface in the case $h^{2,0}=0$, but not in the case $h^{2,0}>0$. A similar problem is determining a basis of the Mordell--Weil group of an elliptic~K3 surfaces (which is equivalent to determining generators for the N\`eron--Severi group of that surface). This turned out to be much simplif\/ied if the~$K3$ surface is in various ways the pull back of a rational elliptic surface. (E.g., see~\cite{ToMe,KloKuw,Scholten}.) \end{Remark}
611ba212561e56be417ad4322f4d566957a5e2b0
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Main result} Consider the Hamming cube $\{-1,1\}^{n}$ of an arbitrary dimension $n\geq 1$. For any $f :\{-1,1\}^{n} \to \mathbb{R}$ define the discrete partial derivative $\partial_{j} f(x)$ as follows \begin{align*} \partial_{j} f(x) = \frac{f(x)-f(S_{j}(x))}{2}, \quad x = (x_{1}, \ldots, x_{n}) \in \{-1,1\}^{n}, \end{align*} where $S_{j}(x)$ is obtained from $x$ by changing the sign of $j$'th coordinate of $x$. Set $\nabla f(x) := (\partial_{1} f(x), \ldots, \partial_{n} f(x))$, and we define the norm of the discrete gradient \begin{align*} |\nabla f|^{2}(x) := \sum_{j=1}^{n} (\partial_{j} f(x))^{2} = \sum_{y \sim x} \left( \frac{f(x)-f(y)}{2}\right)^{2}, \end{align*} where the summation in the last term runs over all neighbor vertices of $x$ in $\{-1,1\}^{n}$. Set \begin{align*} \mathbb{E} f = \frac{1}{2^{n}} \sum_{x \in \{-1,1\}^{n}} f(x). \end{align*} \begin{theorem}\label{osnovnaya} For any $1<p\leq 2$, $n\geq 1$, and any $f:\{-1,1\}^{n} \to \mathbb{R}$ we have \begin{align} s_{p'} (\mathbb{E} |f|^{p} - |\mathbb{E} f|^{p})^{1/p} \leq (\mathbb{E} |\nabla f|^{p})^{1/p}. \label{nasha} \end{align} Here $p'=\frac{p}{p-1}$ is the conjugate exponent of $p$, and by $s_{q}$ we denote the smallest positive zero of the confluent hypergeometric function ${}_{1}F_{1}(-\frac{q}{2}, \frac{1}{2}, \frac{x^{2}}{2})$ (see (\ref{series}) for the definition). \end{theorem} In Lemma~\ref{smalllest} we obtain a lower bound $s_{p'}\geq \sqrt{2/p'}$ for $1<p\leq 2$ which is precise when $p\to 2$. If $p'=2k$ for $k\in \mathbb{N}$, then $s_{p'}$ becomes the smallest positive zero of the Hermite polynomial $H_{2k}(x)$ where \begin{align*} H_{m}(x) = \int_{\mathbb{R}}(x+iy)^{m} \frac{e^{-y^{2}/2}}{\sqrt{2\pi}} dy. \end{align*} The constant $s_{p'}$ in (\ref{nasha}) is larger then all previously known bounds~\cite{NAOR, Efraim} when $p$ is in a neighborhood of $2$, say $p\in (1.26, 2)$. For example, the estimate (\ref{nasha}) improves the Naor--Schechtman bound \cite{NAOR} for the class of real valued functions for all $1<p<2$. Indeed, it follows from an application of Khinchin inequality with the sharp constant and (\ref{nasha}) that we have the following corollary \begin{corollary}\label{asebi} For any $1<p\leq 2$, $n\geq 1$, and any $f : \{-1,1\}^{n} \to\mathbb{R}$ we have \begin{align}\label{assaf1} s^{p}_{p'} 2^{\frac{p-2}{2}} \min\left(1,\frac{\Gamma((p+1)/2)}{\Gamma(3/2)} \right) \mathbb{E}| f- \mathbb{E}f |^{p} \leq \mathbb{E}_{x}\, \mathbb{E}_{x'} \left|\sum_{j=1}^{n} x'_{j}\partial_{j} f(x)\right |^{p}, \end{align} where $\mathbb{E}_{x}$ and $\mathbb{E}_{x'}$ average in variables $x$ and $x' =(x'_{1}, \ldots, x'_{n}) \in \{-1,1\}^{n}$ correspondingly. \end{corollary} We will see in Proposition~\ref{comp} that \begin{align*} s^{p}_{p'} 2^{\frac{p-2}{2}} \min\left(1,\frac{\Gamma((p+1)/2)}{\Gamma(3/2)} \right) > (p-1)^{p} \quad \text{for} \quad 1<p<2. \end{align*} The latter implies that the estimate (\ref{assaf1}) improves the bound of Naor--Schechtman for $1<p<2$ in the case of real valued functions (see Theorem~1 in \cite{NAOR} where $\beta_{p}(\mathbb{R})=1/(p-1)$). \bigskip On the other hand $s_{p'}$ degenerates to $0$ when $p\to 1+$ which should not be the case for the best possible constant by a result of Talagrand (see Section~\ref{sobolevskie}). For this endpoint case, when $p$ is close to $1$, the result of Ben-Efraim--Lust-Piquard~\cite{Efraim} gives the better bounds \begin{align}\label{piquard1} \frac{2}{\pi} (\mathbb{E}|f-\mathbb{E}f|^{p})^{1/p}\leq (\mathbb{E}|\nabla f|^{p})^{1/p} \quad 1\leq p\leq 2, \end{align} and when $p=1$ it is widely believed that the sharp constant in the left hand side of (\ref{piquard1}) should be $\sqrt{2/\pi}$ instead of $2/\pi$ (see Section~\ref{sobolevskie} for more details). \bigskip We think that the main contribution of the current paper is not just Theorem~\ref{osnovnaya} that we obtain but rather a new {\em duality} approach that we develop between two different classes of extremal problems: square function estimates on the interval $[0,1]$ and gradient estimates on the Hamming cube, and Theorem~\ref{osnovnaya} should be considered as an example. Roughly speaking one can take a valid estimate for a square function, dualize it by a certain double Legendre transform, and one can write its corresponding dual estimate on the Hamming cube and vice versa. To illustrate another example of our duality approach, in Section~\ref{poo} we present a short proof of the following theorem which improves a well--known inequality of Beckner \begin{theorem}[see \cite{IVVO}] For any $n\geq 1$, and any $f:\{-1,1\}^{n} \to \mathbb{R}$ we have \begin{align*} \mathbb{E}\, \Re\, (f+i|\nabla f|)^{3/2} \leq (\Re\, \mathbb{E} f)^{3/2}, \end{align*} where $\Re$ denotes the real part, and $z^{3/2}$ is understood in the sense of principal brunch in the upper half-plane. \end{theorem} \bigskip Going back to Theorem~\ref{osnovnaya}, it will be explained later that $s_{p'}$ in a ``dual'' sense coincides with the sharp constant found by B.~Davis in the $L^{q}$ norm estimates \begin{align} &s_{q} \| T^{1/2}\|_{q}\leq \|B_{T}\|_{q}, \quad q\geq 2, \quad \| T^{1/2}\|_{q}<\infty; \label{Davis01}\\ & \| B_{T}\|_{p}\leq s_{p}\|T^{1/2}\|_{p}, \quad 0<p\leq 2. \label{Davis02} \end{align} Here $B_{t}$ is the standard Brownian motion starting at zero, and $T$ is any stopping time. It was explained in \cite{Davis} that the same sharp estimates (\ref{Davis01}) and (\ref{Davis02}) hold with $B_{T}$ replaced by an integrable function $g$ on $[0,1]$ with mean zero, and $T^{1/2}$ replaced by the dyadic square function of $g$. We notice the essential difference between the Davis estimates (\ref{Davis01}), (\ref{Davis02}) and (\ref{nasha}) that for a given power $p, 1<p\leq 2$, we need the ``dual'' constant $s_{p'}=s_{\frac{p}{p-1}}$ in the theorem. Besides, inequality (\ref{nasha}) cannot be extended to the full range of exponents $p$ with some finite strictly positive constant $c(p)$ unlike (\ref{Davis01}) and (\ref{Davis02}) (see~\cite{Davis, BUR, BUR01} and (\ref{Latala})). \section{Proof of the main result} \subsection{An anonymous Bellman function}\label{anonymous} In this section we want to define a function $U: \mathbb{R}^{2} \to \mathbb{R}$ that satisfies some special properties. Let $\alpha \geq 2$ and let $\beta =\frac{\alpha}{\alpha-1}\leq 2$ be the conjugate exponent of $\alpha$. Let \begin{align}\label{series} N_{\alpha }(x):={}_{1}F_{1}\left(-\frac{\alpha }{2}, \frac{1}{2}, \frac{x^{2}}{2} \right) = \sum_{m=0}^{\infty}\frac{(-2x^{2})^{m}}{(2m)!}\frac{\alpha }{2}\left(\frac{\alpha }{2}-1\right)\cdots \left(\frac{\alpha }{2}-m+1 \right)=1-x^{2} \frac{\alpha}{2}+... \end{align} be the confluent hypergeometric function. $N_{\alpha }(x)$ satisfies the Hermite differential equation \begin{align}\label{hermit} N''_{\alpha }(x)-xN'_{\alpha }(x)+\alpha N_{\alpha}(x)=0 \quad \text{for} \quad x\in \mathbb{R} \end{align} with initial conditions $N_{\alpha}(0)=1$ and $N'_{\alpha}(0)=0$. Let $s_{\alpha}$ be the smallest positive zero of $N_{\alpha}$. Set \begin{align*} u_{\alpha}(x) := \begin{cases} -\dfrac{\alpha s_{\alpha}^{\alpha-1}}{N'_{\alpha}(s_{\alpha})} N_{\alpha}(x), & 0\leq |x|\leq s_{\alpha};\\[10pt] s_{\alpha}^{\alpha}-|x|^{\alpha}, & s_{\alpha} \leq |x|. \end{cases} \end{align*} Clearly $u_{\alpha}(x)$ is $C^{1}(\mathbb{R}) \cap C^{2}(\mathbb{R}\setminus{\{s_{\alpha}\}})$ smooth even concave function. The concavity follows from Lemma~\ref{root} and the fact that $N'_{\alpha}(s_{\alpha}) <0$. Finally we define \begin{align}\label{upq} U(p,q) := |q|^{\alpha} u_{\alpha}\left( \frac{p}{|q|}\right) \quad \text{with} \quad U(p,0)=-|p|^{\alpha}. \end{align} For the first time the function $U(p,q)$ appeared in~\cite{Davis}. Later it was also used in \cite{Wang, Wang2} in the form $\widetilde{u}(p,t)=U(p,\sqrt{t})$, $t\geq 0$. It was explained in~\cite{Davis} that $U(p,q)$ satisfies the following properties: \begin{align} &U(p,q) \geq |q|^{\alpha} s_{\alpha}^{\alpha} - |p|^{\alpha} \quad \text{for all} \quad \quad (p,q) \in \mathbb{R}^{2}, \quad \text{and when}\; q=0, \; \text{the equality holds}; \label{obstacle}\\ & 2U(p,q) \geq U(p+a,\sqrt{a^{2}+q^{2}}) + U(p-a, \sqrt{a^{2}+q^{2}}) \quad \text{for all} \quad (p,q,a) \in \mathbb{R}^{3}.\label{neravenstvo} \end{align} We should refer to (\ref{obstacle}) as the {\em obstacle condition}, and to (\ref{neravenstvo}) as the {\em main inequality}. We caution the reader that in \cite{Davis} one may not find (\ref{neravenstvo}) written explicitly but one will find its infinitesimal form \begin{align}\label{infinitesimal} \widetilde{u}_{t} + \frac{\widetilde{u}_{pp}}{2} \leq 0 \quad \text{for} \quad \widetilde{u}(p,t) = U(p,\sqrt{t}), \end{align} which follows from the main inequality by expanding it into Taylor's series with respect to $a$ near $a=0$ and comparing the second order terms. Here $\widetilde{u}_{pp}$ is defined everywhere except the curve $|p/\sqrt{t}| = s_{\alpha}$ where $\widetilde{u}$ is only differentiable once. In fact, the reverse implication also holds, i.e., one can derive (\ref{neravenstvo}) from (\ref{infinitesimal}) for this special $U$. This was done in the PhD thesis of Wang \cite{Wang2} but we will present a short proof in Section~\ref{heatt}, which partly follows the Davis argument. Essentially the same argument also appeared later in \cite{BM} in a slightly different setting. The function $U(p,q)$ is essential in obtaining the result in the Davis paper, namely it is used in the proof of (\ref{Davis01}), and the argument goes as follows. First one shows that \begin{align*} X_{t} = U(B_{t},\sqrt{t}) \quad \text{for} \quad t \geq 0 \end{align*} is a supermartingale which is guaranteed by (\ref{infinitesimal}). Finally, by the optional stopping theorem, \begin{align*} \mathbb{E}(T^{\frac{\alpha}{2}}s_{\alpha}^{\alpha} - |B_{T}|^{\alpha}) \stackrel{(\ref{obstacle})}{\leq} \mathbb{E}U(B_{T}, \sqrt{T}) \leq U(0,0)=0, \end{align*} which yields (\ref{Davis01}). One may notice that $U(p,q)$ is the minimal function with properties (\ref{obstacle}) and (\ref{neravenstvo}). Davis mentions that the proof presented in his paper was suggested by an anonymous referee, and this explains the title of the current section. \subsection{Dualizing the Bellman function $U(p,q)$ and going to the Hamming cube} Set $\Psi(p,q,x,y):=px+qy+U(p,q)$ for $x \in \mathbb{R}$ and $y \geq 0$. We define \begin{align}\label{dualbellman} M(x,y) = \min_{q \leq 0} \sup_{p \in \mathbb{R}} \Psi(p,q,x,y) \quad \text{for} \quad x \in \mathbb{R}, \; y \geq 0. \end{align} \begin{lemma}\label{milion} For each $(x,y)\in \mathbb{R}\times \mathbb{R}_{+}$, there exists $(p^{*},q^{*}) = (p^{*}(x,y), q^{*}(x,y))$ such that \begin{align}\label{fedja0} \min_{q \leq 0} \sup_{p \in \mathbb{R}} \Psi(p,q,x,y)=\max_{p \in \mathbb{R}} \inf_{q \leq 0} \Psi(p,q,x,y)=\Psi(p^{*},q^{*},x,y) \end{align} and we have \begin{align}\label{sedlo} \Psi(p,q^{*},x,y) \leq \Psi(p^{*},q^{*},x,y) \leq \Psi(p^{*},q,x,y)\quad \text{for all} \quad (p,q) \in \mathbb{R}\times \mathbb{R}_{-}. \end{align} \end{lemma} \begin{proof} First let us show that for each fixed $(x,y)$ the function $\Psi(p,q,x,y)$ is convex in $q$ and concave in $p$. The concavity in $p$ follows from Lemma~\ref{root}, and the fact that $U$ is even and $C^{1}$ smooth in $p$. To verify the convexity in $q$, it is enough to show that the map $q \mapsto U(p,q)$ is convex for $|p|\leq |q| s_{\alpha} $. Set $z=\frac{|p|}{|q|} \in [0, s_{\alpha}]$. Then we have \begin{align*} &U_{qq} =|q|^{\alpha-2}\left[\alpha(\alpha-1)u_{\alpha}(z) - 2(\alpha-1)z u'_{\alpha}(z) +z^{2}u''_{\alpha}(z)\right] \stackrel{(\ref{hermit})}{=}\\ &|q|^{\alpha-2}\left[-(\alpha-1)z u'_{\alpha}(z) + (z^{2}-\alpha+1)u''_{\alpha}(z) \right]. \end{align*} Since $u_{\alpha}(z)$ coincides with $N_{\alpha}(z)$ up to a positive constant, the convexity follows from Lemma~\ref{root} and the fact that $\alpha\geq 2$. Notice that for each $(x,y) \in \mathbb{R}\times \mathbb{R}_{+}$ the map \begin{align}\label{fedja} (p,q) \mapsto px + qy + |q|^{\alpha} u_{\alpha}\left(\frac{p}{|q|}\right) \end{align} satisfies the assumptions of Theorem~\ref{hartung} where we take $(p_{0}, q_{0})=(0,0)$ (see Section~\ref{minnn} in Appendix). Therefore the conclusions of Lemma~\ref{milion} follow from Theorem~\ref{hartung}. \end{proof} \begin{lemma}\label{doska} For $\beta = \frac{\alpha}{\alpha-1}$, any $x,a,b \in \mathbb{R}$, and any $y\geq 0$ we have \begin{align} &M(x,y) \geq \left( \frac{\alpha-1}{\alpha^{\beta}}\right)\left(|x|^{\beta} -\frac{y^{\beta}}{s_{\alpha}^{\beta}}\right) \quad \text{and when} \; y=0 \; \text{the equality holds}; \label{obs2}\\ &2 M(x,y) \geq M(x+a, \sqrt{a^{2}+(y+b)^{2}})+M(x-a, \sqrt{a^{2}+(y-b)^{2}}) \,.\label{dualinequality} \end{align} \end{lemma} The reader notices that dualization (\ref{dualbellman}) produces inequality (\ref{dualinequality}) that is different from (\ref{neravenstvo}). \begin{proof} Set \begin{align*} (x_{\pm}, y_{\pm}) := (x\pm a, \sqrt{a^{2}+(y\pm b)^{2}}). \end{align*} Lemma~\ref{milion} gives points $(p^{*},q^{*})$ and $(p^{\pm}, q^{\pm})$ corresponding to $(x,y)$ and $(x_{\pm}, y_{\pm})$. It follows from (\ref{sedlo}) that to prove (\ref{dualinequality}) it would be enough to find numbers $p \in \mathbb{R}$ and $q_{1}, q_{2} \leq 0$ such that \begin{align*} 2\Psi(p,q^{*},x,y) \geq \Psi(p^{+}, q_{1}, x_{+}, y_{+})+ \Psi(p^{-}, q_{2}, x_{-}, y_{-}) . \end{align*} The right choice will be \begin{align}\label{choose} p = \frac{p^{+}+p^{-}}{2}\quad \text{and} \quad q_{1}=q_{2} = - \sqrt{\left(\frac{p^{+}-p^{-}}{2}\right)^{2} + (q^{*})^{2}}\,, \end{align} but let us explain it in details. Notice that by Cauchy--Schwarz we have \begin{align*} q_{1}\sqrt{a^{2}+(y+b)^{2}} + q_{2}\sqrt{a^{2}+(y-b)^{2}} - 2q^{*}y \leq -|a|\left(\sqrt{q_{1}^{2}-(q^{*})^{2}}+\sqrt{q_{2}^{2}-(q^{*})^{2}} \right) \end{align*} provided that $q_{1}, q_{2} \leq q^{*}\leq 0$. Indeed, we have \begin{align*} &q_{1}\sqrt{a^{2}+(y+b)^{2}} + q_{2}\sqrt{a^{2}+(y-b)^{2}} - 2q^{*}y =\\ &-\sqrt{(q_{1}^{2}-(q^{*})^{2})+(q^{*})^{2}}\, \sqrt{a^{2}+(y+b)^{2}}-\sqrt{(q_{2}^{2}-(q^{*})^{2})+(q^{*})^{2}}\, \sqrt{a^{2}+(y-b)^{2}} -2q^{*}y \leq \\ &-|a|\sqrt{q_{1}^{2}-(q^{*})^{2}} - |q^{*}(y+b)|-|a|\sqrt{q_{2}^{2}-(q^{*})^{2}} - |q^{*}(y-b)|-2q^{*}y\leq \\ &-|a|\left( \sqrt{q_{1}^{2}-(q^{*})^{2}}+\sqrt{q_{2}^{2}-(q^{*})^{2}}\right). \end{align*} Denoting $r_{j}^{2}=q_{j}^{2}-(q^{*})^{2}$ for $j=1,2$, we see that it is enough to find $p \in \mathbb{R}$ and $r_{1}, r_{2} \geq 0$ such that \begin{align*} 2(px+U(p,q^{*})) \geq -|a|(r_{1}+r_{2})+p^{+}x_{+}+U\left( p^{+},\sqrt{r_{1}^{2}+(q^{*})^{2}}\right)+p^{-}x_{-}+U\left( p^{-},\sqrt{r_{2}^{2}+(q^{*})^{2}}\right). \end{align*} By choosing $p=\frac{p^{+}+p^{-}}{2}$, and substituting the values for $x_{\pm}=x\pm a$ we see that it would suffice to find $r_{1}, r_{2}\geq 0$ such that \begin{align*} 2U\left(\frac{p^{+}+p^{-}}{2}, q^{*} \right)\geq -|a|(r_{1}+r_{2})+a(p^{+}-p^{-}) +U\left( p^{+}, \sqrt{r_{1}^{2}+(q^{*})^{2}}\right)+U\left( p^{-}, \sqrt{r_{2}^{2}+(q^{*})^{2}}\right)\,. \end{align*} We will choose $r_{1}=r_{2} = \frac{|p^{+}-p^{-}|}{2}$. It follows from $-|a||p^{+}-p^{-}|+a(p^{+}-p^{-})\leq 0$ that we only need to have the inequality \begin{align*} 2 U\left(\frac{p^{+}+p^{-}}{2}, q^{*}\right) \geq U\left(p^{+}, \sqrt{\left( \frac{p^{+}-p^{-}}{2}\right)^{2}+(q^{*})^{2}}\right) + U\left(p^{-}, \sqrt{\left( \frac{p^{+}-p^{-}}{2}\right)^{2}+(q^{*})^{2}}\right). \end{align*} But this inequality follows from (\ref{neravenstvo}). \medskip To verify the obstacle condition (\ref{obs2}), notice that (\ref{obstacle}) for $U(p,q)$ gives \begin{align}\label{erti} M(x,y) \geq \min_{q\leq 0} \sup_{p} \left(px + qy+|q|^{\alpha}s_{\alpha}^{\alpha}-|p|^{\alpha} \right)= \left( \frac{\alpha-1}{\alpha^{\beta}}\right)\left( |x|^{\beta} - \frac{y^{\beta}}{s_{\alpha}^{\beta}} \right). \end{align} Finally if $y=0$, then we obtain \begin{align*} M(x,0) = \max_{p} \inf_{q\leq 0} (px+U(p,q)) \stackrel{(*)}{=} \max_{p} (px+U(p,0))=\sup_{p} (px-|p|^{\alpha}) = \left( \frac{\alpha-1}{\alpha^{\beta}}\right) |x|^{\beta}\,. \end{align*} Equality (*) follows from the fact that \begin{align*} q \mapsto px + U(p,q) \end{align*} is an even convex map. \end{proof} \begin{corollary}\label{selfimpr} For any $a, x \in \mathbb{R}$, all $y, b \in \mathbb{R}^{N}$, and any $N\geq 1$, we have \begin{align}\label{main} \frac{1}{2}\left(M(x+a, \sqrt{a^{2}+\|y+b\|^{2}}) +M(x-a, \sqrt{a^{2}+\|y-b\|^{2}})\right)\leq M(x, \|y\|). \end{align} \end{corollary} \begin{proof} It follows from the definition of $M$ that the map $y \mapsto M(x,y)$ is decreasing in $y$ for $y\geq 0$. Therefore by (\ref{dualinequality}) and the triangle inequality we obtain \begin{align*} &\frac{1}{2}\left(M(x+a, \sqrt{a^{2}+\|y+b\|^{2}}) +M(x-a, \sqrt{a^{2}+\|y-b\|^{2}})\right) \leq \\ &M\left(x, \frac{\|y+b\|+\|y-b\|}{2} \right) \leq M(x,\|y\|). \end{align*} \end{proof} The inequality (\ref{main}) gives rise to the estimate \begin{align}\label{IV} \mathbb{E} M(f, |\nabla f|)\leq M(\mathbb{E} f, 0) \quad \text{for all} \quad f : \{-1,1\}^{n} \to \mathbb{R}. \end{align} Indeed, the reader can find in~\cite{IVVO} the passage from (\ref{main}) to (\ref{IV}). In fact, inequality (\ref{main}) is the same as \begin{align}\label{inductive} \mathbb{E}_{x_{j}} M(f, |\nabla f|) \leq M(\mathbb{E}_{x_{j}}f, |\nabla \mathbb{E}_{x_{j}} f|) \quad \text{for any} \quad f :\{-1,1\}^{n} \to \mathbb{R}, \end{align} where $\mathbb{E}_{x_{j}}$ takes the average in the coordinate $x_{j}$, i.e., \begin{align*} \mathbb{E}_{x_{j}} f = \frac{1}{2}\left( f\underbrace{(x_{1}, \ldots, 1, \ldots, x_{n})}_{\text{set $1$ on the $j$-th place}}+ f\underbrace{(x_{1}, \ldots, -1, \ldots, x_{n})}_{\text{set $-1$ on the $j$-th place}}\right). \end{align*} The rest follows by iterating (\ref{inductive}), the fact that $\mathbb{E} = \mathbb{E}_{x_{1}}\ldots \mathbb{E}_{x_{n}}$ and $|\nabla \mathbb{E} f | =0$. \subsection{The proof of Theorem~\ref{osnovnaya}} We have \begin{align*} \left( \frac{\alpha-1}{\alpha^{\beta}}\right) \mathbb{E} \left( |f|^{\beta} - \frac{|\nabla f| ^{\beta}}{s_{\alpha}^{\beta}} \right) \stackrel{(\ref{obs2})}{\leq} \mathbb{E} M(f, |\nabla f|)\stackrel{(\ref{IV})}{\leq} M(\mathbb{E} f, 0) \stackrel{(\ref{obs2})}{=}\left( \frac{\alpha-1}{\alpha^{\beta}}\right) |\mathbb{E} f|^{\beta}, \end{align*} and this gives inequality (\ref{nasha}). \section{Remarks and Applications} \subsection{Going from $U$ to $M$: from Square function to the Hamming cube} Let $g$ be an integrable function on $[0,1]$. Let $D([0,1])$ denote all dyadic intervals in $[0,1]$. Consider the dyadic martingale $g_{n}$ defined as follows \begin{align}\label{ddy} g_{n}(x) = \sum_{|I|=2^{-n},\, I \in D([0,1])} \langle g \rangle_{I} \mathbbm{1}_{I}(x), \end{align} where $\langle g \rangle_{I} = \frac{1}{|I|} \int_{I} g$. The square function $S(g)$ is defined as follows \begin{align*} S(g)(x) = \left(\sum_{n=0}^{\infty} (g_{n+1}(x)-g_{n}(x))^{2}\right)^{1/2}. \end{align*} For convenience we always assume that the number of nonzero terms in (\ref{ddy}) is finite so that $S(g)(x)$ makes sense. Let $O(p,q)$ be a continuous real valued function, and suppose one wants to estimate the quantity $\int_{0}^{1} O(g, S(g))$ from above in terms of $\int_{0}^{1}g$. If one finds a function \begin{align} &U(p,q)\geq O(p,q), \label{opa01}\\ &2U(p,q) \geq U(p+a,\sqrt{a^{2}+q^{2}}) + U(p-a, \sqrt{a^{2}+q^{2}}), \label{opa02} \end{align} then one obtains (see \cite{Wang}) the bound \begin{align*} \int_{0}^{1} O(g,S(g)) \leq \int_{0}^{1} U(g, S(g)) \leq U\left(\int_{0}^{1} g, 0 \right). \end{align*} Conversely, suppose that the inequality \begin{align}\label{hudson} \int_{0}^{1}O(g, S(g)) \leq F\left( \int_{0}^{1} g\right) \end{align} holds for all integrable functions $g$ on $[0,1]$ and some $F$. Then there exists $U(p,q)$ such that the conditions (\ref{opa01}), (\ref{opa02}) are satisfied and $U(p,0)\leq F(p)$. Indeed, consider the extremal problem \begin{align}\label{ex1} U(p,q) = \sup_{g} \left\{\int_{0}^{1} O(g, \sqrt{S(g)^{2}+q^{2}}), \quad \int_{0}^{1}g =p \right\}. \end{align} This $U$ satisfies (\ref{opa01}) (take $g = p$ constant), and, in fact, it satisfies (\ref{opa02}). The latter fact can be proved by using the standard Bellman principle (see Chapter 8, \cite{OSE}, and survey ~\cite{NTV}). Besides, \begin{align*} U(p, 0) = \sup_{g} \left\{\int_{0}^{1} O(g,S(g)), \quad \int_{0}^{1}g =p \right\} \leq F(p) \end{align*} because of (\ref{ex1}). Therefore there is one to one correspondence between the extremal problems for the square function of the form (\ref{ex1}) and the functions $U(p,q)$ with the properties (\ref{opa01}) and (\ref{opa02}). The gradient estimates on the Hamming cube are more subtle. Take any real valued $\widetilde{O}(x,y)$ and suppose that we want to estimate $\mathbb{E} \widetilde{O}(f, |\nabla f|)$ from above in terms of $\mathbb{E} f$ for any $f : \{-1,1\}^{n} \to \mathbb{R}$ and for all $n \geq 1$. If one finds $M(x,y)$ such that \begin{align} &M(x,y)\geq \widetilde{O}(x,y), \label{opa21}\\ &2 M(x,y) \geq M(x+a, \sqrt{a^{2}+(y+b)^{2}})+M(x-a, \sqrt{a^{2}+(y-b)^{2}}), \label{opa22} \end{align} then\footnote{We do also need to assume that $y \mapsto M(x,y)$ is decreasing in $y$ for each fixed $x$ to ensure Corollary~\ref{selfimpr}. But if $M$ is $C^{1}$ smooth then $M_{y}\leq 0$ is guaranteed by (\ref{opa22}). Indeed, if we take $a=0$ in (\ref{opa22}) we obtain that $y \mapsto M(x,y)$ is concave for each $x$. Next, taking $y=b=0$ and sending $a \to 0+$, we obtain by Taylor's formula that $M_{y}(x,0)\leq 0$. Therefore $M_{y}(x,y)\leq 0$.} one can obtain the estimate (see~\cite{IVVO}) \begin{align}\label{PA} \mathbb{E} \widetilde{O}(f, |\nabla f|)\leq \mathbb{E} M(f, |\nabla f|) \leq M(\mathbb{E} f, 0)\,. \end{align} Thus finding such $M$ is sufficient to obtain the estimate but it is unclear whether conditions (\ref{opa21}) and (\ref{opa22}) are \textbf{necessary} to obtain the bound $\mathbb{E} \widetilde{O}(f, |\nabla f|)\leq M(\mathbb{E} f, 0)$. In other words we do not know what is the corresponding extremal problem for $M$, i.e., what is the right Bellman function $M$. The reason lies in the fact that there is an essential difference between the Hamming cube and the dyadic intervals, i.e., test functions do not concatenate in a good way on $\{-1,1\}^{n}$ as it happens for dyadic martingales. Now we formulate an abstract theorem that formalizes our duality principle in a general setting. \begin{theorem} Let $I, J \subseteq \mathbb{R}$ be convex sets. Take an arbitrary $O(p,q) \in C(I\times\mathbb{R}_{+})$, and let $U (p,q) : I\times \mathbb{R}_{+} \to \mathbb{R}$ satisfy properties (\ref{opa01}) and (\ref{opa02}). Assume that for each $(x,y) \in J\times \mathbb{R}_{+}$, we have \begin{align*} \min_{q\leq 0} \sup_{p\in I}\, px+qy+U(p,|q|) = \max_{p \in I} \inf_{q\leq 0}\, px+qy+U(p,|q|). \end{align*} Then $M$ and $\widetilde{O}$ defined as \begin{align} &M(x,y) = \min_{q\leq 0} \sup_{p \in I} \; \left( px +qy + U(p,|q|) \right), \label{realdual}\\ &\widetilde{O}(x,y) = \inf_{q\leq 0} \sup_{p \in I} \; \left( px +qy + O(p,|q|) \right) \label{oobs} \end{align} satisfy (\ref{opa22}) and (\ref{opa21}), and, thereby, (\ref{PA}) for any $f :\{-1,1\}^{n} \to J$ and any $n \geq 1$. \begin{align*} \end{align*} \end{theorem} One may think that finding $U(p,q)$ with the property (\ref{opa02}) is a difficult problem. Let us make a quick remark here that if it happens that $t \mapsto U(p,\sqrt{t})$ is convex for each fixed $p\in I$, then (\ref{opa02}) is automatically implied by its infinitesimal form, i.e., by $U_{pp}+U_{q}/q\leq 0$ (see the proof of Lemma~\ref{barko}). \begin{proof} The proof essentially repeats the proof of Lemma~\ref{doska}. Let us sketch the argument. Define $\Psi(p,q,x,y):=px+qy+U(p,|q|)$. The existence of a {\em saddle} point $(p^{*}, q^{*})$ with properties (\ref{fedja0}) and (\ref{sedlo}) is guaranteed by Lemma~\ref{magari2}. The convexity of the set $I$ allows us to choose $p$ from $I$, and $q_{1}, q_{2} \in (-\infty, 0]$ according to (\ref{choose}). The rest of the proof of the theorem is the same as in Lemma~\ref{doska}. Inequality (\ref{oobs}) follows from (\ref{opa01}). Convexity of $J$ is needed, for example, to ensure that if $f : \{-1,1\}^{n} \to J$, then $\mathbb{E} f \in J$, so that (\ref{PA}) makes sense. \end{proof} \subsection{Going from $M$ to $U$: from Hamming cube to square function} Another interesting observation is that equality (\ref{realdual}) was lurking in a solution of a certain Monge--Amp\`ere equation. For example, taking $a,b \to 0$ in (\ref{opa22}), and using the Taylor's series expansion (assuming that $M$ is smooth enough) one obtains \begin{align}\label{matrica} \begin{pmatrix} M_{xx}+\frac{M_{y}}{y} & M_{xy}\\ M_{xy} & M_{yy} \end{pmatrix} \leq 0\,. \end{align} When looking for the least function $M$ with $M \geq \widetilde{O}$ and (\ref{matrica}), it is reasonable to assume that condition (\ref{matrica}) should degenerate except, possibly, on the set where $M$ coincides with its obstacle $\widetilde{O}$. The degeneracy of (\ref{matrica}) means that the determinant of the matrix in (\ref{matrica}) is zero. This is a general Monge--Amp\`ere type equation and, after an application of the exterior differential systems of Bryant--Griffiths (see \cite{IVVO1}), we obtain that the solutions can be locally characterized as follows: \begin{align} &x=-U_{p}(p,q), \nonumber\\ &y=-U_{q}(p,q), \nonumber\\ &M(x,y)=px+qy+U(p,q), \label{bryant} \end{align} where $U$ satisfies the equation \begin{align}\label{heat} U_{pp}+\frac{U_{q}}{q}=0. \end{align} In~\cite{IVVO1} we used $u(p,t)=-U(p,\sqrt{2t})$ instead of $U(p,q)$, in which case (\ref{heat}) becomes just the backward heat equation for $u(p,t)$. We will not formulate a formal statement but we do make a remark that such a reasoning allows us to guess the {\em dual} of $M$, i.e., to find $U$ given $M$. The way this guess works will be illustrated in Section~\ref{poo}. \medskip Our final remark is that one may try to use $U(p,q) :=M(p,q)$ with $O(p,q):=\widetilde{O}(p,q)$ because (\ref{opa22}) clearly implies (\ref{opa02}). It will definitely give some estimate for the square function but not the sharp one. Indeed, for the sharp estimates, condition (\ref{opa02}) for $U$ usually degenerates, namely (\ref{heat}) holds. On the other hand, if $M_{xx}+M_{y}/y=0$ and (\ref{matrica}) holds, then $M_{xy}=0$, and \begin{align}\label{bzik} M(x,y)=C(x^{2}-y^{2})+Dx+Q \end{align} for some constants $C, D, Q\in \mathbb{R}$. This family of functions corresponds to the trivial inequality $\int_{0}^{1}S(g)^{2} \leq \int_{0}^{1} g^{2}$. Analogously, the best possible function $U$ satisfying (\ref{opa01}) and (\ref{opa02}) will almost never satisfy (\ref{matrica}) except for a very particular case when $U(p,q)=C(p^{2}-q^{2})+Dp+Q$. \subsection{The dual to Log-Sobolev is Chang--Wilson--Wolff} The function $M(x,y)=x\ln x - \frac{y^{2}}{2x}$ satisfies (\ref{matrica}) and, therefore, it gives the log-Sobolev inequality~\cite{IVVO1}. Its dual in the sense of (\ref{bryant}) is $U(p,q)=e^{p-q^{2}/2}$ (see Section 3.1.1 in~\cite{IVVO1} where $t=q^{2}/2$). Notice that for this $U$, inequality (\ref{opa02}) simplifies to \begin{align*} 2e^{a^{2}/2}\geq e^{a}+e^{-a}, \end{align*} which is true since $(2k)! \geq 2^{k} k!$ for $k \geq 0$. Therefore we obtain \begin{corollary} For any integrable $g$ on $[0,1]$, we have \begin{align*} \int_{0}^{1} \exp\left( g-\frac{S^{2}(g)}{2}\right) \leq \exp\left( \int_{0}^{1} g\right). \end{align*} \end{corollary} This corollary immediately recovers the result of Chang-Wilson-Wolf~\cite{CWW} well-known to probabilists, namely for any $g$ with $\int_{0}^{1} g=0$ and $\|S(g)\|_{\infty}<\infty$, we have \begin{align}\label{suparupa} \int_{0}^{1} e^{g} \leq e^{\|S(g)\|^{2}_{\infty}/2}. \end{align} Next, repeating a standard argument, namely, considering $tg$ and applying Chebyshev's inequality (see Theorem~3.1 in \cite{CWW}), one obtains the superexponential bound \begin{align}\label{Wolff} | \{ x \in [0,1]\, :\, g(x) - \int_{0}^{1}g \geq \lambda \} | \leq e^{-\frac{1}{2} \lambda^{2}/\|Sg\|_{\infty}^{2}} \end{align} for any $\lambda \geq 0$. We should remind that the log-Sobolev inequality via the Herbst argument~\cite{Ledoux} gives Gaussian concentration inequalities, namely, \begin{align}\label{sup2} \gamma\left(x \in \mathbb{R}^{n}\, : f(x)-\int_{\mathbb{R}^{n}} f d\gamma \geq \lambda \right) \leq e^{-\frac{1}{2} \lambda^{2}/\|\nabla f\|_{\infty}^{2}} \end{align} for any $\lambda \geq 0$ and any smooth $f: \mathbb{R}^{n} \to \mathbb{R}$ with $\|\nabla f\|_{\infty}<\infty$. Here $\gamma$ is the standard Gaussian measure on $\mathbb{R}^{n}$. In other words we just illustrated that estimates (\ref{sup2}) and (\ref{Wolff}) are dual to each other in the sense of duality between functions $M=x\ln x - \frac{y^{2}}{2x}$ and $U=e^{p-q^{2}/2}$. \subsection{Poincar\'e inequality 3/2: a simple proof via duality}\label{poo} It was proved in \cite{IVVO} that for any $f :\{-1,1\}^{n} \to \mathbb{R}$, we have \begin{align}\label{poincare} \mathbb{E}\, \Re \, (f+i|\nabla f|)^{3/2} \leq \Re (\mathbb{E} f)^{3/2}, \end{align} where $z^{3/2}$ is taken in the sense of the principal brunch in the upper half-plane. Inequality (\ref{poincare}) improves Beckner's bound for a particular exponent~\cite{IVVO}. Consider \begin{align*} M(x,y) = \Re (x+iy)^{3/2} = \frac{1}{\sqrt{2}} (2x - \sqrt{x^{2}+y^{2}}) \sqrt{\sqrt{x^{2}+y^{2}}+x} \quad \text{for} \quad (x,y)\in \mathbb{R}^{2}. \end{align*} It was explained in \cite{IVVO} that to prove (\ref{poincare}) it is enough to check that $M(x,y)$ satisfies (\ref{opa22}), and the latter fact involved careful investigation of the roots of several very high degree polynomials with integer coefficients. Let us give a simple proof of (\ref{opa22}) using our duality technique. \begin{prop} The function $M(x,y)= \Re (x+iy)^{3/2}$ satisfies (\ref{opa22}) for all $x,a,b \in \mathbb{R}$ and $y\geq 0$. \end{prop} \begin{proof} $M(x,y)$ is a solution of the homogeneous Monge--Amp\`ere equation (\ref{matrica}), and therefore it has a representation of the form (\ref{bryant}) (see Section~3.1.4 in \cite{IVVO1}): \begin{align*} &x=-U_{p}(p,q);\\ &y=-U_{q}(p,q);\\ &U(p,q)=- \frac{4}{27}(p^{3}-3pq^{2});\\ &M(x,y)=px+qy+U(p,q). \end{align*} This leads us to the following guess \begin{align*} \frac{1}{\sqrt{2}} (2x - \sqrt{x^{2}+y^{2}}) \sqrt{\sqrt{x^{2}+y^{2}}+x}=\min_{q\leq 0} \sup_{p\geq 0}\left( xp + qy - \frac{4}{27}(p^{3}-3pq^{2}) \right), \end{align*} which can be directly checked. Using Theorem~\ref{hartung} with $(p_{0},q_{0})=(0,0)$, and following the proof of Lemma~\ref{doska}, it is enough to check that $U(p,q)$ satisfies (\ref{opa02}). Notice that (\ref{opa02}) is an identity for $U(p,q)= -\frac{4}{27}(p^{3}-3pq^{2})$. This finishes the proof of the proposition. \end{proof} \subsection{Sobolev inequalities}\label{sobolevskie} \subsubsection{The Hamming cube $\{-1,1\}^{n}$} For $p \in [1,2]$, let $c_{p}$ be the best possible constant such that \begin{align}\label{sobham} c_{p}(\mathbb{E}|f|^{p} - |\mathbb{E} f|^{p}) \leq \mathbb{E} |\nabla f|^{p} \quad \text{for all functions} \quad f:\{-1,1\}^{n} \to \mathbb{R}. \end{align} Our theorem implies that $c_{p} \geq s^{p}_{p'}$ for $p\in (1,2]$. Notice that when $p=2$, we have $c_{2}=s_{2}^{2}=1$, and (\ref{sobham}) recovers the classical Poincar\'e inequality. When $p \to 1+$ the constant $s^{p}_{p'}$ tends to zero which should not be the case for $c_{p}$. Indeed, it follows from a deep result of Talagrand~\cite{Talagrand} that if $T_{p}$ is the best possible constant in the following estimate \begin{align}\label{Ramonn} T_{p}\, \mathbb{E} |f-\mathbb{E} f|^{p} \leq \mathbb{E} |\nabla f|^{p} \quad \text{for all} \quad f:\{-1,1\}^{n} \to \mathbb{R}, \end{align} then $T_{p}>0$ for all $p \in [1, \infty)$. Now notice that $T_{1}=c_{1}$, $T_{2}=c_{2}$ and $T_{p} \geq c_{p}$ for $p\in (1, 2)$. When $p>2$, by example (\ref{Latala}), we must have $c_{p}=0$ unlike the fact that $T_{p}>0$ for $p>2$. So one may wonder whether the positivity of $T_{p}$ may not imply the positivity of $c_{p}$ on the interval $(1,2)$. Let us mention that this is not the case, in fact $2c_{p} \geq T_{p}$ for $p\in (1,2)$. Indeed, it will suffice to prove that $2\mathbb{E} |f-\mathbb{E}f|^{p} \geq \mathbb{E}|f|^{p} - |\mathbb{E} f|^{p}$. If $\mathbb{E}f=0$ this is obvious. Assume $\mathbb{E}f\neq 0$. Next, we show a simple inequality \begin{align}\label{ramon} 2|x-1|^{p}-|x|^{p}+1 \geq p(1-x) \quad \text{for all} \quad1\leq p\leq 2 \quad \text{and} \quad x \in \mathbb{R}. \end{align} Plugging $x= f/\mathbb{E} f$, and taking the expectation, we obtain $2\mathbb{E} |f-\mathbb{E}f|^{p} \geq \mathbb{E}|f|^{p} - |\mathbb{E} f|^{p}$. To verify (\ref{ramon}), without loss of generality assume that $p>1$ (otherwise the inequality is trivial). Consider $g(x)=2|x-1|^{p}-|x|^{p}+1$. Its second derivative changes signs at points $x$ which satisfy the equation $|x-1|=2^{1/(2-p)}|x|$, i.e., when $x=x_{\pm}=\frac{1}{1\pm 2^{1/(2-p)}}$. The right hand side of (\ref{ramon}) represents the tangent line to the graph of $g$ at the point $x=1$. Clearly $g$ is convex on $[ x_{+}, \infty)$. Therefore (\ref{ramon}) is true on this interval. Next, $g$ is concave on $[x_{-}, x_{+}]$ and since $x_{-}<0$, we have $g\geq p(1-x)$ on $[0,x_{+}]$ because $g(0)>p(1-0)$. Thus (\ref{ramon}) is true for $x\geq 0$. For $x \leq 0$, by Bernoulli we have \begin{align*} 2|x-1|^{p}-|x|^{p}+1 - p(1-x) \geq |x-1|^{p}+1 - p(1-x) \geq 1-px +1-p(1-x)=2-p \geq 0. \end{align*} To the best of our knowledge, the constants $c_{p}, T_{p}$ are unknown for $p \in [1,2)$. There is a remarkable result of Ben-Efraim--Lust-Piquard~\cite{Efraim} that $T_{p}\geq \frac{2}{\pi}$ for $1\leq p\leq 2$. This, combined to our theorem, gives the lower bound $T_{p} \geq \max\{\frac{2}{\pi}, s_{p'}\}$ for $1\leq p \leq 2$. However, due to the inequalities of Bobkov--G\"otze and Maurey--Pisier (see the next section), it is widely believed that $c_{1}=T_{1}=\sqrt{\frac{2}{\pi}}$. An elegant idea of Naor--Schechtman~\cite{NAOR} based on Burkholder's inequality~\cite{BUR02} gives an estimate \begin{align*} (p-1)^{p}\, \mathbb{E}|f-\mathbb{E} f|^{p} \leq \mathbb{E}_{x} \mathbb{E}_{x'} \left|\sum_{j=1}^{n} x'_{j} \partial_{j}f(x) \right|^{p} \quad 1<p\leq 2. \end{align*} Let us show that our bound (\ref{assaf1}) obtained in Corollary~\ref{asebi} is better. \begin{prop}\label{comp} For all $1<p<2$ we have \begin{align}\label{gama} s^{p}_{p'} 2^{\frac{p-2}{2}} \min\left(1,\frac{\Gamma((p+1)/2)}{\Gamma(3/2)} \right) > (p-1)^{p} \quad \text{for} \quad 1<p<2. \end{align} \end{prop} \begin{proof} We estimate $s_{p'}$ from below by $\sqrt{2/p'}$ (see Lemma~\ref{smalllest}). Using $\Gamma(3/2)=\sqrt{\pi}/2$ we see that to prove (\ref{gama}) it is enough to show the following two inequalities \begin{align} &\left( \frac{2}{p'}\right)^{p/2} 2^{\frac{p-2}{2}}> (p-1)^{p} \quad \text{for} \quad 1<p<2; \label{gam1}\\ &\left( \frac{2}{p'}\right)^{p/2} 2^{\frac{p}{2}} \frac{\Gamma((p+1)/2)}{\sqrt{\pi}} >(p-1)^{p} \quad \text{for} \quad p_{0}<p<2, \label{gam2} \end{align} where $p_{0}\approx 1.847...$ is the solution of the equation $\Gamma((p+1)/2)=\sqrt{\pi}/2$ on the interval $(1,2)$. Inequality (\ref{gam1}) simplifies to $2^{2-\frac{2}{p}}>p(p-1)$ which is true because the left hand side is concave, and the right hand side is convex on $[1,2]$. To show (\ref{gam2}) it is enough to verify that $$ 4 \left(\frac{\Gamma((p+1)/2)}{\sqrt{\pi}}\right)^{2/p} > p(p-1) \quad \text{for} \quad 1<p<2. $$ The latter inequality we rewrite as follows \begin{align*} \frac{p\ln(4)-\ln(\pi)}{2} + \ln\left(\Gamma\left(\frac{p+1}{2}\right)\right) - \frac{p\ln(p(p-1))}{2} >0. \end{align*} Since the Trigamma function is convex $$ (\ln \Gamma(z))'' = \sum_{n=0}^{\infty} \frac{1}{(z+n)^{2}}, $$ we estimate $\ln (\Gamma((p+1)/2))$ from below by its tangent line at point $p=2$, i.e., $$ \ln\left(\Gamma\left(\frac{p+1}{2}\right)\right) > \ln (\sqrt{\pi}/2) + (1-\gamma/2 - \ln(2))(p-2) \quad \text{for} \quad p_{0}<p<2, $$ here $\gamma$ is Euler's constant. It is enough to show that \begin{align*} \frac{p\ln(4)-\ln(\pi)}{2} + \ln (\sqrt{\pi}/2) + (1-\gamma/2 - \ln(2))(p-2) - \frac{p\ln(p(p-1))}{2}> 0. \end{align*} The left hand side is concave on the interval $(1+\sqrt{2}/2,2)$, and at the endpoint cases we have the inequality. Notice that $(1+\sqrt{2}/2)=1.7...<p_{0}=1.82...$, and this finishes the proof. \end{proof} \subsubsection{Gaussian measure on $\mathbb{R}^{n}$} The application of the Central Limit Theorem to (\ref{nasha}) gives a dimension independent Sobolev inequality. \begin{corollary} For any smooth bounded $f :\mathbb{R}^{n} \to \mathbb{R}$ and any $n\geq 1$, we have \begin{align}\label{sobolevp} s^{p}_{p'}\left(\int_{\mathbb{R}^{n}} |f|^{p} d\gamma - \left|\int_{\mathbb{R}^{n}} f d\gamma\right|^{p} \right) \leq \int_{\mathbb{R}^{n}} |\nabla f|^{p} d\gamma. \end{align} \end{corollary} The best possible constant in (\ref{sobolevp}), unlike $s_{p'}^{p}$, should not degenerate when $p \to 1+$. Indeed, (see ~\cite{Ledoux01}, pp. 115) one has \begin{align}\label{hhu} \sqrt{\frac{2}{ \pi}} \int_{\mathbb{R}^{n}} \left| f -\int_{\mathbb{R}^{n}} f d\gamma \right| d\gamma \leq \int_{\mathbb{R}^{n}} |\nabla f| d\gamma, \end{align} where the constant $\sqrt{\frac{2}{\pi}}$ is the best possible in the left hand side of (\ref{hhu}). We should mention that estimate (\ref{hhu}) can be also easily obtained by a remarkable trick of Maurey--Pisier~\cite{Pisier}. Notice that (\ref{sobolevp}) cannot be extended for the range of exponents $p>2$ with some positive constant $C(p)$ instead of $s_{p'}^{p}$. Indeed, assume the contrary. Consider $n=1$ and take $f(x) = 1+ax$. Using Jensen's inequality, we obtain \begin{align}\label{Latala} (1+a^{2})^{p/2} =\left(\int_{\mathbb{R}}|1+ax|^{2} d\gamma \right)^{p/2}\leq \int_{\mathbb{R}}|1+ax|^{p}d\gamma \stackrel{(\ref{sobolevp})}{\leq} \frac{|a|^{p}}{C(p)} +1. \end{align} Therefore, taking $a \to 0$, we obtain the contradiction with $pa^{2}/2> \frac{|a|^{p}}{C(p)}$ for $p>2$. \subsection{Discrete surface measure} Let $A \subset \{-1,1\}^{n}$ be a subset of the Hamming cube with cardinality $|A|=2^{n-1}$. Define $w_{A} : \{-1,1\}^{n} \to \mathbb{N} \cup \{0\}$ so that $w_{A}(x)$ is the number of boundary edges to $A$ containing $x$, i.e., $w_{A}(x)$ counts the number of edges with one endpoint in $A$ and another one in the complement of $A$ such that one of the endpoints is $x$. Clearly $w_{A}(x)=0$ if $x$ is in the ``strict interior'' of $A$, or in the ``strict complement'' of $A$, and it is nonzero if and only if $x$ is on the ``boundary'' of $A$. Notice that $w_{A}(x)$ can be nonzero for some $x \notin A$. The function $w_{A}$ maybe be understood as a discrete surface measure of the boundary of $A$. Consider the following quantity \begin{align}\label{Guillame} \sigma(p) = \inf_{A \subset \{-1,1\}^{n}, \; |A|=2^{n-1}} \mathbb{E} w_{A}^{p/2}(x). \end{align} It follows from Harper's edge-isoperimetric inequality~\cite{Harp} that $\sigma(2)=1$ and the value is attained on the halfcube. The monotonicity of $\sigma(p)$ in $p$ implies that $\sigma(p)=1$ for all $p\geq 2$. Also notice that considering Hamming balls, one can easily show that $\sigma(p)=0$ for $0\leq p <1$. Therefore the first nontrivial value is $\sigma(1)$. In this case it follows from Bobkov's inequality~(see \cite{BOB} and references therein) that $\sigma(1) \geq \sqrt{\frac{2}{\pi}} \approx 0.79$, and by monotonicity we obtain that $\sigma(p) \geq \sqrt{\frac{2}{\pi}}$ which is definitely not sharp when $p \to 2-$. Define $f : \{-1,1\}^{n} \to \{-1,1\}$ as follows: $f(x)=1$ if $x \in A$ and $f(x)=-1$ if $x \notin A$. Clearly $|\nabla f(x)|^{2} = w_{A}(x)$. Applying (\ref{nasha}) to $f$, we obtain \begin{align}\label{surface} \mathbb{E} w_{A}^{p/2}(x) \geq s^{p}_{p'}. \end{align} Inequality (\ref{surface}) gives the lower bound $\sigma(p) \geq s^{p}_{p'}$ which tends to $1$ as $p \to 2-$, but fails to be sharp when $p\to 1+$. Thus combining this result with Bobkov's inequality we obtain the bound \begin{align}\label{super} 1\geq \sigma(p) \geq \max\left\{ \sqrt{\frac{2}{\pi}},\, s^{p}_{p'}\right\} \quad \text{for} \quad 1 \leq p \leq 2. \end{align}
3d58310a4a56c29a60617f994ba239e0cd65c104
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Relations between creation and annihilation operators determine the statistical properties of quantum systems composed by non-interacting particles. Canonical examples are the Bose-Einstein distribution for the commutation relation $[a,a^\dagger]=1$ and the Fermi-Dirac distribution for the anti-commutation relation $\{a,a^\dagger\}=1$. Starting from the pioneer works of Gentile \cite{gentile} and Green \cite{green}, many different distributions have been proposed as extensions that go beyond or interpolate the statistics of bosons and fermions; see, for example, \cite{katsura,wilczek,greenberg,mohapatra,haldane,isakov,isakov1,wu,isakov2,poly,kania0,bytsko,anghel,mirza,dai,algin,ardenghi}. Although, according to the Standard Model, fermions and bosons are enough to describe nature from fist principles, there are situations in which a description in terms of exotic statistics is more useful; see \cite[ch.\ 1]{khare} for several examples, and references cited therein including experimental results for some cases. The total energy is the simple sum $E = \sum_i n_i \epsilon_i$, where $n_i$ is the number of identical particles in energy level $i$, and $\epsilon_i$ is the corresponding one-particle energy. The starting point is the grand partition function written in terms of the number of different many-body states or statistical weight $W(\{n_i\})$: \begin{equation} \mathcal{Z} = \sum_{\{n_i\}} W(\{n_i\}) \exp\left[-\beta\sum_i (\epsilon_i - \mu) n_i\right], \label{zeta} \end{equation} where $\beta=1/k_B T$ and $\mu$ is the chemical potential. A frequent approach to obtain the statistical distribution of $n_i$ for exotic statistics is maximizing $\ln W$ with the constraints of constant total energy and total number of particles, and taking the thermodynamic limit to make some approximations \cite{wu,bytsko}. Since each energy level can be taken as an independent system, the total grand partition function is written in terms of the single level grand partition functions $\mathcal{Z}_\epsilon$ as \begin{equation} \mathcal{Z} = \prod_{\{\epsilon \}} \mathcal{Z}_\epsilon \end{equation} (subindex $i$ in $\epsilon$ is omitted to simplify the notation); the product is performed on all energy levels, taking into account a possible degeneracy by repetition of the product. Here, I focus on the grand partition function for a single level given by \begin{equation} \mathcal{Z}_\epsilon = \mathrm{tr}\, e^{-\beta\,(\epsilon-\mu) \hat{n}} \label{zeps} \end{equation} where $\hat{n}$ is the number of particles operator. An exotic statistics originated by some specific relations between creation and annihilation operators should manifest itself both in \eqref{zeta} and in \eqref{zeps}. The questions that I wish to address are: how does \eqref{zeps} depend on the creation and annihilation operator relations, and how this dependence, when explicitly stated, could be extended to include exotic statistics without making approximations or appealing to the thermodynamic limit. As usual, te most convenient base to evaluate the trace in \eqref{zeps} is the set of eigenstates of the number operator: \begin{equation} \mathcal{Z}_\epsilon = \sum_n e^{-\beta\,(\epsilon-\mu) n} \label{zeps2} \end{equation} In Sect.\ \ref{gent}, a counting operator is introduced, with eigenstates $|n\rangle$ and eigenvalues 0 or 1, in order to restrict the sum in \eqref{zeps2} to the values of $n$ allowed by some commutation relations. It can be seen that the only possible extension of Eq.\ \eqref{zeps2} beyond fermions and bosons is Gentile statistics; this is one of the main results of Ref.\ \cite{dai}. In order to get other statistics, for example quantum Boltzmann statistics for $a a^\dagger = 1$ \cite{greenberg,mohapatra}, the eigenvalues of the counting operator should be different from 0 and 1. In the next sections this situation is analyzed for several exotic statistics: quons in Sect.\ \ref{squons}, Polychronakos statistics in Sect.\ \ref{spoly} and ewkons in Sect.\ \ref{sewkons}. I present the conclusions in Sect.\ \ref{conclusions}. \section{Gentile statistics and the counting operator} \label{gent} The creation and annihilation operators determine the number of elements of the Fock space and restrict the sum in Eq.\ \eqref{zeps2} to the allowed values of $n$. Then, if $n$ takes the values 0 or 1, we have fermions, if it takes any value between 0 and $\infty$, we have bosons, and if it takes values between 0 and $\nu$ we have an intermediate Gentile statistics. We can define \begin{equation} x = e^{-\beta\,(\epsilon-\mu)} \end{equation} in order to simplify the notation. The number distribution is given by \begin{equation} \bar{n} = x \frac{\partial\ln \mathcal{Z}_\epsilon}{\partial x} = \frac{1}{x^{-1}-1} - \frac{\nu + 1}{x^{-(\nu+1)}-1}. \end{equation} It reduces to the Fermi-Dirac distribution for $\nu=1$ and to the Bose-Einstein distribution for $\nu \rightarrow \infty$. In this and the next sections I consider creation and annihilation operators whose action on number states is written as \begin{align} a^\dagger |n\rangle &= \lambda_{n+1}^* |n+1\rangle \nonumber \\ a |n\rangle &= \lambda_n |n-1\rangle, \label{aadaga} \end{align} with the vacuum condition $a|0\rangle = 0$; therefore $\lambda_0 = 0$. For Gentile statistics we have that (see, e.g., \cite{katsura}) \begin{align} \lambda_n &= \sqrt{n} \quad \text{for } 1 \leq n \leq \nu \nonumber \\ \lambda_{\nu+1} &=0. \end{align} The anticommutation relation for fermions that gives $a^2=0$ is generalized to \begin{equation} a^{\nu+1} = 0. \label{antic} \end{equation} If $F_\nu$ is the Fock space represented by the set $\{|0\rangle,...,|\nu\rangle\}$, then any $F_\nu$ is embedded into $F_{\nu'}$ as long as $\nu' > \nu$; and the Fock space of bosons includes all the others. Let us consider a counting operator $\hat{\delta}$ that commutes with $\hat{n}$ and that has the following property: \begin{equation} \langle n| \hat{\delta} |n\rangle = \left\{ \begin{array}{ll} 1 & \text{if } 0\leq n \leq \nu \\ 0 & \text{if } n > \nu \end{array} \right. \label{condit} \end{equation} The definition of the grand partition function \eqref{zeps} remains unchanged if we insert this operator so that $\mathcal{Z}_\epsilon = \mathrm{tr}\,(\hat{\delta}\, x^{\hat{n}})$. Now, the sum in \eqref{zeps2} can be extended to infinity: \begin{equation} \mathcal{Z}_\epsilon = \sum_{n=0}^\infty \langle n| \hat{\delta} |n\rangle \, x^{n}. \label{zeps3} \end{equation} We now seek to express $\hat{\delta}$ in terms of creation and annihilation operators. For this purpose it is useful to consider relation \eqref{antic}, that gives $a^n |n\rangle =0$ for $n>\nu$. Including ${a^\dagger}^n$ to keep $|n\rangle$ as an eigenstate, and the normalization factor $1/n!$, we obtain that \begin{equation} \hat{\delta} = \sum_{n=0}^{\infty} \frac{1}{n!}\, {a^\dagger}^n a^n \, |n\rangle\langle n| \label{delta} \end{equation} satisfies the conditions \eqref{condit}. I briefly mention a different possible representation and interpretation of $\hat{\delta}$. Let us call $b^\dagger$ and $b$ the creation and annihilation operators for bosons. Then, \begin{align} \hat{\delta} &= \sum_{n=0}^{\infty} b^{-n} {b^\dagger}^{-n} {a^\dagger}^n a^n \, |n\rangle\langle n| \nonumber \\ &= \sum_{n=0}^{\infty} \mathcal{N} (b^{-1} {b^\dagger}^{-1} {a^\dagger} a)^n \, |n\rangle\langle n| \nonumber \\ &= \mathcal{N} (b^{-1} {b^\dagger}^{-1} {a^\dagger} a)^{\hat{n}} \end{align} where $\mathcal{N}$ is the normal ordering operator; creation and annihilation operators should not be taken as written but in normal order. In the last step it was used that $\hat{n}$ commutes with $a^\dagger a$ and $b^{-1} {b^\dagger}^{-1}$ (in this case, the normal ordering operator does not act on $\hat{n}$). I call $\hat{\gamma} = b^{-1} {b^\dagger}^{-1} {a^\dagger} a$ so that the counting operator is \begin{equation} \hat{\delta} = \mathcal{N} e^{(\ln \hat{\gamma}) \hat{n}}, \end{equation} and including this operator in the grand partition function we have: \begin{equation} \mathcal{Z}_\epsilon = \mathrm{tr}\,\left[ \mathcal{N} e^{-\beta\,(\epsilon-\mu - k_B T \ln \hat{\gamma}) \hat{n}} \right]. \label{zeps4} \end{equation} Now, we can interpret $\hat{\gamma}$ as a quantum activity coefficient that takes into account quantum effects represented by the features of creation and annihilation operators (the description in terms of quantum operators may also be a way of introducing interaction effects \cite{anghel}). Defined this way, this quantum activity coefficient has a reference state given by a system in which particles are bosons. For simplicity, in the rest of this paper I use the definition of $\hat{\delta}$ given by \eqref{delta} and do not use the operator $\hat{\gamma}$. So far, the inclusion of the counting operator has no consequence in Gentile statistics. As stated before, it is not possible for the definition of the grand partition function \eqref{zeps} to represent other statistics than Gentile's; as long as the counting operator has eigenvalues 0 or 1. A straightforward generalization is to consider situations in which the eigenvalues may be different from 0 or 1. For creation and annihilation operators given in general by \eqref{aadaga}, the eigenvalues are \begin{equation} \langle n| \hat{\delta} |n\rangle = \left\{ \begin{array}{ll} 1 & \text{if } n = 0 \\ \frac{|\lambda_1 \cdots \lambda_n|^2}{1\cdots n} & \text{if } n \ge 1 \end{array} \right. \label{eigend} \end{equation} The grand partition function takes the form \begin{equation} \mathcal{Z}_{\epsilon} = 1 + \sum_{n=1}^{\infty} \frac{|\lambda_1 \cdots \lambda_n|^2}{n!} x^n. \label{zeps5} \end{equation} Eq.\ \eqref{zeps5} represents a connection between statistics and creation and annihilation operators. It is not difficult to obtain, after a few algebraic steps, the following direct relation between the mean value of $|\lambda_{n+1}|^2$ and the number distribution: \begin{equation} \bar{n} = x \overline{|\lambda_{n+1}|^2}. \end{equation} Polychronakos \cite{poly} introduced a related approach for exclusion statistics in which the grand partition function for a system of $K$ states with energy $\epsilon$ is written as $\mathcal{Z}(K) = (\mathcal{Z}_\epsilon)^K$, with $\mathcal{Z}_\epsilon = \sum_n P_n x^n$, where $P_n$ are \textit{a priori} probabilities independent of the temperature. In the present context, these probabilities correspond to the eigenvalues of $\hat{\delta}$. In the next sections, the previous relations, mainly Eq.\ \eqref{zeps5}, are applied to different exotic and intermediate statistics. The first case study is the quantum Boltzmann statistics. \section{Quantum Boltzmann statistics and quons} \label{squons} Quons were introduced in order to study possible violations of the Pauli principle \cite{greenberg,mohapatra}; they satisfy the generalized or $q$-commutation relation \begin{equation} a a^\dagger - q a^\dagger a = 1, \label{qcomm} \end{equation} that interpolates between fermions and bosons when $q$ takes values from $-1$ to 1. First we analyze the intermediate case with $q=0$, for which $a a^\dagger = 1$ and \begin{equation} \begin{array}{l} a^\dagger |n\rangle = |n+1\rangle \\ a |n\rangle = |n-1\rangle, \quad a|0\rangle=0 \end{array} \quad \text{(quant. Boltzmann)} \label{qboltz} \end{equation} The creation and annihilation operators commute when applied to any non-vacuum number state, this already suggests that the corresponding statistics should be the classical Maxwell-Boltzmann's: \begin{equation} \bar{n}_\text{QB} = x, \end{equation} that in this context receives the name of Quantum Boltzmann statistics \cite{isakov}. A result that supports the generalization of \eqref{zeps5} beyond Gentile statistics is that it correctly reproduces the Quantum Boltzmann statistics. In this case, we have $\lambda_n=1$ and the grand partition function is \begin{equation} \mathcal{Z}_{\epsilon,\text{QB}} = \sum_{n=0}^\infty \frac{x^n}{n!} = \exp\left( x \right). \end{equation} Now, let us consider that $q$ takes any value between $-1$ and 1. Using the general expressions for the creation and annihilation operators \eqref{aadaga} combined with the $q$-commutation relation \eqref{qcomm}, the following recursion equation can be obtained: $|\lambda_{n+1}|^2 = 1 + q |\lambda_n|^2$ (see, e.g., \cite{isakov}). Knowing that $\lambda_0 = 0$, we obtain \begin{equation} |\lambda_n|^2 = 1 + q + \cdots + q^{n-1} = \frac{1-q^n}{1-q}. \end{equation} This result can be used to obtain the grand partition function from Eq.\ \eqref{zeps5}. It takes the form \begin{equation} \mathcal{Z}_{\epsilon,q} = [1-q f_q(x)]^{-1/q}, \label{zfq} \end{equation} with \begin{equation} f_q(x) = x + (q^3-q)\left[x^3 + (q^3+3q^2+2q-1) x^4 + \cdots \right]. \end{equation} The number distribution is \begin{equation} \bar{n}_q = \frac{f_q'(x)}{x^{-1} - q f_q(x)/x}. \label{nfq} \end{equation} Since for $q=0, -1$ or 1 we have that $f_q(x)=x$, we recover the Quantum Boltzmann, Fermi-Dirac and Bose-Einstein statistics for that cases. Isakov proposed an ansatz for the evaluation of the number distribution for quons (see Eq.\ (67) in Ref.\ \cite{isakov}), and obtained $$ \frac{1}{x^{-1} - q}, $$ that also recovers the cases of fermions, bosons and classical particles for $q=-1, 1$ and 0. But this result has the following drawback. Let us consider $q=-1/p$, where $p$ is a positive integer. In the limit of small energy, the number distribution tends to a maximum possible value equal to $p$. This is correct for $p=1$; for larger values of $p$ this limit means that the creation operator applied to $|p\rangle$ should be zero, but this is not actually the case, since $a^\dagger |p\rangle = \lambda^*_{p+1}|p+1\rangle \neq 0$ for $p \geq 2$. This simple number distribution actually corresponds to the Polychronakos statistics, that is analyzed in the next section. The commutation relation \eqref{qcomm} is actually a particular case of two-parameter quantum algebras \cite{chakra,tuszynski}. I consider one more example of these $q$ (or $qp$) deformed algebras. The commutation relation for $q$-bosons is \begin{equation} a a^\dagger - q a^\dagger a = q^{-\hat{n}}, \label{qcomm2} \end{equation} with $q>0$, for which we have \begin{equation} |\lambda_n|^2 = \frac{q^n - q^{-n}}{q - q^{-1}}. \end{equation} Now, the coefficients needed to evaluate the grand partition function in \eqref{zeps5}, $|\lambda_1 \cdots \lambda_n|^2/n!$, diverge for increasing values of $n$ faster than $e^n$. We can not obtain a convergent series for the grand partition function in this case, unless for $q=1$, corresponding to bosons. Starting from \cite{tuszynski}, several papers have analyzed statistics and thermodynamic properties of $q$-deformed algebras, including this last case. According to \cite{dai}, those results are incorrect since the unjustified approximation $\overline{n^2} \simeq \bar{n}^2$ (or $\overline{q^n} \simeq q^{\overline{n}}$) is generally used. \section{Polychronakos statistics} \label{spoly} Based on the fractional exclusion statistics introduced by Haldane \cite{haldane}, Polychronakos \cite{poly} proposed an alternative definition that has the following advantages. When the grand partition function for a single level is written as $\mathcal{Z}_\epsilon = \sum_n P_n x^n$, any $P_n$ takes positive values independent of the number of states $K$, a maximum occupancy number results for fermionic cases, and the expressions for thermodynamic quantities turn out to be analytic. Polychronakos statistics is based on a variation of the exclusion statistics for a system of $K$ states of energy $\epsilon$: the inclusion of the first particle leaves $K- \alpha$ states for the second, the inclusion of the second leaves $K-2\alpha$, and so on. The combinatorial formula for putting $n$ particles in $K$ states is \begin{equation} W = \frac{K(K-\alpha)\cdots (K - (n-1)\alpha)}{n!}. \end{equation} The corresponding number distribution is \cite{poly}: \begin{equation} \bar{n}_\text{P} = \frac{1}{x^{-1} + \alpha}. \end{equation} The grand partition function is \begin{equation} \mathcal{Z}_{\epsilon,\text{P}} = (1+\alpha x)^{1/\alpha}, \end{equation} and a series expansion gives \begin{equation} P_n = \frac{1}{n!}\prod_{m=0}^{n-1} (1 - m\alpha) \end{equation} for $n \geq 1$, and $P_0=1$. For $\alpha=0$ we have the Boltzmann distribution. For $\alpha < 0$ we have the so-called bosonic sector, and all probabilities are positive. For positive values of $\alpha$, only $\alpha=1/p$, with $p$ a positive integer, are considered, so that the probabilities are positive up to $n=p$ and vanish for $n\geq p+1$. The connection with creation and annihilation operators becomes immediate when comparing with Eq.\ \eqref{zeps5}, since the coefficients in \eqref{zeps5} are equal to $P_n$. Assuming that $\lambda_n$ are real, we obtain $\lambda_n = \sqrt{1 - (n-1)\alpha}$, and the creation and annihilation operators behave as \begin{align} a^\dagger |n\rangle &= \sqrt{1-n\alpha}\, |n+1\rangle \nonumber \\ a |n\rangle &= \sqrt{1-(n-1)\alpha}\, |n-1\rangle, \end{align} including the vacuum condition $a |0\rangle = 0$. The previous relations correspond to bosons for $\alpha=-1$, classical particles for $\alpha=0$, and fermions for $\alpha=1$. \begin{figure*} \includegraphics[width=.47\textwidth]{Gentile-stat}\hfill \includegraphics[width=.47\textwidth]{quons} \includegraphics[width=.47\textwidth]{poly}\hfill \includegraphics[width=.47\textwidth]{ewkons} \caption{Number distribution $\bar{n}$ against $\beta(\epsilon-\mu)$ for different statistics are shown side by side in order to facilitate comparison. From left to right and from top to bottom: Gentile statistics, quons, Polychronakos statistics and ewkons. Fermi-Dirac (FD), Bose-Einstein (BE) and Quantum Boltzmann (QB) statistics are highlighted with thicker stroke. \label{figstat}} \end{figure*} \section{Ewkons} \label{sewkons} A nonlinear Fokker-Planck equation for the diffusion of noninteracting particles in energy space was proposed recently in Ref.\ \cite{hoyusist}. The equation was based on previous work on classical particles with effective potentials that reproduce quantum statistics \cite{kania,kania2,toscani,suarez2}. Assuming that noninteracting particles have free diffusion, then classical, Bose-Einstein, and Fermi-Dirac statistics are derived. And also an additional statistics for particles called ewkons. The ewkon statistics is given by \begin{equation} \bar{n}_\text{ewk} = \sigma + x, \label{ewkonstat} \end{equation} It is equal to the Boltzmann distribution displaced a fixed quantity $\sigma$, with $\sigma$ a positive integer. Ewkons have a non vacuum ground state. The problem of divergent thermodynamic quantities is addressed in Subsect.\ \ref{aplew}. Before analyzing ewkons, let us consider a further generalization of the reasonings of Sect.\ \ref{gent}, where the connection between statistics and creation and annihilation operators is presented in Eq.\ \eqref{zeps5}. Let us go back to the definition \eqref{zeps2} of the grand partition function. We obtain Gentile statistics by a restriction of the sum to the allowed values of $n$. Now let us take into account that the restriction is not only on the maximum value of $n$ but also on the minimum. I consider a non vacuum ground state with $\sigma$ particles: $|\sigma \rangle$. Then, considering that $\mathcal{Z}_\epsilon = \sum_{n=\sigma}^{\nu} x^n$, with $\nu > \sigma$, the number distribution is \begin{equation} \bar{n} = \frac{1}{x^{-1}-1} - \frac{\nu+1-\sigma}{x^{-(\nu+1-\sigma)}-1} + \sigma. \end{equation} For example, for $\nu\rightarrow \infty$, it reproduces the Bose-Einstein distribution displaced a quantity $\sigma$. The vacuum condition has to be replaced by $a |\sigma \rangle = 0$, or $\lambda_\sigma=0$. The counting operator for this shifted Gentile statistics has eigenstates $|n\rangle$ with eigenvalue 1 if $\sigma \le n \le \nu$ and 0 if $n \ge \nu+1$. Reproducing the steps of Sect.\ \ref{gent}, expression \eqref{eigend} is modified in the following way: \begin{equation} \langle n| \hat{\delta} |n\rangle = \left\{ \begin{array}{ll} 0 & \text{if } n \le \sigma -1 \\ 1 & \text{if } n = \sigma \\ \frac{|\lambda_{\sigma+1} \cdots \lambda_n|^2}{(\sigma+1)\cdots n} & \text{if } n \ge \sigma+1 \end{array} \right., \label{eigend2} \end{equation} This definition reduces to \eqref{eigend} for $\sigma=0$. Let us note that $\sigma$ must be non-negative in order to avoid the indeterminacy $\lambda_0/0$ (this precludes the possibility of genkons, mentioned in Ref.\ \cite{hoyusist}). The grand partition function takes the form \begin{equation} \mathcal{Z}_{\epsilon} = x^{\sigma} + \sum_{n=\sigma+1}^{\infty} \frac{|\lambda_{\sigma+1} \cdots \lambda_n|^2}{(\sigma + 1)\cdots n} x^n. \label{zeps6} \end{equation} Now we can analyze ewkons. The corresponding grand partition function is \begin{equation} \mathcal{Z}_{\epsilon,\text{ewk}} = e^x\,x^\sigma. \end{equation} Assuming that $\lambda_n$ is real, a series expansion gives $\lambda_n = \sqrt{n}/\sqrt{n-\sigma}$, and the creation and annihilation operators for ewkons are \begin{equation} \begin{array}{l} a^\dagger |n\rangle = \sqrt{\frac{n+1}{n+1-\sigma}}\,|n+1\rangle \\ a |n\rangle = \sqrt{\frac{n}{n-\sigma}}\,|n-1\rangle, \quad a|\sigma\rangle = 0 \end{array} \quad \text{(ewkons)} \end{equation} If $\sigma=0$, we recover the operators for the Quantum Boltzmann distribution \eqref{qboltz}. The observed accelerated expansion of the universe is accounted by the dark energy, that should have a negative relation between pressure and energy density \cite{hogan,Planck2015,Caldwell}; also, it is homogeneously distributed in whole space. Ewkons have this two properties that make them suitable to describe dark energy: since any energy level should have at least $\sigma$ particles, they are spread in whole space (assuming a homogeneous number of states per unit volume); and, on the other hand, they have a negative relation between pressure and energy density. \subsection{Application to dark energy} \label{aplew} In order to obtain thermodynamic properties of an ideal gas of ewkons of mass $m$, I assume that the energy gaps are small enough to consider a continuous energy spectrum and introduce a density of states $g(\epsilon)$. Following the same procedure used for fermions and bosons, states are determined by a wavevector $\textbf{k}$ in a volume $V$; in a nonrelativistic gas, they have energy $\epsilon = \hbar^2 k^2/2m + mc^2$ and the density of states is $g(\epsilon') = g_d V 2\pi (2m)^{3/2} \epsilon'^{1/2}/h^3$, where $\epsilon'= \epsilon-mc^2$ and $g_d$ is a degeneracy factor; see, e.g., Ref. \cite[p. 33]{pathria}. In order to avoid divergences in the total energy or number of particles, it is necessary to introduce an ultraviolet cutoff. There is a maximum value for the energy, $\epsilon_\text{max}$, such that $g(\epsilon')=0$ for $\epsilon' > \epsilon_\text{max}$. I assume that $y=k_B T/ \epsilon_\text{max} \ll 1$. Using the grand partition function, the expressions for the energy density and pressure are: \begin{align*} \rho &= \frac{1}{V} \int d\epsilon\; g(\epsilon)\, \epsilon\, \bar{n}_\text{ewk} \\ P &= \frac{1}{V\beta} \int d\epsilon\; g(\epsilon) \ln \mathcal{Z}_{\epsilon,\text{ewk}}. \end{align*} The results are: \begin{align} \rho &= \epsilon_\text{max}^{5/2} \frac{\sigma g_d \sqrt{2}\, m^{3/2}}{5\pi^2 \hbar^3}\left[1 + \frac{5}{3}\frac{m c^2}{\epsilon_\text{max}} + \mathcal{O}(y^{5/2})\right], \label{endensity} \\ P &= \epsilon_\text{max}^{5/2} \frac{\sigma g_d \sqrt{2}\, m^{3/2}}{5\pi^2 \hbar^3}\left[-1 + \frac{5}{3}\frac{\mu-mc^2}{\epsilon_\text{max}} + \mathcal{O}(y^{5/2})\right]. \end{align} Le us note that, independently of the temperature, the rest energy term in the energy density, $\frac{5}{3}m c^2/\epsilon_\text{max}$, is not dominant (as is the case for fermions) since all energy levels (up to $\epsilon_\text{max}$) should be occupied. The relation between pressure and energy density, $w_\text{ewk}=P/\rho$, i.e. the cosmological equation of state for ewkons, is \begin{equation} w_\text{ewk} = -1 + \frac{5}{3} \frac{\mu}{\epsilon_\text{max}} + \mathcal{O}(y^{5/2}), \label{wewk} \end{equation} where it was assumed that $\frac{\mu-mc^2}{\epsilon_\text{max}} \ll 1$. Then, $w_\text{ewk}$ is equal to $-1$ plus a quantity of order $\mu/\epsilon_\text{max}$. The main current models for dark energy, cosmological constant and quintessence, include a negative pressure. This result is in agreement with recent observations of the present value of $w$, mainly dominated by dark energy, that establish an upper bound $w < -0.94$ at 95\% confidence level; see Table 3 in Ref.\ \cite{Planck2015}. Also, Eq.\ \eqref{endensity} is in accordance with the observation that dark energy density remains almost constant as the universe expands (see, e.g., \cite{wang}), assuming that $\epsilon_\text{max}$ is independent of the universe scale. Using that the dark energy density is approximately equal to $4\; 10^9$ eV/m$^3$ \cite{kowal}, we can obtain \begin{equation} m \lesssim 0.006\ \text{eV}/c^2 \end{equation} assuming $\sigma \ge 1$, $g_d \ge 1$ and $\epsilon_\text{max}/ mc^2>1$. This small upper bound for the mass connects the present approach with quintessence theories, where a nearly massless scalar field accounts for the dark energy density \cite{caldwell} (values of the mass between $0.00243$ and $0.00465$ eV$/c^2$ are used in \cite{caldwell}). \section{Conclusions} \label{conclusions} Statistics of systems composed by non-interacting particles is obtained form the single level grand partition function $\mathcal{Z}_\epsilon = \mathrm{tr}\, e^{-\beta\,(\epsilon-\mu) \hat{n}}$. The definition of $\mathcal{Z}_\epsilon$ implies that only Gentile statistics is possible \cite{dai}. It is interesting, however, to extend this definition in order to include other statistics, most noticeable the Boltzmann or Quantum Boltzmann statistics for $\lambda_n=1$. Such an extension would be relevant for several exotic statistics present in the literature that, for example, transfer the effects of interactions to features of creation and annihilation operators \cite{anghel}. I introduced a counting operator $\hat{\delta}$ that has eigenvalue 1 for the number states that are allowed, and 0 otherwise, so that its inclusion in the definition of $\mathcal{Z}_\epsilon$ does not have any effect on Gentile statistics. The counting operator can be written in terms of creation and annihilation operators. It is a natural extension to consider situations in which the eigenvalues of $\hat{\delta}$ are not only 0 or 1. This extension results in a number distribution that is consistent with expected features for some properties of creation and annihilation operators. For example, it reproduces the Quantum Boltzmann statistics for $\lambda_n=1$. The number distribution has an upper bound equal to $p$ if $a^\dagger |p\rangle = 0$ and is not necessarily bounded if there is no $p$ such that the previous condition holds. Besides Gentile and Quantum Boltzmann statistics, the procedure was applied to quons, $q$-bosons, Polychronakos statistics and ewkons; see Fig.\ \ref{figstat}. For quons, the number distribution was obtained from the commutation relation; for $q$-bosons, the grand partition function turns out to be divergent. For Polychronakos statistics and ewkons, the creation and annihilation operators were obtained from the grand partition function. In the case of ewkons, the statistics was deduced in Ref.\ \cite{hoyusist} from the condition of free diffusion in energy space; condition that is also fulfilled by fermions, bosons and classical particles. An ideal gas of ewkons has negative pressure and a cosmological equation of state similar to $-1$ plus a term of order $\mu/\epsilon_\text{max}$, see Eq.\ \eqref{wewk}; these features make them appropriate for the description of dark energy. They also provide a qualitative understanding of the fact that accelerated expansion was not always present, but started when the universe became less dense, situation that corresponds to an ewkon's chemical potential small enough to satisfy the condition imposed by the Friedmann equation to have accelerated expansion: $w < -1/3$. \begin{acknowledgments} I acknowledge useful discussions with Pablo Sisterna and Héctor Mártin. This work was partially supported by Consejo Nacional de Investigaciones Científicas y Técnicas (CONICET, Argentina, PIP 0021 2015-2017). \end{acknowledgments}
12c1fc44b0e18569a03c84997ed0a5372f4f89b1
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{intro} Brown dwarfs with masses $\lesssim$15~\mjup\ and ages $\lesssim$100~Myr lie at a nexus of astronomical interest. They represent the lowest-mass and youngest products of star formation, and as such offer rare empirical tests for evolutionary and atmospheric models. They are also the best field analogs to directly-imaged giant exoplanets, which are far more difficult to directly observe due to the glare of their host stars. Brown dwarfs cool continuously as they age, and the resulting mass-age-luminosity degeneracy makes their physical properties challenging to infer without constraints on at least two of those three parameters. The atmospheres of young brown dwarfs exhibit clear spectral signatures of low gravity \citep{Cruz:2009gs,Allers:2013hk}, but the age calibration for these signatures lacks precision better than $\approx$100~Myr \citep[e.g.,][]{Liu:2016co}. Some of the lowest-mass objects have been identified as members of nearby young moving groups \citep[e.g.,][]{Gagne:2014gp}, which provide much tighter age constraints and thus more precise mass estimates from evolutionary models than for ordinary field objects. Young binaries with small separations are even more useful as benchmarks, as their orbits can yield model-independent dynamical masses, providing exacting tests for models \citep[e.g.,][]{Dupuy:2009jq,Dupuy:2017vz}. 2MASS J11193254$-$1137466 (a.k.a.~TWA 42; hereinafter \hbox{2MASS J1119$-$1137}) was discovered by \citet[hereinafter K15]{Kellogg:2015cf} in a search for L and T~dwarfs with unusual photometry. \hbox{2MASS J1119$-$1137}\ is an L7 dwarf with extremely red optical and near-IR colors along with spectral signatures of low gravity indicating youth \citep[K15;][hereinafter K16]{Kellogg:2016fo}. K16 identified \hbox{2MASS J1119$-$1137}\ as a candidate member of the TW Hydrae Association \citep[TWA;][]{Webb:1999kf}, whose age implies a mass of only 4.3--7.6~\mjup\ for this object. \hbox{2MASS J1119$-$1137}\ would be one of the two lowest-mass isolated members of TWA, comparable only to the L7~dwarf WISEA~J114724.10$-$204021.3 \citep[hereinafter WISEA~J1147$-$2040; $6.6\pm1.9$~\mjup;][]{Schneider:2016iq,Faherty:2016fx}, and among the lowest-mass free-floating brown dwarfs known. We are conducting a high angular-resolution imaging survey of nearby brown dwarfs to identify binaries. In this Letter we show that \hbox{2MASS J1119$-$1137}\ is a nearly equal-flux binary with component masses in the planetary regime. \section{Observations} \label{obs} We observed \hbox{2MASS J1119$-$1137}\ on 2016 November~25~UT using the laser guide star adaptive optics (LGS AO) system at the Keck~II Telescope \citep{vanDam:2006hw,Wizinowich:2006hk}. We used the facility infrared camera NIRC2 in its narrow field-of-view configuration, using the $R=13.5$~mag field star USNO-B1.0~0783-0249513 \citep{Monet:2003bw} located 35\arcsec\ from \hbox{2MASS J1119$-$1137}\ for tip-tilt correction. Skies were mostly clear, with $K$-band seeing of $1.6''$ measured contemporaneously at UKIRT. We obtained 3 dithered images at $K$~band in which \hbox{2MASS J1119$-$1137}\ appeared to be an equal-flux binary. We observed \hbox{2MASS J1119$-$1137}\ again on 2017 March 18 UT in $YJHK$~bands using the same configuration, under clear skies with seeing~$\approx0.5''$ as measured by the differential image motion monitor (DIMM) at the Canada-France-Hawaii Telescope (CFHT). Details are in Table~\ref{tbl.keck}. In addition, we observed WISEA~J1147$-$2040 on 2016 May 18 UT with a similar configuration using the $R=17.4$~mag field star USNO-B1.0~0693-0264226 \citep{Monet:2003bw} located 66\arcsec\ away for tip-tilt correction, under clear skies with seeing~$\approx0.5''$ from DIMM. The target appeared to be a single object at $0.11''$~resolution. We reduced and analyzed our data using the methods described in, e.g., \citet{Liu:2008ib} and \citet{Dupuy:2017vz}. Briefly, we calibrated our images using flat fields and dark frames, performed sky subtraction, and registered and stacked images to form a final mosaic for each epoch and filter (Figure~\ref{fig.images}). We measured the relative astrometry and flux ratios of the binary by fitting a PSF model to the individual images, applying the NIRC2 pixel scale, orientation, and distortion correction from \citet{Service:2016gk}. For images in which the components were well separated (all but $Y$ band), we used the StarFinder software package \citep{Diolaiti:2000dt} to simultaneously solve for an empirical PSF and binary parameters. For $Y$ band, we used an analytical PSF of two elliptical three-component Gaussians. We applied additional corrections for differential aberration and atmospheric refraction. We used the rms of the measurements from individual images as the uncertainties on the separation, position angle (PA), and $\Delta$mag\ of the binary components (Table~\ref{tbl.keck}), adding the errors in plate scale (0.4\%) and orientation (0.020~deg) from \citet{Service:2016gk} in quadrature. \begin{figure*} \begin{center} \begin{minipage}{0.242\textwidth} \includegraphics[width=1.00\columnwidth]{00_2016Nov25_2x2_image}\vspace{12pt} \includegraphics[width=0.88\columnwidth]{00_2016May03_image} \end{minipage}\hspace{-0.22 cm}% \begin{minipage}{0.484\textwidth} \includegraphics[width=1.00\columnwidth]{01_2017Mar18_2x2_image} \end{minipage} \caption{Our Keck LGS AO images of \hbox{2MASS J1119$-$1137}\ ({\it top left and 2$\times$2 grid at right}) and WISEA~J1147$-$2040 ({\it bottom left}). North is up and East to the left, with filters indicated at lower right and contours marking logarithmic intervals from 100\% to 10\% of the peak. The northeast component (\hbox{2MASS J1119$-$1137A}) is marginally brighter in $K$ while the southwest component is brighter in $Y$ and $J$, making this system a possible flux-reversal binary.} \label{fig.images} \end{center} \end{figure*} \begin{deluxetable*}{lcccccccccc} \tablecaption{Keck LGS AO Observations \label{tbl.keck}} \tabletypesize{\tiny} \tablewidth{0pt} \tablehead{ \colhead{Object} & \colhead{Date} & \colhead{Filter} & \colhead{$N$} & \colhead{$t_{\rm int}$} & \colhead{Airmass} & \colhead{FWHM\tablenotemark{a}} & \colhead{Strehl ratio\tablenotemark{a}} & \colhead{Separation} & \colhead{Position angle} & \colhead{$\Delta$mag} \\ \colhead{} & \colhead{(UT)} & \colhead{} & \colhead{} & \colhead{(sec)} & \colhead{} & \colhead{(mas)} & \colhead{} & \colhead{(mas)} & \colhead{(deg)} & \colhead{} } \startdata 2MASS J11193254$-$1137466 & 2016 Nov 25 & \ensuremath{K_{\rm MKO}} & 3 & 60 & 1.26 & $94\pm3$ & $0.148\pm0.015$ & $137.8\pm1.7$ & $239.2\pm0.5$ & $0.125\pm0.010$ \\ & 2017 Mar 18 & \ensuremath{K_{\rm MKO}} & 6 & 60 & 1.17 & $59\pm2$ & $0.41\pm0.04$ & $138.10\pm0.10$ & $239.08\pm0.07$ & $0.027\pm0.010$ \\ & & \ensuremath{H_{\rm MKO}} & 6 & 60 & 1.17 & $51.3\pm0.5$ & $0.212\pm0.011$ & $138.08\pm0.23$ & $238.95\pm0.07$ & $0.008\pm0.007$ \\ & & \ensuremath{J_{\rm MKO}} & 6 & 120 & 1.17 & $62\pm9$ & $0.062\pm0.010$ & $137.54\pm0.27$ & $238.72\pm0.17$ & $-0.097\pm0.004$\phs \\ & & \ensuremath{Y_{\rm NIRC2}} & 5 & 120 & 1.18 & $70\pm27$ & $0.036\pm0.008$ & $136.7\pm3.5$ & $238.4\pm0.7$ & $-0.094\pm0.063$\phs \\ WISEA~J114724.10$-$204021.3 & 2016 May 03 & \ensuremath{K_{\rm MKO}} & 4 & 60 & 1.33 & $108\pm11$ & $0.088\pm0.025$ & \nodata & \nodata & \nodata \\ \enddata \tablenotetext{a}{FWHM and Strehl ratios were calculated from each image's fitted PSF, except for the $Y$-band data for which we isolated the brighter object by rotating the image 180$^\circ$ about the fainter object and subtracting. The tabulated uncertainties are the rms of measurements from individual images.} \end{deluxetable*} The NIRC2 $J$, $H$, and $K$ filters we used are from the Mauna Kea Observatories (MKO) photometric system \citep{Simons:2002hh,Tokunaga:2002ex}, and the NIRC2 $Y$-band filter is described in \citet{Liu:2012cy}. The unresolved photometry reported in K16 is from the VISTA Hemisphere Survey (VHS; PI McMahon, Cambridge, UK), which uses MKO $J$ and $H$ filters but a non-MKO $K_{\rm S}$ filter. We used the IRTF/SpeX spectrum from K15 to calculate a synthetic $\ensuremath{K_{\rm MKO}}=14.658\pm0.066$~mag for \hbox{2MASS J1119$-$1137}, flux-calibrated with K16's $K_{\rm S}$~magnitude. The VISTA and NIRC2 $Y$ filters are similar enough that no conversion was necessary. We split the unresolved \hbox{2MASS J1119$-$1137}\ $YJH$ photometry from K16 and our synthetic $K$ magnitude into resolved photometry using our measured flux ratios (Table~\ref{tbl.prop}). $K$-band flux decreases monotonically with spectral type \citep[e.g.,][]{Dupuy:2012bp}, and the northeast component of \hbox{2MASS J1119$-$1137}\ is slightly brighter in $K$, so we designate this object as the ``A'' component. We note a $0.098\pm0.014$~mag difference between the $K$-band flux ratios measured at the two epochs. This may indicate variability in one or both components, or systematic errors unaccounted in our uncertainties. We use the 2017 March $K$-band flux ratio for our analysis, as photometry in all other bands was measured that night, and because of the better image quality. We also identified a faint source in our $JHK$ images from March 2017, lying $3.79\pm0.02''$ from \hbox{2MASS J1119$-$1137A}\ at ${\rm PA}=76.47\pm0.13$~deg. It was not well detected but appears to be a point source. Images from the DSS, 2MASS, SDSS, AllWISE, and Pan-STARRS1 surveys indicate no object at this location. We measure flux ratios of 4.8~mag in $J$, 5.0~mag in $H$, and 5.7~mag in $K$, relative to \hbox{2MASS J1119$-$1137A}. At the same distance as \hbox{2MASS J1119$-$1137}, this source's $J=22.9$~mag would be consistent with known Y0 dwarfs, but its $\ensuremath{(J-K)_{\rm MKO}}=1.8$~mag color is $\gtrsim$3~mag too red \citep{Leggett:2017vj}. It is almost certainly a background object. Its \ensuremath{(J-K)_{\rm MKO}}\ color suggests an L~dwarf, evolved star, or galaxy. \section{Results} \floattable \begin{deluxetable}{lccc} \tablecaption{Properties of 2MASS~J1119$-$1137AB \label{tbl.prop}} \tablecolumns{4} \tabletypesize{\scriptsize} \tablewidth{0pt} \tablehead{ \colhead{Property} & \colhead{A component} & \colhead{B component} & \colhead{Ref.} \\ \colhead{} & \colhead{(northeast)} & \colhead{(southwest)} & \colhead{} } \startdata \cutinhead{Observed} R.A.\tablenotemark{a} (deg) & \multicolumn{2}{c}{169.88521} & 1 \\ Decl.\tablenotemark{a} (deg) & \multicolumn{2}{c}{$-11.62990$} & 1 \\ \mua\ (\protect \hbox {mas yr$^{-1}$}) & \multicolumn{2}{c}{$-154.0\pm4.0$} & 1 \\ \mud\ (\protect \hbox {mas yr$^{-1}$}) & \multicolumn{2}{c}{$-107.9\pm1.8$} & 1 \\ Radial velocity (\protect \hbox {km s$^{-1}$}) & \multicolumn{2}{c}{$8.5\pm3.3$} & 2 \\ SpT & \multicolumn{2}{c}{L7 \mbox{\textsc{vl-g}}} & 3,4,5 \\ $Y$ (mag) & \multicolumn{2}{c}{$19.045\pm0.093$} & 2 \\ $J$ (mag) & \multicolumn{2}{c}{$17.330\pm0.029$} & 2 \\ $H$ (mag) & \multicolumn{2}{c}{$15.884\pm0.017$} & 2 \\ $K$ (mag) & \multicolumn{2}{c}{$14.658\pm0.066$\tablenotemark{b}} & 3 \\ $Y$ (mag) & $19.84\pm0.10$ & $19.75\pm0.10$ & 3 \\ $J$ (mag) & $18.13\pm0.03$ & $18.04\pm0.03$ & 3 \\ $H$ (mag) & $16.59\pm0.02$ & $16.60\pm0.02$ & 3 \\ $K$ (mag) & $15.40\pm0.07$ & $15.43\pm0.07$ & 3 \\ $Y-J$ (mag) & $1.71\pm0.10$ & $1.71\pm0.10$ & 3 \\ $J-H$ (mag) & $1.54\pm0.03$ & $1.43\pm0.03$ & 3 \\ $J-K$ (mag) & $2.73\pm0.07$ & $2.61\pm0.07$ & 3 \\ $\Delta(J-K)$ (mag) & \multicolumn{2}{c}{$0.125\pm0.011$} & 3 \\ \cutinhead{Estimated} \ensuremath{d_{\rm phot}}\ (pc) & \multicolumn{2}{c}{$26.4\pm6.9$} & 3,8 \\ $m-M$ (mag) & \multicolumn{2}{c}{$2.11\pm0.56$} & 3 \\ \ensuremath{v_{\rm tan}}\ (\protect \hbox {km s$^{-1}$}) & \multicolumn{2}{c}{$23.6\pm6.1$} & 3 \\ Projected separation (AU) & \multicolumn{2}{c}{$3.6\pm0.9$} & 3 \\ Semi-major axis (AU) & \multicolumn{2}{c}{$3.9^{+1.9}_{-1.4}$} & 3 \\ Orbital Period (yr) & \multicolumn{2}{c}{$90^{+80}_{-50}$} & 3 \\ \loglbol\ (unresolved) & \multicolumn{2}{c}{$-4.44^{+0.21}_{-0.27}$} & 3,6\\ \loglbol\ (resolved) & $-4.73^{+0.21}_{-0.27}$ & $-4.74^{+0.21}_{-0.27}$ & 3 \\ \cutinhead{Model-derived (Lyon/DUSTY) assuming TWA membership} Age (Myr) & \multicolumn{2}{c}{$10\pm3$~Myr} & 7 \\ Mass (\mjup) & $3.7^{+1.2}_{-0.9}$ & $3.7^{+1.2}_{-0.9}$ & 3 \\ \ensuremath{T_{\rm eff}}\ (K) & $1013^{+122}_{-109}$ & $1006^{+122}_{-109}$ & 3 \\ \cutinhead{Model-derived (Lyon/DUSTY) assuming young field (\mbox{\textsc{vl-g}})} Age (Myr) & \multicolumn{2}{c}{$10-100$~Myr} & 8 \\ Mass (\mjup) & $9.2^{+2.3}_{-1.9}$ & $9.0^{+2.4}_{-1.9}$ & 3 \\ \ensuremath{T_{\rm eff}}\ (K) & $1065^{+133}_{-118}$ & $1059^{+133}_{-118}$ & 3 \\ \enddata \tablecomments{$JHK$ photometry is on the MKO system. $Y$ photometry is from similar filters on VISTA (integrated light) and Keck/NIRC2 (resolved); no conversion was performed.} \tablenotetext{a}{Epoch 54858.45 (MJD).} \tablenotetext{b}{Synthetic photometry based on the SpeX prism spectrum (K15) and VHS $K_{\rm S}$ photometry (K16).} \tablerefs{(1) \citet{Best:2017tj}, (2) K16, (3) this work, (4) K15, (5) \citet{Gagne:2017gy}, (6) \citet{Faherty:2016fx}, (7) \citet{Bell:2015gw}, (8) \citet{Liu:2016co}.} \end{deluxetable} \subsection{\hbox{2MASS J1119$-$1137AB}\ is comoving} \label{comoving} Our $JHK$-band astrometry from March 2017 has a mean separation of $137.88\pm0.34$~mas and PA~$238.91\pm0.20$~deg, with uncertainties estimated as in Section~\ref{obs}. The change in separation from November 2016 is $0.7\pm1.5$~mas, consistent with no change. Using the proper motion and photometric distance of \hbox{2MASS J1119$-$1137}\ (Section~\ref{distance}), if \hbox{2MASS J1119$-$1137B}\ were a stationary background object the separation would have decreased by $91.7\pm9.8$~mas in March 2017, inconsistent by $9.4\sigma$ from our observation (Figure~\ref{fig.comoving}). In addition, images from DSS, 2MASS, SDSS, and Pan-STARRS1 showed no objects that could appear as a false close companion given the proper motion. We therefore conclude that \hbox{2MASS J1119$-$1137AB}\ is a gravitationally bound binary. \begin{figure} \begin{center} \includegraphics[width=1.0\columnwidth]{2M1119_plot_comoving} \caption{The change in position of \hbox{2MASS J1119$-$1137B}\ with respect to \hbox{2MASS J1119$-$1137A}\ between 2016 November 25 and 2017 March 18 (red diamond), compared with the change expected due to parallax and proper motion of \hbox{2MASS J1119$-$1137A}\ if \hbox{2MASS J1119$-$1137B}\ were a stationary background object (blue square). The error for the background position is dominated by the uncertainty on our photometric distance. The observed positions of \hbox{2MASS J1119$-$1137B}\ are consistent with no change, while the background position differs by $9.4\sigma$, confirming that \hbox{2MASS J1119$-$1137AB}\ is a binary.} \label{fig.comoving} \end{center} \end{figure} \subsection{Spectral type and gravity classification} \label{spt} We used the IRTF/SpeX prism spectrum for \hbox{2MASS J1119$-$1137}\ and the method of \citet{Allers:2013hk} to determine a spectral type of L7, concurring with previous work \citep[K15,][]{Faherty:2016fx,Gagne:2017gy}. A higher-resolution $J$-band spectrum (K16) shows weakened K~I absorption lines having equivalent widths consistent with \mbox{\textsc{vl-g}}\ classification for L7~dwarfs \citep{Allers:2013hk,Gagne:2017gy}. We therefore adopt L7~\mbox{\textsc{vl-g}}\ as the unresolved spectral type. The extremely red \ensuremath{(J-K)_{\rm MKO}}\ colors of \hbox{2MASS J1119$-$1137AB}\ are consistent with other low-gravity late-L~dwarfs (Figure~\ref{fig.cmd}). Both the \ensuremath{(J-K)_{\rm MKO}}\ colors and \ensuremath{K_{\rm MKO}}\ magnitudes for the two components are similar, and the integrated-light spectrum shows no peculiarities that would suggest a blend of two objects with different spectral types. We conclude that both \hbox{2MASS J1119$-$1137A}\ and \hbox{2MASS J1119$-$1137B}\ have spectral types L7~\mbox{\textsc{vl-g}}. \begin{figure*} \begin{center} \includegraphics[width=2\columnwidth]{CMD-Jmko-vs-Jmko-Kmko-2m1119} \caption{\ensuremath{J_{\rm MKO}}\ vs. \ensuremath{(J-K)_{\rm MKO}}\ color-magnitude diagram for ultracool dwarfs having parallaxes \citep[adapted from][]{Liu:2016co}. Gray triangles indicate field brown dwarfs, red squares indicate late-M and L dwarfs with \mbox{\textsc{vl-g}}\ classifications, and blue stars indicate companions. Gray and red lines show linear fits for the \mbox{\textsc{fld-g}}\ and \mbox{\textsc{vl-g}}\ dwarfs, respectively. \hbox{2MASS J1119$-$1137AB}\ (yellow stars, using our photometric distance) lies among the faintest and reddest planetary-mass L dwarfs. The $M_{J_{\rm MKO}}$ errors for \hbox{2MASS J1119$-$1137AB}\ are dominated by the $d_{\rm phot}$; we measure $\Delta\ensuremath{J_{\rm MKO}}=-0.097\pm0.004$~mag. The relative positions of \hbox{2MASS J1119$-$1137AB}\ imply that \hbox{2MASS J1119$-$1137B}\ has begun the transition from a red L~dwarf to a bluer T~dwarf.} \label{fig.cmd} \end{center} \end{figure*} \subsection{Distance} \label{distance} We used the spectral-type-to-$M_{K_{\rm MKO}}$ relation for \mbox{\textsc{vl-g}}\ dwarfs from \citet{Liu:2016co} and our resolved photometry to estimate photometric distances of $26.3\pm6.8$~pc and $26.6\pm6.9$~pc for \hbox{2MASS J1119$-$1137A}\ and \hbox{2MASS J1119$-$1137B}, respectively. We adopt $26.4\pm6.9$~pc as the distance to the system, giving the binary a projected separation of $3.6\pm0.9$~AU. Our distance is consistent with K16's kinematic distance of $28.9\pm3.6$~pc assuming membership in TWA. \subsection{TWA Membership} \label{twa} K16 identified \hbox{2MASS J1119$-$1137}\ as a candidate TWA member, using the BANYAN~II online tool \citep{Malo:2013gn,Gagne:2014gp} to calculate an 88\% membership probability with a contamination probability of 0.003\% based on \hbox{2MASS J1119$-$1137}'s sky position, proper motion, radial velocity, and youth. \citet{Faherty:2016fx} analyzed moving group membership using four different tools and found $>$90\% probabilities for TWA in three cases; LACEwING \citep{Riedel:2017dg} found a contrasting probability of 16\%. \citet{Gagne:2017gy} used the full BANYAN~II analysis (including photometry) to calculate a 97\% probability of membership. \citet{Liu:2016co} found that objects lacking parallaxes which have full BANYAN~II probabilities $\gtrsim$80\% tend to have memberships confirmed by subsequent parallax measurements for the well-established moving groups, including TWA. We reassessed the moving group membership of \hbox{2MASS J1119$-$1137}\ using the BANYAN~II online tool. For position and proper motion, we adopted the values from \citet{Best:2017tj}, which are calculated from 2MASS \citep{Skrutskie:2006hl} and Pan-STARRS1~$3\pi$ \citep{Chambers:2017vk,Magnier:2017vq} astrometry and calibrated to the \textit{Gaia}~DR1 reference frame \citep{GaiaCollaboration:2016cu,Lindegren:2016gr}. Our \mud\ differs by 35.5~\protect \hbox {mas yr$^{-1}$}\ ($2\sigma$) from K16's value but is consistent with measurements by K15 and \citet{Gagne:2017gy}. Using only our astrometry and the radial velocity from K16 as inputs to BANYAN~II, we obtained a TWA membership probability of 73\%. The decrease from K16's 88\% probability is due almost entirely to the difference in \mud. When we included our photometric distance, the probability of TWA membership increased to 82\%. Based on our BANYAN~II results and the \mbox{\textsc{vl-g}}\ spectrum, \hbox{2MASS J1119$-$1137}\ is a very likely member of TWA. We note that a comparison in UVW and XYZ of \hbox{2MASS J1119$-$1137}\ to known members of moving groups using \ensuremath{\tilde\chi^2}\ as a rubric \citep [see Equation~1 of][]{Liu:2016co} supports membership in TWA, $\beta$~Pictoris (0\% probability from BANYAN~II), and Tucana-Horologium (0\%), and especially the AB Doradus (4\%) moving group. A precise trigonometric distance, now underway by us at CFHT, is needed to firmly establish the membership. \subsection{Physical Properties} \label{results.phys} As a TWA member, \hbox{2MASS J1119$-$1137}\ would share the age of $10\pm3$~Myr derived from the stellar members \citep{Bell:2015gw}. We estimated the components' masses and effective temperatures using bolometric luminosities and the Lyon/DUSTY hot-start evolutionary models \citep{Chabrier:2000hq}. To obtain \lbol, we adjusted the integrated-light value from \citet{Faherty:2016fx} to our new photometric distance, and decomposed this into individual \lbol\ values using the binary's \ensuremath{K_{\rm MKO}}\ flux ratio. Using these \lbol\ and the assumed age, we then interpolated a mass and effective temperature from the DUSTY models for each component. We propagated the uncertainties on distance, flux ratio, and age into our calculations via Monte Carlo trials using normal distributions for each uncertainty, and we quote the resulting median and 68\% confidence limits (Table~\ref{tbl.prop}). We estimate masses of $3.7^{+1.2}_{-0.9}$~\mjup\ for both components. We did not use the more recent BHAC15 models \citep{Baraffe:2015fw} as they do not include masses below 0.01~\msun. If \hbox{2MASS J1119$-$1137}\ is not a TWA member, its \mbox{\textsc{vl-g}}\ classification still constrains its age to $\approx$10--100~Myr \citep{Liu:2016co}. Our estimated masses and effective temperatures for this age range (uniformly distributed for error propagation) are shown in Table~\ref{tbl.prop}. Using our masses, we considered the effect of \hbox{2MASS J1119$-$1137AB}'s orbital motion on the radial velocity measured by K16. For an edge-on circular orbit with components at quadrature, we found a difference in radial velocities of $1.3^{+0.4}_{-0.3}$~\protect \hbox {km s$^{-1}$}\ for TWA masses or $2.0^{+0.6}_{-0.4}$~\protect \hbox {km s$^{-1}$}\ for field-\mbox{\textsc{vl-g}}\ masses. The $R\sim6000$ (50~\protect \hbox {km s$^{-1}$}) spectrum of K16 would not resolve such orbital motion, so the radial velocity from K16 remains valid. \section{Discussion} Assuming \hbox{2MASS J1119$-$1137}\ is a member of TWA, its total mass is $7.4^{+2.5}_{-1.9}$~\mjup, making it the lowest-mass binary discovered to date. The individual masses of \hbox{2MASS J1119$-$1137A}\ and \hbox{2MASS J1119$-$1137B}\ also place them among the lowest-mass free-floating brown dwarfs, including WISEA~J1147$-$2040 and the Y dwarfs \citep{Dupuy:2013ks,Leggett:2017vj}. Even if \hbox{2MASS J1119$-$1137AB}\ is actually a young field object, its total mass of $18.2^{+4.7}_{-3.8}$~\mjup\ would still be among the lowest-mass binaries, surpassed only by the young binary DENIS-P J035726.9-441730 \citep[14--15~\mjup;][]{Bouy:2003eg,Gagne:2014gp} and possibly by the T9+Y0 binaries CFBDSIR~J145829+101343 \citep[$\approx$18--45~\mjup;][]{Liu:2011hb} and WISE~J014656.66+423410.0 \citep{Dupuy:2015dz}. As an extremely low-mass young binary, \hbox{2MASS J1119$-$1137AB}\ will be a crucial benchmark for tests of evolutionary and atmospheric models. The isolation of \hbox{2MASS J1119$-$1137AB}\ strongly suggests that it is a product of normal star-formation processes, which therefore must be capable of making binaries with $\lesssim$5~\mjup\ components. \hbox{2MASS J1119$-$1137AB}\ could be a fragment of a higher-order system that was ejected via dynamical interactions \citep{Reipurth:2015dz}, although the lack of any confirmed member of TWA within 10$^\circ$ (projected separation $\approx5$~pc) of \hbox{2MASS J1119$-$1137}\ makes this scenario unlikely. Formation of very low mass binaries in extended massive disks around Sun-like stars followed by ejection into the field has been proposed by, e.g., \citet{Stamatellos:2009kg}, but disks of this type have not been observed. Binary brown dwarfs can be monitored to map their orbits, which yield dynamical masses that stringently test evolutionary models. We estimated \hbox{2MASS J1119$-$1137AB}'s orbital period using Kepler's Third Law. We first used the projected separation and a conversion factor from \citet[Table 6, assuming moderate discovery bias for very low-mass visual binaries]{Dupuy:2011ip} to estimate a semi-major axis of $3.9^{+1.9}_{-1.4}$~AU. Our model-derived masses assuming TWA membership give an orbital period of $90^{+80}_{-50}$~yr. A dynamical mass can be determined once $\approx$1/3 of an orbit has been observed \citep[e.g.,][]{Dupuy:2017vz}, so \hbox{2MASS J1119$-$1137AB}\ would yield a dynamical mass in $\approx$15--55~years. Assuming a field \mbox{\textsc{vl-g}}\ age, we estimate an orbital period of $60^{+50}_{-30}$~yr, yielding a mass in $\approx$10--35~years. The integrated-light spectrum and photometry of \hbox{2MASS J1119$-$1137}\ are notably similar to those of the young L7~dwarf WISEA~J1147$-$2040 \citep{Gagne:2017gy}, implying similar temperatures and gravity. However, using the \lbol\ for WISEA~J1147$-$2040 from \citet{Faherty:2016fx} and the method from Section~\ref{results.phys}, we estimate a \ensuremath{T_{\rm eff}}\ of $1242^{+73}_{-69}$~K, which is $\approx$230~K higher than our estimates for \hbox{2MASS J1119$-$1137A}\ and \hbox{2MASS J1119$-$1137B}. This discrepancy is particularly surprising given that both objects are very likely members of TWA and therefore should have the same age and composition. The simplest resolution is that WISEA~J1147$-$2040 is also an equal-flux binary, unresolved in our images, with component temperatures very similar to those of \hbox{2MASS J1119$-$1137AB}. Using the method from Section~\ref{distance} we calculated $d_{\rm phot}=27.3\pm6.9$~pc for a hypothetical equal-flux binary WISEA~J1147$-$2040, leading to a maximum projected separation of $2.9\pm0.8$~AU to remain unresolved in our images. Another possibility is that \hbox{2MASS J1119$-$1137AB}\ is not a member of TWA and is older; our \mbox{\textsc{vl-g}}-age temperature estimates are only $\approx$50~K higher, but would then agree with the WISEA~J1147$-$2040 estimate within uncertainties. A third intriguing possibility is that the low-resolution spectra of young red L~dwarfs are driven at least partially by factors other than temperature and gravity \citep{Allers:2013hk,Liu:2016co}, allowing coeval objects with differing masses and effective temperatures to have similar spectra. Figure~\ref{fig.cmd} compares the \ensuremath{J_{\rm MKO}}\ vs. \ensuremath{(J-K)_{\rm MKO}}\ position of \hbox{2MASS J1119$-$1137AB}\ to the ultracool dwarf population, highlighting other low-gravity objects and substellar companions. \hbox{2MASS J1119$-$1137AB}\ lies among other planetary-mass objects at the faint red end of the L dwarf sequence. \hbox{2MASS J1119$-$1137B}\ is brighter in $J$ band and slightly fainter in $K$ band, making the system a probable flux-reversal binary. (The $K$ magnitudes for the two components are formally consistent within uncertainties, but \hbox{2MASS J1119$-$1137B}\ is fainter in all nine of our individual $K$-band images.) The flux-reversal phenomenon is a hallmark of field-age L/T transition binaries \citep[e.g.,][]{Gizis:2003fj,Liu:2006ce,Dupuy:2015gl}, thought to occur when the cooler component reaches a temperature at which the clouds that suppress near-IR flux in L~dwarfs begin to clear, reducing the $J$-band opacity relative to the warmer component \citep[e.g.,][]{Burrows:2006ia}. The slightly bluer \ensuremath{(J-K)_{\rm MKO}}\ color of 2MASS~J1119$-$1137B implies that it is cooler than its primary. In field-age brown dwarfs this transition to bluer $J-K$ colors is typically seen at warmer temperatures \citep[$\approx$1400~K; e.g.,][]{Dupuy:2012bp}. The potential flux-reversal of \hbox{2MASS J1119$-$1137AB}\ suggests that it is beginning the transition at $\ensuremath{T_{\rm eff}}\approx1000\pm100$~K, an even lower temperature than the $\approx$1100$-1200$~K found for other low (but somewhat higher) mass L~dwarfs \citep[e.g.][]{Metchev:2006bq,Barman:2011fe,Liu:2013gy}, implying a possible systematic correlation between mass and L/T transition temperature. Precise photometry and resolved spectroscopy of \hbox{2MASS J1119$-$1137AB}\ with the Hubble and James Webb Space Telescopes will enable differential studies of the atmospheres of young planetary-mass objects and may yield insights into the L/T transition at young ages. \vspace{20 pt} We thank the referee for an immediate and helpful review. The IRTF/SpeX spectrum for \hbox{2MASS J1119$-$1137}\ was retrieved from the SpeX Prism Library, maintained by Adam Burgasser at http://www.browndwarfs.org/spexprism. The Pan-STARRS1 Surveys have been made possible through contributions of the Institute for Astronomy, the University of Hawaii, the Pan-STARRS Project Office, the Max-Planck Society and its participating institutes, the Max Planck Institute for Astronomy, Heidelberg and the Max Planck Institute for Extraterrestrial Physics, Garching, The Johns Hopkins University, Durham University, the University of Edinburgh, Queen's University Belfast, the Harvard-Smithsonian Center for Astrophysics, the Las Cumbres Observatory Global Telescope Network Incorporated, the National Central University of Taiwan, the Space Telescope Science Institute, the National Aeronautics and Space Administration under Grant No. NNX08AR22G issued through the Planetary Science Division of the NASA Science Mission Directorate, the National Science Foundation under Grant No. AST-1238877, the University of Maryland, Eotvos Lorand University (ELTE), and the Los Alamos National Laboratory. This work has made use of data from the European Space Agency (ESA) mission {\it Gaia} (\url{http://www.cosmos.esa.int/gaia}), processed by the {\it Gaia} Data Processing and Analysis Consortium (DPAC, \url{http://www.cosmos.esa.int/web/gaia/dpac/consortium}). WMJB and MCL received support from NSF grant AST-1518339. WMBJ, MCL, and EAM received support from NSF grant AST-1313455. Finally, the authors acknowledge the significance of the summit of Maunakea for the Native Hawaiian community. We are fortunate to have the opportunity to conduct observations from this mountain. \facility{Keck, Pan-STARRS1, {\it Gaia}}
8e32e2908125f70e4cf7d61392e916c7b18081f9
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} In 1927, van der Waerden proved his famous theorem concerning arithmetic progressions in finite colorings of $\Z$, which asserts that any finite coloring of $\Z$ contains arbitrarily long arithmetic progressions. Brown, Graham and Landman study variants of this result by considering other classes of sequences and whether these classes must also appear in finite colorings of $\Z$ \cite{BGL99}. One such class that they study are subsets of the set of arithmetic progressions whose common differences all lie in some set $S \subseteq \Z^+$. When any finite coloring of $\Z$ contains arbitrarily long arithmetic progressions whose common difference is in $S$, $S$ was said to be ``large,'' though such sets are now called \textbf{ladders} \cite{GRS16}. Another related class of sequences are walks, defined over some set $S$, which are sequences of integers whose consecutive differences are in $S$. If any finite coloring of $\Z$ contains arbitrarily long walks over $S$, then $S$ is said to be \textbf{accessible} (see \cite{jungic2005conjecture,landman2007avoiding,landman2010avoiding}). Finally, when any finite coloring of $\Z$ contains walks of infinite length over $S$, $S$ is said to be \textbf{infinitely walkable}. Instead of asking whether these properties hold for arbitrary finite colorings of $\Z$, we may ask for a set $S$ whether the above properties hold for any $k$-coloring of $\Z$ for fixed $k$. This leads to the analagous notions of \textbf{$k$-ladders}, \textbf{$k$-accessible} sets, and \textbf{$k$-walkable} sets. This paper is largely motivated by the work of Guerreiro, Ruzsa, and Silva in \cite{GRS16}, and answers three conjectures posed in that paper as well as one conjecture from \cite{BGL99}. \subsection{Organization of Paper} Section \ref{Counterexamples Section} presents a selection of known conditions that are necessary or sufficient for a set to be a ladder, and counterexamples to their converses. Some of these counterexamples were either not stated or unknown in the literature, and Counterexample \ref{Countability of Polynomials} in particular answers a conjecture of \cite{GRS16}. Section \ref{Density} examines density results for ladders and outlines further possibilities for research. Section \ref{Section 3} deals with accessible and walkable sets. \section{Ladders} Perhaps the most natural question to ask regarding ladders is how to determine whether a set is or is not a ladder. However, as of yet, there currently exists no easily checked condition that is necessary and sufficient for a set to be a ladder. \begin{theorem}[Brown, Graham, Landman \cite{BGL99}]\label{Modular Restrictions} A set $S \subseteq \Z^+$ is a ladder if and only if $S \cap n\Z$ is a ladder for every $n$. \end{theorem} The proof is reasonably simple and informative. \begin{proof} If any such intersection were a non-ladder, then there would be some coloring $\chi$ on which all arithmetic progressions over $S \cap n\Z$ had length bounded by some constant. Then consider the coloring $\pi: x \mapsto x~ \mod n$. The Cartesian product $\chi \times \pi$ produces a coloring of $\Z$ whose monochromatic arithmetic sequences over $S$ lie in the subset $S \cap n\Z$, and are therefore of bounded length. We then conclude $S$ is not a ladder. The other direction is seen immediately by taking $n = 1$. \end{proof} \subsection{Known Results and New Counterexamples}\label{Counterexamples Section} We begin with some known results that give necessary or sufficient conditions for sets to be ladders, and provide counterexamples to their converses, some of which (for example, the counterexample to the converse of Theorem \ref{Polynomial}) were not in previous literature. \begin{theorem}[Brown, Graham, Landman \cite{BGL99}]\label{Exponential} If a set $S = \{s_1,s_2,\dots\}$ satisfies $s_{i+1} \geq (1+\epsilon) s_i$ for all $i$ and some $\epsilon > 0$, then $S$ is not a ladder. \end{theorem} \begin{counterexample}[Converse of Theorem \ref{Exponential}] The set of odd integers provides a counterexample to the converse of this theorem. It is a non-ladder by Theorem \ref{Modular Restrictions}. \end{counterexample} It may also be tempting to hypothesize that sets with exponential growth rates are non-ladders, but this is not the case. Indeed, we will see as a consequence of Theorem \ref{combinatorial cube} that for any $f: \Z\to\Z$, there exists a ladder $S = \{s_1,s_2,\dots\}$ such that $s_i > f(i)$ for all $i$. \begin{theorem}[Brown, Graham, Landman \cite{BGL99}]\label{Complement} The complement of a non-ladder is a ladder. \end{theorem} \begin{counterexample}[Converse of Theorem \ref{Complement}] As we will see in Theorem \ref{Polynomial}, the set $\{4n^2\}_{n \in \N}$ is a ladder, and its complement contains $\{2n^2\}_{n \in \N}$, which is also a ladder by the same theorem. \end{counterexample} \begin{theorem}[Brown, Graham, Landman \cite{BGL99}]\label{Polynomial} Let $P$ be some polynomial with integer coefficients such that $P(0) = 0$. Then if a set $S$ contains $P(\Z) \cap \Z^+$ then $S$ is a ladder. \end{theorem} This theorem follows from an extension of Van der Waerden's theorem to such polynomials due to Bergelson and Leibman in \cite{bergelson1996polynomial}. Again, the converse is not always true. \begin{counterexample}[Converse of Theorem \ref{Polynomial}]\label{Countability of Polynomials} By the countability of polynomials with integer coefficients, we can construct a set $S$ that contains one element of $P(\Z) \cap \Z^+$ and excludes one element of $P(\Z) \cap \Z^+$ for each nonconstant polynomial $P$ with integer coefficients. Then neither this set nor its complement contain all values of $P(\Z) \cap \Z^+$ for any $P \in \Z[x]$, yet by Theorem \ref{Complement} at least one of these sets must be a ladder. \end{counterexample} For the next theorem, we introduce the following notation: A \textbf{combinatorial cube} of dimension $k$ is the set of all subset sums of a multiset of cardinality $k$. \begin{theorem}[Brown, Graham, Landman \cite{BGL99}]\label{combinatorial cube} If a set $S \subset \Z$ contains combinatorial cubes of arbitrarily large dimension, then $S$ is a ladder. \end{theorem} \begin{counterexample}[Converse of Theorem \ref{combinatorial cube}] The set of perfect cubes $\{n^3 : n \in \Z\}$ provides a counterexample to the converse of this statement. Such a set is a ladder by Theorem \ref{Polynomial}. If it contained a combinatorial cube of dimension at least 2, it would contain two elements $a$ and $b$, as well as their sum $a+b$. This, however, would violate Fermat's Last Theorem. \end{counterexample} Theorem \ref{combinatorial cube} also implies that we can construct ladders that are arbitrarily sparse by taking a set of combinatorial cubes that are sufficiently far apart from each other. As such, it seems unlikely that any simple density notion can be a necessary and sufficient condition for a set to be a ladder. \subsection{Density 1 Sets are Ladders}\label{Density} \begin{theorem} Any set $S \subset \Z^+$ with upper density 1 is a ladder. \end{theorem} \begin{proof} We show that any set with upper density 1 contains arbitrarily long sequences of the form $\{x,2x,3x,\dots\}$. Each of these sequences is a combinatorial cube, therefore this would imply that such a set is a ladder (Theorem \ref{combinatorial cube}). Recall that a set has upper density 1 in $\Z^+$ if $$ \limsup_{n \to \infty} \frac{|S\cap [1,n]|}{n} = 1. $$ Then for any $n$, we can find some $N$ with $|S \cap [1,N]| > N(1-\frac 1 {n^2})$. Now consider the sequences $\{x,2x,\dots,nx\}$ for $x \in [1,\frac Nn]$. Assume for the sake of contradiction that $S$ contains at most $n-1$ elements in each of these sequences. Then the complement of $S$ contains at least one element from each sequence. We note that each number $t$ can appear in at most $n$ sequences. Otherwise, we would have $t$ appearing in the $k^\text{th}$ spot in two distinct sequences $\{x,2x,\dots,nx\}$ and $\{y,2y,\dots,ny\}$ for some $k$ by pigeonhole principle. This would imply $t = kx = ky$, so $x = y$ and the two sequences are precisely the same, which is a contradiction. We then conclude that the complement of $S$ must contain at least one element for every $n$ sequences constructed above, so its size is at least $N/n^2$, contradicting the density assumption above. Thus $S$ contains $\{x,2x,\dots,nx\}$ for some $x$ in this interval. Since $n$ was chosen arbitrarily, the result follows. \end{proof} \begin{corollary} Let $S$ be a set of the form $P(\Z) \cap \Z^+$ for some $P \in \Z[x]$ of degree at least 2 such that $P(0) = 0$. Then $S$ and its complement are both ladders. \end{corollary} This negatively resolves a question in \cite{BGL99} as to whether sets of the form $S \cap P(\Z)$ are ladders for all ladders $S$ and any non-linear $P$ as above. By taking $S$ to be the complement of $P(\Z)$ for any choice of $P$, we see that this intersection is empty and thus not a ladder. To conclude the section, we present a conjectural density condition for a set to be a ladder. From Theorem \ref{Modular Restrictions} we see that $\Z \setminus n\Z$ is a non-ladder, which means that we can construct ladders with density $1-\epsilon$. The following conjecture asserts that this ``modular restriction'' is the only such obstacle to a density condition. Specifically, \begin{conjecture} Any set $S \subset \Z$ with positive relative upper density in each subgroup $n\Z$ is a ladder, where the {relative upper density} of $S$ in a subgroup $n\Z$ is defined as $$ \limsup_{k \to \infty} \frac{\left|S \cap \{n,2n,\dots,kn\}\right|}{k}. $$ \end{conjecture} Any partial results or weaker variants would still be quite interesting. \section{Accessible and Walkable sets}\label{Section 3} We now define accessible and walkable sets, which are two commonly-studied variants of ladders \cite{GRS16,jungic2005conjecture, landman2007avoiding, landman2010avoiding}. For a set $S \subset \Z^+$, define its \textbf{distance graph} $G(S) = (V,E)$ with $V = \Z$ and $E = \{(v_1,v_2) \in V \times V \mid |v_1-v_2| \in S\}$. A \textbf{walk} over a set $S$ is a sequence $\{a_1,a_2,\dots\}$, of either finite or infinite length, such that for all $i$, $a_{i+1}-a_i \in S$. Equivalently, it is the set of vertices of some path in $G(S)$. We say a set $S \subseteq Z^+$ is \textbf{accessible} if any finite coloring of $\Z$ admits arbitrarily long monochromatic walks over $S$. We say a set $S \subset \Z^+$ is \textbf{$k$-walkable} if for any $k$-coloring of $\Z$, there are infinitely long monochromatic walks over $S$. A set that is $k$-walkable for all $k$ is called infinitely walkable. (Note the slight distinction between accessible and walkable sets.) We briefly note the connections between these types of sets and ladders. It is clear that all ladders are accessible, but Jungi\'c provides an example of an accessible sequence that is not a ladder \cite{jungic2005conjecture}. It is not immediately obvious whether a ladder should be infinitely walkable, or vice-versa, however the authors of \cite{GRS16} provide examples of ladders that are not infinitely walkable and of infinitely walkable sets that are not ladders. The following result parallels our earlier density result regarding ladders. \begin{theorem}\label{Walkable Density 1} Any set $S \subset \Z^+$ with upper density 1 is infinitely walkable. \end{theorem} \begin{proof} We will construct an infinite set $H$ such that $H-H \subseteq S$. This will immediately imply $S$ is infinitely walkable (see \cite{GRS16}). We proceed inductively, by constructing a sequence of sets $H_1 \subset H_2 \subset H_3 \subset \cdots$ such that $H_i - H_i \subset S$ for all $i$. To begin, take $H_1 = \{h_1\}$ for some $h_1 \in S$. Such an element must exist by the density of $S$. Now, say we have $H_k = \{h_1,\dots,h_k\}$ such that $H_k-H_k \subseteq S$. Then fix $n > h_k$ and consider the sets $n-H_k, 2n-H_k,3n-H_k,\dots$. Each of these sets $tn-H_k$ lies in the interval $((t-1)n,tn)$ and so they are mutually disjoint. Assume for the sake of contradiction that none of these sets is contained entirely in $S$. Then in each interval $((t-1)n,tn)$, $S$ is missing at least one element, and so for all $N > 2n(n-1)$ the density of $S$ on an interval $[1,N]$ is bounded by $$\frac {n-1}N \left\lceil{\frac Nn}\right\rceil < \frac {n-1}{n}+\frac{n-1}{N} < \frac{2n-1}{2n},$$ contradicting the upper density assumption on $S$. Then, by contradiction, we have some $tn$ such that all of its differences with elements of $H$ are in $S$. Then we have $H \cup \{tn\} - H \cup \{tn\} \subseteq S$, so we let $H_{k+1} = H_k \cup \{tn\}$. Finally, take $H = \bigcup_{i = 1}^\infty H_i$. This forms an infinite subset of $S$. Any two elements lie in some $H_k$ for sufficiently large $k$, and so their difference lies in $S$. Thus, we conclude that $H-H \subset S$, completing the proof. \end{proof} \subsection{Walkability Order} For sets that are not infinitely walkable we define the order of a set as follows. $$\ord(S) := \sup\{k \mid S \text{ is $k$-walkable}\}.$$ We prove the following theorem concerning the order of sets whose elements grow quickly, improving on a similar result of Guerreiro, Ruzsa, and Silva in \cite{GRS16} by nearly a factor of two. \begin{theorem}\label{Walkability Order} Say $S \subset \Z^+$ and $S = \{s_1,s_2,\dots\}$ such that $\liminf \{s_{i+k}-s_i\}$ is infinite. Then $\ord(S) \le k+1$. \end{theorem} For comparison, see the proof of Theorem 9 in \cite{GRS16}. \begin{proof} We construct a $(k+2)$-coloring of $\Z^+$ such that every monochromatic walk over $S$ is of finite length. First, partition $\Z$ into intervals in the following manner: \begin{enumerate} \item Set $I_1 = \{1\}$. \item For all $t > 1$, $I_t$ begins immediately after $I_{t-1}$ ends, and $|I_t| = s_N$, where $N$ is chosen such that for all $n > N$, $s_{n+k}-s_{n} > \sum_{i = 1}^{t-1} |I_i|$. Such an $N$ must exist by the assumptions on $S$. \end{enumerate} With this partition, we have the following fact: An element $x$ in interval $I_t$ is adjacent to at most $k$ elements in the set $I_1 \cup \dots \cup I_{t-2}$. This follows from the fact that for $x$ to be adjacent to an element $y$ of this set, these two elements must differ by some element greater than $s_n > |I_{t-1}| = S_N$ as above. Then $x-s_{n+k} < x-s_n-\sum_{i = 1}^{t-2} |I_i| < 0$. And so there are at most $k$ values of $s_i$ such that $x-s_i \in I_1 \cup \dots \cup I_{t-2}$. We now color the integers using the elements of $[k+2]$. In each interval $I_t$, we will restrict ourselves to using the $k+1$ elements of $[k+2]$ not equivalent to $t ~\mod k+2$. The coloring proceeds as follows: each element $t \in I_t$ is adjacent to at most $k$ elements in $I_1 \cup \dots \cup I_{t-2}$ from above. We have $k+1$ choices for colors of elements in this interval, so choose a color for $t$ that is not equal to any of the colors of these neighbors, if they exist. Now, in this coloring, no element is adjacent to any element that is greater than one interval away. Then any monochromatic walk over $S$ contains elements in a consecutive set of intervals. If this consecutive set contained $k+2$ intervals, it would have to contain an interval with no elements of its color, which is impossible. Thus each monochromatic walk over $S$ in this coloring is contained in a set of at most $k+1$ finite intervals, and is therefore finite, which completes the proof. \end{proof} As a specific useful case of this theorem, we present the following corollary. \begin{corollary}\label{Walkability Order 2} Let $S = \{s_i\}$ with $\liminf\{s_{i+1}-s_i\} = \infty$. Then $\ord(S) \leq 2$. \end{corollary} This answers a problem of \cite{GRS16} that asks for the order of the set of squares, which the authors of the conjecture showed to be at least 2. Corollary \ref{Walkability Order 2} shows that the order of this set must then equal 2. Moreover, this example shows that given only the above assumptions on $S$, the bound given by Theorem \ref{Walkability Order} on the walkability order of $S$ is tight. \subsection{Accessibility of General Directed Graphs} We can also study accessibility and walkability through the distance graph $G(S)$. Guerreiro, Ruzsa, and Silva show that a set $S$ is accessible if and only if $G(S)$ has infinite chromatic number, that is, any finite coloring of $G(S)$ contains a pair of adjacent vertices of the same color \cite{GRS16}. This proof extends readily to all acyclic directed graphs, but is an open question for general directed graphs. We state their result here and then extend it to arbitrary directed graphs. \begin{theorem}[Guerreiro, Ruzsa, Silva \cite{GRS16}]\label{Accessible Graph} Let $G$ be an acyclic directed graph. Then $G$ has infinite chromatic number if and only if $G$ is accessible. \end{theorem} We prove the following extension of this theorem. \begin{theorem}\label{General Directed Graphs} Let $G$ be a directed graph with no loops. Then $G$ has infinite chromatic number if and only if $G$ is accessible. \end{theorem} \begin{proof} Recall that $G$ having infinite chromatic number means that any finite coloring admits monochromatic paths of a single edge, whereas accessible means that any finite coloring admits arbitrarily long monochromatic paths. Then accessibility implies infinite chromatic number. For the other direction, impose an arbitrary ordering on the vertices $V$ and then partition the edges of $G$ into two sets $E_1$ and $E_2$, where $E_1 = \{(v_1,v_2) \mid v_1 < v_2\}$ and $E_2$ its complement. Then it is clear that the two graphs $(V,E_1)$ and $(V,E_2)$ are acyclic, and both are subgraphs of $G$. Now we show that at least one of these graphs has infinite chromatic number. Assuming otherwise, there would exist some finite colorings $\chi_1$ and $\chi_2$ such that for all $(x,y) \in E_1$, $\chi_1(x) \neq \chi_1(y)$, and similarly for $(x,y) \in E_2$, $\chi_2(x) \neq \chi_2(y)$. Then consider the Cartesian product $\chi_1 \times \chi_2$, which is again a finite coloring. Any pair of adjacent vertices in $G$ must be connected by an edge in either $E_1$ or $E_2$, and therefore differ in at least one coordinate of their color in this coloring. Thus in this finite coloring of $G$, no pair of adjacent vertices share the same color, which contradicts the assumption that $G$ has infinite chromatic number. Then, by contradiction, one of these two acyclic subgraphs of $G$ also has infinite chromatic number. Then any coloring of the vertices of $G$ is a coloring of this subgraph, which by Theorem \ref{Accessible Graph} contains arbitrarily long monochromatic paths. \end{proof} \section{Further Work} This paper answers a number of questions from \cite{GRS16}, but not all of them. One of the very interesting open problems is the question of whether a $2$-ladder is necessarily a ladder. We offer a density variant as well: Say $S \subseteq \Z$ is $\alpha$-Szemer\'edi if any $X \subseteq \Z^+$ with upper density $\alpha$ contains arbitrarily long arithmetic progressions with common difference in $S$. The conjecture states that for any $S$, $\inf\{\alpha: S \text{ is $\alpha$-Szemer\'edi}\} \in \{0,1\}$. \section{Acknowledgements} This research was carried out at the Duluth REU under the supervision of Joe Gallian. Duluth REU is supported by the University of Minnesota Duluth and by grants NSF-1358659 and NSA H98230-16-1-0026. Special thanks to Eric Riedl and Joe Gallian for editing help. Thanks as well to the UMD car rental program, because I was surprisingly productive during the long walks back to my apartment after returning their cars. \bibliographystyle{acm}
b98f42770353731e28a3208a9f596cda163473bd
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{sec:intro} A form of ``stellar archaeology" traces the formation of the Milky Way (MW) using the dense globular clusters (GCs) as test particles. However, it has become obvious that globular cluster populations are far more chemically-diverse than we assumed a few decades ago, and are not simple single-generation star clusters \citep[and references therein]{gra12}. The Milky Way (MW) contains at least 150 GCs, and there appears to be a difference between the inner and outer halo populations \citep{van13}. Segue 3 was first discovered by \citet{bel10} in the Sloan Digital Sky Survey (SDSS) ($\alpha =21^h 21^m 31^s$, $ \delta = +19\arcdeg 07\arcmin 02\arcsec $ J2000, $l=69.\arcdeg4$, $b=-21.\arcdeg27$), and was identified as an ultra-faint star cluster with a half-light radius, $r_h=0.065\arcmin \pm 0.1\arcmin$. The discovery paper detailed KPNO 4-m g- and r-photometry used to derive Seg~3's structure, employing an M92-like template isochrone. \citet[hereafter B10]{bel10} found $(m-M)_0=16.3$ and $\mathrm{[Fe/H]}=-2.3$, which indicated that Seg~3 is a cluster similar to Koposov 1 \& 2 \citep{kop07}, and tentatively linked Seg~3 with the structure of the Hercules-Aquila Cloud. \citet[hereafter, F11]{fad11} used Keck/DEIMOS spectroscopy and Magellan/IMACS g and r-band imaging of Seg~3, coupled with maximum likelihood methods, to analyze the structure of the star cluster. F11 found a smaller $r_h$ of $26\arcsec \pm 5\arcsec$, with an age of $12^{+1.5}_{-0.4}$~Gyr and $\mathrm{[Fe/H]}=-1.7^{+0.07}_{-0.27}$. F11 identified 32 member-stars from spectroscopy and photometry, and placed 11 of the stars outside three of their half-light radii, finding no evidence of dark matter. F11 support B10's conclusion that Seg~3 is an old, faint, sparse star cluster. B10 note that the evolution of a system like Seg~3 proceeds with more massive objects collecting at the core of the cluster, with less massive objects forming a halo, as it disrupts. \citet{kim15} discuss the cluster Kim~1, mentioning Seg~3; they concluded that since F11 found radial a velocity offset between Seg~3 and the Hec-Aql Cloud, they were not likely to be connected. In contrast, \citet[hereafter, O13]{ort13} used deep Galileo (Telescopio Nazionale Galileo) B, V and I images of Segue 3 ($V\leq 25$) to determine an age of $\sim 3.2$~Gyr and $\mathrm{[Fe/H]}\sim -0.8$. The O13 result characterized Seg~3 as the youngest globular cluster in our Galaxy. Its likely youth may imply that Seg~3 is a captured object or a system formed during a capture of a gas-rich dwarf (O13; F11). Such gas-rich dwarf galaxies (e.g., WLM, SMC, LMC) may have donated clusters with properties similar to Palomar 1 \citep{sar07,sak11} and Seg~3 to the Milky Way (MW). With a well-defined MSTO in their $V \; vs. \; (V-I)$ color-magnitude diagram (CMD), O13 found $(m-M)_0=17.32$, $d_\odot= 29.1$~kpc, with Galactic coordinates of $X = -13.0$, $Y = -6.1$, and $Z = -19.2$, making its Galactocentric distance $R_{GC} = 24.0$~kpc -- placing it among the unusual, outer-halo faint clusters. A study by \citet{pau14} identified Ko 1 \& 2 as \em open clusters \rm (OCs) of ages 5--7 Gyr, with $\mathrm{[Fe/H]}=-0.60$ and $[\alpha/Fe]=+0.2$, that could have been lost by the Sagittarius Dwarf Galaxy, and are part of the Sagittarius Stream. Their conclusion was based on evidence that these clusters' luminosity functions (LFs) did not show significant mass-loss. O13's V-band LF shows Seg~3's main-sequence is depleted above their completeness limit, indicating that it has undergone significant tidal-stripping, and should have been a more massive system in the past. \begin{figure} \begin{minipage}[r]{0.7\textwidth} \vspace{-4in} \includegraphics[scale=0.825]{aj_seg3_fig1.pdf} \end{minipage} \vspace{-4.0in} \caption{ The Segue 3 cluster with the panels as follows. Left: the source-density plot, using data from O13. Center: the 3-parameter (3P) King model for the $V-I$ data. Right: finding chart for objects with the cluster and tidal radius shown. The point-size represents the V-magnitude. } \label{fig:f1} \end{figure} \begin{figure} \includegraphics[scale=0.6]{aj_seg3_fig2.pdf} \caption{ The Segue 3 (O13) data re-analyzed with the ASteCA code (Perren et al. 2015). \rm (a): \rm left: CMD for stars in the FOV which are statistically likely to be non-members. \rm (b) \rm CMD for stars likely to be members. \rm (c) \rm Luminosity functions (LFs) in the form of number of stars/cluster area ($N^* / A_{cl}$) vs. V-mag., for the samples: the red line represents all stars within $r_{cl}$, the blue line denotes the ``field" population, the green line shows the likely Seg~3 members, and the dotted line is the completeness limit in the V-band. \rm (d) \rm A finding chart for the objects within the cluster area (see Figure~1), color-coded for the likelihood of membership. \rm (e) \rm CMD of likely members with the best-fit Padova isochrone (O13's data tables did not list uncertainties). \rm (f) \rm The synthetic cluster produced by ASteCA from the Padova/PARSEC12 isochrones, using the best-fit parameters (inset). This single run results in: $Z=0.007 \pm 0.002$, $\log(Age)=9.4 \pm 0.2$, $(m-M)_0=17.36 \pm 0.03$, and a binary fraction of $0.3\pm 0.1$. The 3-parameter (3P) King model gives a cluster radius of $r_{cl}=0.\degr014\pm 0.\degr001$, the core radius is $r_{c}=0.\degr003\pm 0.\degr0003$, and the tidal radius is $r_t=0.\degr04 \pm 0.\degr02$, yielding a total mass of $600\pm 100\; M_\odot$. } \label{fig:f2} \end{figure} O13 argued that the main difference in their results and those of F11 was caused by an offset (of unknown origin) in the latter's photometry, and the inclusion or exclusion of a few sub-giant branch (SGB) stars. No red giant branch (RGB) objects have been conclusively identified as members of Seg~3 from past studies (B10, F11, O13), and no spectroscopic metallicities have been reported. As the ``youngest globular cluster" (O13) in the MW, this is an important system, which merits further study. We attempt to reproduce the previous results in \S 2.1, using the archival O13 data. In this paper, we study Seg~3 with Washington (\S 2.2) and SDSS (\S 2.3) filters, both to provide more wavelength coverage and to reduce the observational uncertainties in the age and metallicity. The $(C-T_1)$ and $(u-g)$ colors are around 2--3 times more sensitive than $V-I$ and $(g-r)$ \citep[depending on metallicity and age]{gei99,li08,hug14}. A discussion in \citet[and references therein]{hug14} compared previous papers that tested the most effective color-pairs in use for age and metallicity studies \citep[etc.]{li08,hol11}, noting that the theoretical colors were tested on relatively close and dense GCs. To avoid user-bias as much as possible, we compared the results of fits to the Dartmouth models \citep{dot08,dot16} made with simple $\chi^2$-fitting routines for multiple colors, with more complex open-source codes that claim to simultaneously fit 7--9 parameters which are degenerate in color-magnitude diagrams or color-color plots. We also chose 2 different codes, one which has been tested on OCs and one designed for GCs. To compare directly with O13, who used the \citet{bre12} models, we employed the PARSEC \citep[stellar tracks and isochrones with the PAdova and TRieste Stellar Evolution Code] {bre12} and the (open-source) Automated Stellar Cluster Analysis (ASteCA) suite of modeling tools \citep[ \S 2.1]{per15}. To better estimate the observational uncertainties, compared to the standard age-metallicity scale \citep{van13} for GCs, we used BASE-9 \citep{hip14,ste16,wag16a}. This is another Bayesian modeling code which fits star cluster basic parameters but it requires cluster-membership be assigned to stars in the region, and Segue 3 is a sparse stellar cluster in a crowded field. An advantage of the ASteCA suite of tools is that it contains a ``Bayesian field star decontamination algorithm capable of assigning membership probabilities using photometric data alone." BASE-9 can be used for single-age and single-metallicity clusters \citep{wag17} but can also be set to model clusters that differ internally in helium abundance \citep{ste16,wag16b}, using the Y-enhanced Dartmouth isochrones (D08). For completeness in considering stellar rotation as a free parameter, we also compared our data with the Geneva model database \citep{geo13}, which allows for a wider range of stellar rotation rates than the Dartmouth models. Without medium- to high-resolution spectroscopy, we cannot confirm that Segue 3 is (or was, before it was so severely stripped: O13, F11, B10) a ``standard" GC, with the Na-O anti-correlation, denoting multiple-populations \citep{gra12}. Helium-enhancement can affect colors and might be a valid discriminator between OCs and GCs. We also searched for similarities between Seg~3 and the LMC \& SMC young massive clusters \citep[YMC, and references therein]{bas16}. We detail our observations in \S 3. In \S 4, we discuss the spectral energy distributions and ensure all the photometry (UV--IR) can be calibrated to a uniform metallicity scale for cluster members and possible RGB stars, and one likely blue straggler. In \S 5, we discuss the possibility that we are observing a spread in rotation rates instead of a large age-uncertainty at the turn-off. We address the age-metallicity relationship for galactic globular clusters in \S 6, and place Segue 3 in a group of unusual outer-halo systems that might be extra-galactic in origin. \section{Method} \subsection{Comparison of VI-data with the Padova Models} We obtained the archival O13 data (noting that uncertainties are not available) and display the ASteCA fits in Figures 1 \& 2. Figure~1 shows the source density map, the 3-parameter King model fit, and the finding chart for objects scaled by V-mag. Figure~2 shows the $V,\; V-I$ ASteCA cleaning process, where 10 ``field regions" were defined around the cluster. For the O13 FOV, relaxing or tightening the cluster-membership criteria in the code \citep{per15} selected $>50$ members in those filters. We show one run for the data, setting the visual extinction range to $0.05<E(B-V)<0.20$~mag., as we found that ASteCA can only reproduce the O13 results exactly by limiting the input interstellar extinction, and by forcing $Z<0.005$. The lack of a well-defined RGB requires us to limit the extinction range; our tests added artificial stars to an assumed RGB to confirm this. We limited the distance modulus to 15--20 magnitudes and let all other parameters range over the usual Padova/PARSEC12 model grid \citep{bre12}: we searched a $\log (Age)$ range from 6.0--10.13 and a metallicity range from Z=0.0001--0.015. We ran the code in manual and automatic mode to test the stability of the fit to a cluster with known members (F11 \& O13) outside the apparent cluster radius. \rm We took the extinction values from the \citet[hereafter: SFD]{sch98} IRAS maps, noting that the MSTO magnitude/color is very sensitive to the assumed extinction, and can change the age and metallicity considerably in fitting isochrones. For the extinction corrections we assume the relationships given in Eqns.[1]--[8]. \rm In the Washington filters, we use standard relationships from \citet{gei91} and \citet[hereafter: GS99]{gei99} for Washington filters, and those listed by \citep[and SFD]{yua13}. GS99 use $A_V = 3.2E(B-V)$; not setting $R_V=3.1$ does not transform into an appreciable difference with low E(B-V), but R-values might vary in different galaxy environments. Previous studies found these relationships would return photometric metallicities which compared well to spectroscopic measurements \citep{hug08,hug14}. Both O13 and F11 results agree with the SFD/IRAS maps: $E(B-V)\approx 0.1$, and extinction does not appear variable. \begin{eqnarray} E(V-I)=1.24E(B-V);\\ E(C-T_1) = 1.97E(B-V);\\ E(T_1-T_2) = 0.69E(B-V);\\ M_{T_1}=T_1+ 0.58E(B-V) - (m-M)_V;\\ u_0=u-5.14E(B-V);\\ g_0=g-3.79E(B-V);\\ r_0=r-2.75E(B-V);\\ i_0=i-2.09E(B-V). \end{eqnarray} We allowed the cluster radius to vary within the limits set by B10, F11, and O13. The ASteCA ``radius assignment function" can be set to low/mid/high to determine how ``aggressively" the routine assigns the radius of the cluster. The \em low \rm option selects smaller radii, which is most useful when the FOV is heavily contaminated by field stars, and the \em high \rm option is used when to try and find every possible member belonging to the cluster. The example in Figure~2 uses the \em mid-\rm option. We set the Bayesian cleaning process to take 10 (a variable) field regions around the cluster and found the membership probability of each object (Figure~2d \& 2e). The code can then find the likelihood of each synthetic star cluster generated \citep{dol02} and we show the cluster members, color-coded for probability of membership (Figure~2e) with the best-fit isochrone \citep[and references therein]{per15}. There are some stars in the FOV, appearing to be on the RGB, which are not removed by the membership assignment, and one A-type star remains above the MSTO ($^\# 26$) -- possibly a blue straggler (BS) that was never rejected as a cluster member by the ASteCA-code, in any color combination. The distance modulus settled down to $17.4\pm 0.5$ mag., when $E(B-V)$ was limited. Again, as noted by O13, it is sensitive to the inclusion of objects close to the (supposed) SGB and includes a few RGB/AGB stars which are not statistically excluded. The limiting magnitude is calculated as $V\sim 23.6$ mag. by the code. The single run shown in Figure~2 gives: $Z=0.007 \pm 0.002$, $\log(Age)=9.4 \pm 0.2$, $(m-M)_0=17.36 \pm 0.03$, and a binary fraction of $0.3\pm 0.1$. The 3-parameter (3P) King model returns a cluster radius of $r_{cl}=0.\degr014\pm 0.\degr001$, a core radius of $r_{c}=0.\degr003\pm 0.\degr0003$, and a tidal radius of $r_t=0.\degr04 \pm 0.\degr02$, yielding a total mass of $600\pm 100 \; M_\odot$. Thus, only limiting $E(B-V)$ reproduces the O13 results for the distance and size, but returns a more metal-rich and younger fit. \rm These results place Seg~3 firmly in the MW's outer halo, supporting the hypothesis that the cluster is disrupting: the MS is underpopulated above the limiting magnitude, as reported in O13. \rm There are $V_r$-confirmed cluster members outside both the $r_h$ (F11, O13) and the average $r_{cl}$, determined by the code. The range of the tidal radius is quite uncertain (F11, O13). In Figure~2c, the contamination index (CI) is defined as: \begin{equation} CI={d_{field}\over{n_{cl+fi}/A_{cl}}}={n_{fi}\over{n_{fi}+n_{cl}}}, \end{equation} where $d_{field}$ is the field-star density in the cluster region, $A_{cl}$ is the area of the cluster, $n_{fi}$ is the number of field stars, and $n_{cl}$ is the number of likely cluster members. For this example, the O13 FOV has a value of $CI=0.34$; where a value $>0.5$ would indicate an equal number of field and cluster stars. \citet{per15} discuss the limitations of this code when dealing with a region which is heavily contaminated. The photometry is listed in O13 to $V\sim 25$ (no uncertainties), although ASteCA's routines calculate $V\approx 23.6$ as the completeness limit. ASteCA's analysis was tested on 400 MASSCLEAN-generated clusters \citep{pop09} by \citet{per15}, who also modeled 20 MW OCs, where Seg~3 is at the lower-mass end of the OC-sample they used. \subsection{Washington Filters} In addition to studying the ASteCA error-analysis from \citet{per15}, we tested the code ourselves on Washington photometry of several GCs, most notably NGC 6397 and 47 Tuc, which were used as cluster-standards in \citet{hug07} for comparison with the massive, unusual GC, NGC 6388. We chose these 2 clusters since they are close to the values of [Fe/H] reported by F11 and O13 for Seg~3. NGC 6397 was modeled as $Z=0.0005 \pm 0.0001$, which becomes $\mathrm{[Fe/H]}=-1.92 \pm 0.11$ translated to the $\alpha$-enhanced scale from $\mathrm{[Fe/H]}=-1.6$ (solar-scaled). \citet{van13} reports $\mathrm{[Fe/H]}=-1.99$. Also, $\log(Age)=10.1 \pm 0.05$, $E(B-V)=0.14 \pm 0.02$, $(m-M)_0=12.19 \pm 0.04$, and the binary fraction is found to be $0.30 \pm 0.09$. For 47 Tuc, the results were: $Z=0.0027 \pm 0.0002$ which is $\mathrm{[Fe/H]}=-0.82 \pm 0.06$ (solar-scaled), $\log(Age)=10.1 \pm 0.05$, $E(B-V)=0.04 \pm 0.02$, $(m-M)_0=13.33 \pm 0.07$. However, the binary fraction returned by the code was too high at $0.50 \pm 0.06$; this GC has a broader MSTO and it is a very crowded field for ground-based telescopes, producing more blended stellar images than a sparse cluster. The ASteCA code was able to fit isochrones with a reasonable match to accepted literature-values for these GCs, which should bound the range in metallicities expected, and the OC data showed that the ages were acceptable for much younger systems. \begin{figure} \includegraphics[scale=0.6]{aj_seg3_fig3.pdf} \caption{\rm (a) \rm The SDSS DR13 image of the Segue 3 field. \rm (b) \rm The O13 V-filter finding chart (Figure 1-far right) is shown for the Segue 3 cluster with an overlay of the co-added, R-filter image (later converted to $T_1$ photometry) of the SPICam/ARCTIC combined FOV. The overlapping images result in an effective-FOV of $4.\arcmin 0 \times 3.\arcmin 5$. The 3-parameter King model is shown for a fitted cluster radius of $r_{cl}=0.\degr017\pm 0.\degr007$ (red dashes), a core radius is $r_{c}=0.\degr003\pm 0.\degr001$ (pale green double-dashes), and the tidal radius is $r_t=0.\degr04 \pm 0.\degr02$ (green circle). The CI for the larger FOV for O13 is 0.34. \rm (c) \rm The source density contours for the Washington filters, with CI=0.17, for our FOV. } \label{fig:f3} \end{figure} The Washington filters \citep{can76} $C$ and $T_1$ have advantages over other photometric systems due to the short integration times of the broadband filters, the metallicity-sensitivity, and the wealth of previous studies of galactic and extragalactic globular clusters \citep[GS99]{gei91}. A recent paper \citep{cum17} discussed the importance of the C-filter over the narrower SDSS-u, also examining F336W, for the study of multiple populations in GCs. Specifically, the paper concentrates on NGC 1851, on the RGB and SGB, and noting that the C-filter could be more effective at detecting multiple MSs. \citet{cum17} also note that C and F336W can be affected by CN/CH variations. The original metallicity indicators were $(M-T_1)$ and $(C-M)$, with the latter color used most for metal-poor stars \citep{gei86,gei91}. Most previous extra-galactic studies used the $(C-T_1)$-color \citep{gei90}: it is very sensitive to age and metallicity on the RGB (GS99). For $\mathrm{[Fe/H]}<-2.5$, only the Washington C-filter was found to be very sensitive to $\alpha$-enrichment \citep{hug14}, with its center at 3900\AA\ and a FWHM of 1100\AA\ \citep{can76}. The $(C-T_1)$ or C-[Kron-Cousins R], which is more-commonly used (GS99), does lose some metallicity resolution around $\mathrm{[Fe/H]}\approx -2$. However, testing of artificial stars with metallicities ranging from $-2.5<\mathrm{[Fe/H]}<-0.5$ (generated from the Dartmouth models in Hughes et al. 2014), showed that $(C-T_1)$ should have twice the sensitivity of $(V-I)$ in finding the metallicity of a star cluster with $\mathrm{[Fe/H]}\approx -1.8$, and improves for higher-metallicity systems. \begin{figure} \includegraphics[scale=0.8]{aj_seg3_fig4.pdf} \vspace{-1.5in} \caption{ Spectral energy distributions of 25 bright stars in our FOV, with flags from SDSS DR13 \citep{DR13} that indicate the photometric quality has not been compromised in any manner, and $1\%$ uncertainties. The object-number corresponds to Tables 2 \& 3. Our photometry, scaled to that of SDSS DR13, is shown for the $CT_1ugri$-filters (red filled triangles), where the error bars are smaller than the points. The SDSS-z and 2MASS $JHK$-magnitudes are shown as filled circles. All the plots shown are on the same logarithmic scale, apparent flux density against wavelength in microns. } \label{fig:f4} \end{figure} \subsection{SDSS Filters} Along with Washington $(C-T_1)$, the SDSS-color, $(u-g)$, is the most sensitive to age and metallicity for RGB stars, but it is much more sensitive at low ($\mathrm{[Fe/H]}<-2$ metallicities \citep{hug14}. The advantage of using SDSS filters over the Washington colors is having the standards in the field for relative photometry. However, the u-band is centered at 355-nm with a width of only 57-nm, compared with a center of 398-nm and a width of 110-nm for C, making the former require much more observing time. For catalog data from SDSS DR13, the Seg~3 region is complete for $g\approx 23.0\; mag.$ for the $(g-r)$ CMD, but only $g\approx 18.9\; mag.$ for the $(u-g)$-color, when using sources with uncertainties less than 0.25 in the CMD. \begin{figure} \includegraphics[scale=0.6]{aj_seg3_fig5.pdf} \caption{Plots of uncertainty vs. magnitude for the sources detected in the FOV shown in Figure~3, with the cluster radius taken from the O13 data in Figure~1. The cluster ($r_{cl}\sim 0.^\circ 014$) shown in the upper-left panel, with the probability of membership compared to the off-cluster area. The left panels are the magnitudes/colors used for Washington filters and the right panels show the SDSS magnitudes/colors.} \label{fig:f5} \end{figure} \begin{figure} \hspace{0.5in} \vspace{-1.0in} \includegraphics[scale=0.75]{aj_seg3_fig6.pdf} \caption{We show 3 of the 75 total ASteCA-code runs that fit the Padova isochrones as examples in each color-magnitude diagram, some of which we ran in both manual and automatic modes. The color-coding of each point represents its probability of cluster membership. Where we maximize the number of cluster members and there is the lowest level of background filtering, about $40$ objects are identified as likely members within $r_{cl}\sim 0.^\circ014$. Other cluster members are found outside the cluster radius (F11 \& O13). When we set a medium to high level of background filtering and use the lower estimate of the cluster radius, $\sim 30$ objects are found within $r_{cl}\sim 0.\degr010$, with the tidal radius varying from $0.\degr04$ to $0.\degr1$. These examples show the smaller cluster radius which yields a larger, and more uncertain, tidal radius. Removing the SDSS-identified galaxies does not affect the results significantly as most of them are not in the MSTO region, and are normally rejected by the code. } \label{fig:f6} \end{figure} \section{APO Observations} We used the Apache Point Observatory (APO)'s new ARCTIC Imager and the camera it replaced, SPICam for our observations with the 3.5-m telescope. The ARCTIC camera has a $4096\times 4096$ STA chip giving $7.\arcmin5\times 7.\arcmin5$ as the FOV, when the new 5-inch diameter circular filters are used. The older Washington filters are $3\arcsec \times 3\arcsec$ and vigniette the FOV. SPIcam had a FOV of $4.\arcmin8 \times 4.\arcmin8$. We have several filter wheels that can handle up to ten $3\times 3$-inch square filters (fewer in full-field mode), where binning $1\times 1$ yields 0.11 arcseconds/pixel. The fastest readout time in $2\times 2$ binned mode is about 5 seconds. The blue-UV sensitivity of ARCTIC is greater than that of SPIcam, which was a backside-illuminated SITe TK2048E $2048 \times 2048$ pixel CCD with 24 micron pixels, which we also binned ($2 \times 2$), giving a plate scale of 0.28 arcseconds per pixel. Where we combined the datasets, we binned ARCTIC $2\times 2$ and slightly degraded its resolution. We found no irreducible color-terms between frames taken with both imagers, internally. From 2013 to 2015, we had 11 half-nights total, and 102 frames had seeing better than $2\arcsec$, many of which were under photometric conditions, and several nights had sub-arcsecond seeing. Some of the observations were repeated between SPIcam and ARCTIC, which served to test the new imager. \begin{deluxetable}{llcrcc} \tablecaption{Frames Used$^a$} \tablehead{ \colhead{UT$^b$} & \colhead{Imager}& \colhead{Filter$^c$}& \colhead{t(s)} & \colhead{Airmass$^d$}& \colhead{FWHM ($\arcsec$)} } \startdata 2013-08-17 & SPIcam & g & 300.0 & 1.03& 0.9 \\ 2013-08-17 & SPIcam & g & 300.0 & 1.03 & 0.8 \\ 2013-08-17 & SPIcam & g & 300.0 & 1.06 & 0.6 \\ \enddata \tablenotetext{a}{Full table online} \tablenotetext{b}{Year-month-day} \tablenotetext{c}{R is converted to Washington $T_1$} \tablenotetext{d}{Effective airmass} \end{deluxetable} We observed Seg~3 in $CT_1$ and $ugri$ filters with both SPIcam and ARCTIC. The frames used are listed in Table 1, the overlap between this paper and the $V_r$-data from F11 (not the g- and r-mag. values) and O13 is detailed in Table 2. Our photometry is presented in Table 3 for all 218 objects detected in our field-of-view (FOV) in $CT_1ugri$-filters, where we required detections in all filters in order to produce spectral-energy distributions. We include the z-filter from SDSS DR13 and any 2MASS objects detected, for completeness. We compare the FOV of O13 and the multi-wavelength data we collected in Figure~3a and the source density for our sample in Figure~3b, showing the asymmetry of Seg~3. We both reduced and analyzed each night's data separately and then median-filtered the images, weighted according to FWHM of each image, scaled appropriately, to obtain the best source-list for the FOV. The Washington photometry was calibrated to the standard system using the Washington Standard fields \citep{gei96} and absolute photometry. For the SDSS filters, we performed relative photometry with the SDSS-catalog objects in the FOV. Within IRAF we used \em zerocombine \rm with \em ccdproc \rm to correct the flats and object frames, then \em flatcombine \rm and \em ccdproc \rm to flatfield the object frames. We then rotated, aligned and matched the ARCTIC and SPIcam images (making the former fit the latter's coordinate system) for each filter. We used the \em DAOPHOT \rm program suite within IRAF, using $\sim 30$ stars to create a point-spread function (PSF) for each image, and employed 2 runs of \em allstar \rm to find all sources. We found that this field is not as crowded as a normal GC when artificial star tests were performed, and that ASteCA's completeness limits are consistent with the manual experiments. For the Washington filters, we took the photometry measurements of 3 different nights for each star and averaged them (weighted by errors) to use in transforming magnitudes from the co-added images to the standard system. We constructed a plate solution to match with SDSS-catalog objects, and also compared these with the F11 and O13 measurements. All the results are summarized in Tables 2 \& 3. Comparing our data set with those in the literature, there are 38 stars in both our observations and F11, 176 stars in both our observations and O13, and 38 stars covered by all 3 studies. In Table 2, 27 stars have $V_r$ that indicates they are Seg~3 members, as reported by F11, with $V_r=167\pm 30\; kms^{-1}$. In the SDSS DR13, 176 objects are cataloged, of which 35 are also in the 2MASS survey. As discussed earlier, O13 compared their data to F11's photometry, where the published data was dereddened by $E(B-V)=0.1$~mag., and found that F11 magnitudes appear to have a zero-point offset (of $\sim 0.09$~mag.). We concur with O13's assessment, F11's data is offset to our g- and r-magnitudes also by $\sim 0.1$~mag., where our data was originally calibrated to SDSS Data Release 12, (DR12) but has been updated to DR13 \citep{DR13}. \begin{deluxetable}{cccccccccc} \tablehead{\colhead{ID\#}& \colhead{SDSS}& \colhead{$Flag^{*}$}& \colhead{$R.A.$(deg.)}& \colhead{$Dec.$(deg.)}& \colhead{$X_C^b$}& \colhead{$Y_C$}& \colhead{$V_r(kms^{-1})$}& \colhead{$I_{O13}$}& \colhead{$V_{O13}$}} \startdata 2& J212132.25$+$190527.5& D& 320.384375& 19.090972& 389.819& 14.178& \nodata& 20.167& 21.05\\ 3& J212136.46$+$190539.3& G& 320.401958& 19.09425& 176.979& 55.689& \nodata& 20.394& 21.852\\ 5& J212131.36$+$190548.8& C& 320.380667& 19.096889& 434.675& 89.991& \nodata& 19.756& 21.372\\ 6& J212132.28$+$190552.0& C& 320.3845& 19.097806& 388.314& 101.658& -163.3& 18.806& 19.695\\ \enddata \tablenotetext{a}{Full table online.} \tablenotetext{b}{From Figures 3b \& 9.} \tablenotetext{*}{SDSS DR13 photometric quality grade A--C indicates few warning flags, D--F is untrustworthy, G is a galaxy.} \end{deluxetable} Figure~4 is a final sanity check on the photometric calibrations between our SPICam, ARCTIC, SDSS DR13, and 2MASS. We show spectral energy distributions (SEDs) of the 25 brightest stars in our FOV in Figure~3 that were not saturated in SDSS DR13. The $CT_1ugri$-filters (red filled triangles) are displayed, where the error bars are smaller than the points. The SDSS-z and 2MASS $JHK$-magnitudes are shown as filled circles. All the plots shown are on the same logarithmic scale, apparent flux density vs. wavelength in microns. Since the FOV contains a sparse cluster and (we expect) numerous binaries (O13), we ensured that the stars did not have SDSS-flags from SDSS DR13 warning that the photometric quality was compromised in any manner, and no greater than $1\%$ uncertainties. The object-number corresponds to Tables 2 \& 3. The $CT_1$-filters, calibrated to the Washington Standard Fields \citep{gei96} did not need any additional offsets (other than the standard conversion) to convert its ``Vegamag" system to flux density, and matched well with the SDSS filters (ABmag). The SDSS-z and 2MASS $JHK$-magnitudes are displayed as filled circles, and have larger error bars. We first had calibrated linearly to SDSS DR12 and then re-calibrated to DR13 using the photometry for the stars shown in Figure~4, and found that \rm the \rm i-band had a color term. \begin{eqnarray} i_{DR13}=i_{DR12}-0.4194*(r-i)_{DR12}+0.1221,\; \sigma_{\bar{x}}=0.010;\\ r_{DR13}=r_{DR12}+0.0151,\; \sigma_{\bar{x}}=0.003;\\ g_{DR13}=g_{DR12}+0.0144,\; \sigma_{\bar{x}}=0.003;\\ u_{DR13}=u_{DR12}-0.004, \; \sigma_{\bar{x}}= 0.010.\\ \end{eqnarray} \begin{deluxetable}{lrrrrrrrrrrrrrr} \tablecaption{Segue 3: Sources with Detections in All Filters$^a$} \tablehead{\colhead{ID\#}& \colhead{$T_1$}& \colhead{$\sigma_{T_1}$}& \colhead{C}& \colhead{$\sigma_C$}& \colhead{u}& \colhead{$\sigma_u$}& \colhead{g}& \colhead{$\sigma_g$}& \colhead{r}& \colhead{$\sigma_r$}& \colhead{i}& \colhead{$\sigma_i$}& \colhead{$z^b$}& \colhead{$\sigma_z$} } \startdata 2& 20.640& 0.010& 21.972& 0.022& 22.683& 0.033& 21.396& 0.015& 20.903& 0.025& 20.668& 0.037& 20.42& 0.14 \\ 3& 21.117& 0.031& 23.278& 0.055& 23.666& 0.088& 22.414& 0.046& 21.359& 0.050& 21.292& 0.074& 20.34& 0.16 \\ 5& 20.519& 0.009& 23.258& 0.041& 24.377& 0.124& 22.026& 0.017& 20.789& 0.018& 20.685& 0.028& 20.25& 0.12 \\ 6& 19.259& 0.007& 20.739& 0.011& 21.588& 0.016& 20.099& 0.006& 19.467& 0.014& 19.229& 0.022& 19.05& 0.05 \\ 7& 19.122& 0.011& 20.886& 0.017& 21.859& 0.019& 20.121& 0.008& 19.471& 0.029& 19.225& 0.042& 18.92& 0.04 \\ \enddata \tablenotetext{a}{Full data table online} \tablenotetext{b}{Taken from SDSS DR13} \end{deluxetable} These uncertainties were added in quadrature with each object's photometric uncertainties from DAOPHOT; the final uncertainties are listed in Table 3. The i-band magnitudes are only used in the SEDs and not for any model-fitting, as $(r-i)$ is a temperature-sensitive color. The range of the $(u-g)$, $(g-r)$, and $(r-i)$ colors for the 25 stars was $+1.05 \; to \; +2.11$, $-0.12 \; to \; +0.82$, and $0.00 \; to \; +0.29$ mag., respectively. We included star $^\#26$ in our calibration since it is the only A-type star in the sample, noting that it is in the cluster-center and the crowded field might affect the photometry in the SDSS catalog (we gave it a C-grade, see Table 2). The uncertainties versus magnitudes for sources inside (red circles) and outside (blue circles) the cluster radius (from the ASteCA fit for O13) are shown in Figure~5, with objects too faint to be used in any fit shown as cyan crosses. We required that the objects used be detected in all the $CT_1ugri$-filters to allow for SED checks, but we rejected with any object with large photometric uncertainties ($\sigma > 0.25$) in any color in the following analyses. \subsection{Padova Fits for Washington \& SDSS Colors} In Figure~6, we show 3 of the runs for the combined data set, showing the extremes of the fit to the Padova model grid -- the $(u-g)$ results indicate higher metallicities, which may mean this color is more sensitive to $\alpha$-abundances in general, but also the CMD below the MSTO is almost vertical, and hides the binary sequence that is much clearer in $(V-I)$ and $(C-T_1)$. The 3P King model fit for $(V-I)$ was consistent for the smaller FOV, but the tidal radius was harder to limit without more data away from the center of Seg~3. Our completeness limits are $T_1\approx 23.1$ for the Washington CMD, and $g\approx 21.8$ for the $(g-r)$ CMD (worse than DR13), but this was because we required at least a $5\sigma$ detection in u-band. From 75 runs of the ASteCA code in all colors, iterating toward agreement between the O13, Washington, and SDSS CMDs, the Padova/PARSEC12 solar-scaled models show that Segue 3 has $Z=0.006 \pm 0.002$, $\log(Age)=9.38 \pm 0.11$, $(m-M)_0=17.33 \pm 0.08$, $E(B-V)=0.09\pm 0.01$, and a binary fraction of $0.36\pm 0.12$. The mass estimate from the King models was quite uncertain, $630\pm 264 \; M_\odot$. If we only use runs where we remove the SDSS-identified galaxies, and use the information from F11 on radial-velocity members: $Z=0.006 \pm 0.001$, $\log(Age)=9.42 \pm 0.08$, $(m-M)_0=17.35 \pm 0.08$, $E(B-V)=0.09\pm 0.01$, and a binary fraction of $0.39\pm 0.05$, with a cluster mass of $478\pm 56 \; M_\odot$ for the synthetic CMD generated with these parameters. With $Z=0.006$ and an age of $2.6^{+0.6}_{-0.4}$ Gyr, our estimates are younger and more metal-rich than O13, using the same set of isochrones. Converting metallicity to $\mathrm{[Fe/H]}\approx -0.5$ if the cluster is not $\alpha$-enhanced, and would be $\mathrm{[Fe/H]}\approx -0.8$, if $[\alpha/Fe]=+0.4$, which we discuss in the next section. \newpage \subsection{Dartmouth Models} \begin{deluxetable}{cc|ccc|ccc|ccc} \tablecaption{Dartmouth Models} \tablehead{\colhead{[Fe/H]} & \colhead{$[\alpha/Fe]$} & \colhead{$Y^a$}& \colhead{$Z^b$}& \colhead{$Z_0^c$}& \colhead{Y}& \colhead{Z}& \colhead{$Z_0$}& \colhead{Y}& \colhead{Z}& \colhead{$Z_0$}} \startdata -2.5& 0.0& 0.245& 0.00005& 0.00005& 0.33& 0.00005& 0.00005& 0.4& 0.00004& 0.00004\\ -2.0& 0.0& 0.245& 0.00017& 0.00017& 0.33& 0.00015& 0.00015& 0.4& 0.00014& 0.00014\\ -1.5& 0.0& 0.246& 0.00055& 0.00055& 0.33& 0.00048& 0.00048& 0.4& 0.00043& 0.00043\\ -1.0& 0.0& 0.248& 0.00172& 0.00172& 0.33& 0.00153& 0.00153& 0.4& 0.00137& 0.00137\\ -0.5& 0.0& 0.254& 0.00537& 0.00537& 0.33& 0.00482& 0.00482& 0.4& 0.00431& 0.00431\\ \\ -2.5& 0.4& 0.245& 0.00011& 0.00006& 0.33& 0.00010& 0.00005& 0.4& 0.00009& 0.00004\\ -2.0& 0.4& 0.246& 0.00035& 0.00018& 0.33& 0.00031& 0.00016& 0.4& 0.00028& 0.00014\\ -1.5& 0.4& 0.247& 0.00111& 0.00056& 0.33& 0.00098& 0.00050& 0.4& 0.00088& 0.00045\\ -1.0& 0.4& 0.251& 0.00346& 0.00176& 0.33& 0.00310& 0.00158& 0.4& 0.00278& 0.00141\\ -0.5& 0.4& 0.262& 0.01069& 0.00544& 0.33& 0.00970& 0.00494& 0.4& 0.00869& 0.00400\\ \enddata \tablecomments{Models from the Dartmouth Stellar Evolution Database (D08).} \tablenotetext{a}{$Y=0.245+1.6Z$} \tablenotetext{b}{$Z=$ Z-value of matching isochrone in CMD-photometric metallicity which includes $\alpha$-abundances and Y-effects.} \tablenotetext{c}{$Z_0=$ expected Z-value, derived iron-abundance from spectroscopy alone.} \end{deluxetable} Table 4 shows a representative sample of the Dartmouth models used, and examples of how they translate to the metallicity scale, with Z, $\alpha$-abundances, and helium or Y-variations. For comparison, O13 quote a best-fit Padova/PARSEC isochrone of Z=0.003 and an age of 3.2 Gyr. The PARSEC12 models are solar-scaled, but the Dartmouth models (Dotter et al. 2008; hereafter D08) can be solar-scaled or have variable $\alpha$-abundances or Y-content, but only extend to the helium-flash. Recently, \citet[hereafter: D16]{dot16} released solar-scaled models which include all evolutionary stages, which we will refer to as the MIST models (MESA Isochrones \& Stellar Tracks); also see \citet{cho16}. We obtained these models in the Washington and SDSS filter-systems for this project. \begin{figure} \hspace{1in} \includegraphics[width=0.7\textwidth]{aj_seg3_fig7.pdf} \caption{For the data from Table 3, we plot the 218 detected objects as black open circles. Objects identified as radial velocity members by F11 are shown as red filled circles, with error bars. Stars which F11 showed as non-members are shown as blue circles with crosses. \rm (a) \rm Color-color plot for $(u-r)_0 \; vs. \; (u-g)_0$. \rm (b) \rm $(C-T_1)_0 \; vs. \; (u-g)_0$ All possible Dartmouth models fitting the MSTO are shown for $E(B-V)=0.09$ (O13). } \label{fig:f7} \end{figure} Figure~7 shows color-color plots for our sample, with Figure~7a $(u-r)_0 \; vs. \; (u-g)_0$, and (b) $(C-T_1)_0 \; vs. \; (u-g)_0$. According to the results reported by \citet{li08} on AB-system color pairs: $ [(u-r), (r-K_s)]$, $[(u-r), (i-J)]$, and $[(u-K_s), (z-K_s )]$ are more suitable for constraining stellar-population parameters than many others, but we do not have enough good 2MASS detections here, below the RGB. The objects with smaller photometric uncertainties cluster with the more-metal rich MIST models, but the results are not conclusive from the color-color plots alone. \begin{figure} \hspace{+1.0in} \includegraphics[scale=0.6,clip,trim=0.0in 0in 0.65in 0.3in]{aj_seg3_fig8.pdf} \caption{For the data in Table 3, we plot the 218 detected objects as black open circles in all diagrams. Objects identified as radial velocity members by F11 are shown as red filled circles, for which we show the error bars. Stars which F11 showed as non-members are shown as blue circles with crosses. We recovered 19/27 of the F11 members in our sample when we determined the best-fit D16 isochrone and flagged the objects within $5\sigma $ in color and $7\sigma $ in magnitude of the model. We identified 48 stars (plus a BS) as being associated with the best-fit MIST-models to the F11 completeness limit, about 16 more than the F11 sample and 104 total objects (black open triangles). \rm (a) \rm $M_r \; vs. \; (u-r)_0$ and the D08 models. Object $\# 26$ is a possible blue straggler (blue filled triangle), located in the cluster center, which is never removed by statistical cleaning via ASteCA, so we also included this object. In both (a) and (b), the green line is the model: $ Y=0.249, \; Z=0.002,\; 3.75 \;Gyr, \; \mathrm{[Fe/H]}=-1.0, [\alpha/Fe]=+0.2$. The blue line is: $ Y=0.4, \; Z=0.004,\; 3.0 \;Gyr, \; \mathrm{[Fe/H]}=-0.5, [\alpha/Fe]=0.0$. The cyan line is: $ Y=0.254, \; Z=0.005,\; 3.0 \;Gyr, \; \mathrm{[Fe/H]}=-0.5, [\alpha/Fe]=0.0$. The red line is: $ Y=0.33, \; Z=0.005,\; 3.0 \;Gyr, \; \mathrm{[Fe/H]}=-0.5, [\alpha/Fe]=0.0$. The brown line is: $ Y=0.25, \; Z=0.003,\; 12.0 \;Gyr, \; \mathrm{[Fe/H]}=-1.0, [\alpha/Fe]=+0.4$. The black line is: $ Y=0.249, \; Z=0.002,\; 4.0 \;Gyr, \; \mathrm{[Fe/H]}=-1.5, [\alpha/Fe]=+0.8$. The yellow line is: $ Y=0.257 \; Z=0.007,\; 2.5 \;Gyr, \; \mathrm{[Fe/H]}=-0.5, [\alpha/Fe]=+0.2$. \rm (b) \rm $M_{T_1} \; vs. \; (C-T_1)_0$ and the D08 models. \rm (c) \rm $M_{T_1} \; vs. \; (C-T_1)_0$ and the D16/MIST models. The 28 objects that are identified as galaxies in SDSS DR13 are circled in cyan. A $\sim$single-metallicity Dartmouth model-grid is shown, fitting the MSTO, for $(m-M)_0=17.32$ and $E(B-V)=0.09$ (O13): $ Y=0.246, \; Z=0.005, 2-4\; Gyr, \; \mathrm{[Fe/H]}=-0.5, [\alpha/Fe]=0.0$. In addition, the objects within $5\sigma $ in color and $7\sigma $ in magnitude of the model, above the limit for the F11 sample (red filled circles) are shown as red open triangles, and those below that limit are shown as black open triangles. Object 26 is identified as a blue filled triangle. SDSS-galaxies are shown as cyan open circles. } \label{fig:f8} \end{figure} In Figure~8a, the $M_r \; vs.\; (u -r)_0$ CMD with the D08 models, object $^\#26$ is the likely BS (blue filled triangle), located in the cluster center. The objects within $5\sigma$ in color and $7\sigma$ in magnitude of the average of the best-fit models ($ Y=0.246, \; Z=0.005, 2-4\; Gyr, \; \mathrm{[Fe/H]}=-0.5, [\alpha/Fe]=0.0$), above the limit for the F11 sample (red filled circles) are shown as red open triangles (49 objects), and those below that limit are shown as black open triangles (an extra 54 sources). SDSS-galaxies are shown as cyan open circles. There are a total of 103 sources enclosed by the 2.0--3.2~Gyr isochrones. When we take those 49 stars from the restricted CMD, and re-sample the models, setting the distance and extinction: $Z=0.004\pm 0.002$, which translates to $\mathrm{[Fe/H]}=-0.65^{+0.05}_{-0.09}$, with an age range of $\log (Age)=9.35^{+0.10}_{-0.35}$ (from quartiles around the median) but the mean is $\log (Age)=9.05\pm 1.09$. The most representative statistic of the MSTO stars is the median $\pm$ the $1^{st}$- and $3^{rd}$-quartile values: $2.2^{+0.6}_{-1.2}$ Gyr -- younger than the D08 values. We can recover 19/27 of the F11 members in our MIST-sample by this selection method (Figure 8). Several of the upper-MS F11 stars were not recovered because they were more than $5\sigma $ away from the fiducial line (cyan/black) in $(C-T_1)$ and their uncertainties were small -- which may be an indication of above-average stellar rotation (see \S 5). This method under-counts the membership below the MSTO, but excludes the RGB stars which are $V_r$ non-members (F11), and galaxies (cyan en circles) -- giving us confidence that most of the new objects (identified from MIST-matching) above the MSTO belong to Segue 3, and we will target these with future spectroscopy. Figure~9 is the final source-map for our Seg~3 data. All the 103 objects selected as MIST-matches are shown as black open triangles, with the objects above the F11-limit over-plotted as heavy grey open triangles. All stars detected in the FOV are shown as black open circles, scaled by $T_1$-magnitudes; the 218 detected objects from Table 3 are plotted as open black circles scaled by $T_1$-mag. The 28 SDSS DR13 galaxies are circled in cyan. F11's confirmed members are shown as red filled circles and non-members are shown as blue crosses, on top of the red filled circles. Object 26, the BS-candidate, is shown as a blue filled triangle. The cluster radius is shown as a red circle (as in Figure~1); the average tidal radius is shown as a dashed red circle. Grey-blue circles show successive $30\arcsec$ radii from the center of the cluster. \begin{figure} \hspace{+1.0in} \includegraphics[width=0.7\textwidth, height=0.8\textwidth]{aj_seg3_fig9.pdf} \vspace{-1.0in} \caption{The 218 detected objects from Table 3 are plotted as open black circles, scaled by $T_1$-magnitude. The 28 objects that are identified as galaxies in SDSS DR13 are circled in cyan. Objects that have radial velocities measured by F11 are shown as red filled circles. Stars which F11 showed as non-members are shown as blue crosses. The members identified as being within the MIST isochrones are shown as heavy grey open triangles (within $5\sigma $ in color and $7\sigma $ in magnitude of the models, above the limit for the F11 sample), and those below that limit are shown as fainter open triangles. Object 26 is identified as a blue triangle. The cluster radius is shown as a red circle; the tidal radius is shown as a dashed red circle. Grey-blue circles show $30\arcsec$ radii from the center of Segue 3. } \label{fig:f9} \end{figure} \section{Spectral Energy Distributions} We selected the 14 brightest stars above the MSTO from the MIST sample and plot the spectral energy distributions (SEDs) with standard ATLAS9 model fluxes (Castelli \& Kurucz 2003; 2004) in Figure~10. The photometry is taken from Tables 2 \& 3, using V \& I from O13, and \em z \rm from SDSS DR13. The temperature and surface gravity are estimated from an average of the D08 and D16 models, allowing for either $\mathrm{[Fe/H]}=-0.5$ or $\mathrm{[Fe/H]}=-1.5$. All the red models are for $\mathrm{[Fe/H]}=-0.5$ and $[\alpha/Fe]=0.0$. The blue models are for $\mathrm{[Fe/H]}=-1.5$ and $[\alpha/Fe]=+0.4$, scaled to the same peak flux density. Stars confirmed as $V_r$-members have an asterisk after their identification numbers. Figure~10a shows $0.2<\lambda < 1.0 \; \mu m $ and Figure~10b displays $0.3<\lambda < 0.5 \; \mu m $. Star $^\#26$, the suspected BS, is too hot for the low-resolution ATLAS9 models to show much of a difference in the metallicity-sensitive u- and C-bands. The stars between the MSTO and the base of the RGB, $^\#205^*, \; 143^*,\; 100,\; \& \; 71^*$ are also too hot to show much of a difference in the UV-bands. However, all stars brighter than $6^*$ on the RGB/AGB appear to favor the more metal-rich models. Object $^\#273$ is the only source that shows variability between O13, SDSS DR13, and our photometry, and it is located near the (metal-rich) red horizontal-branch. All O13 V- \& I-photometry points are surrounded by a blue square, and the z-mag. is from DR13. \begin{figure} \hspace{-0.5in} \includegraphics[scale=0.7]{aj_seg3_fig10.pdf} \caption{Spectral energy distributions for the 14 brightest (likely) Seg~3 members. The magnitudes were converted to fluxes using the normal {\tiny ABMAG/VEGAMAG} \rm calibrations (see Hughes et al. 2014), but no additional zero-point shifts were applied. All photometry is shown as filled black triangles; the V- and I-band data is (with blue squares) from O13 Table 3's photometry, and the z-filter flux is from SDSS DR13. The data-points have $1\sigma$-error bars (not given in O13), but they are often covered by the symbols. The source names correspond to the stars listed in Tables 2 \& 3, with the best fit ATLAS9 models shown for $\mathrm{[Fe/H]}=-0.5$ (red: solar-scaled) and $\mathrm{[Fe/H]}=-1.5$ (blue: $\alpha$-enhanced). The y-axes are flux density in $ergs/s/cm$, and the x-axes are wavelength in microns. Objects with asterisks after the number have been confirmed as members by radial velocities. \rm (a) \rm $0.2<\lambda < 1.0 \; \mu m $. \rm (b) \rm $0.3<\lambda < 0.5 \; \mu m $. } \label{fig:f10} \end{figure} The three most luminous possible members, $^\#47$, 165, and 86, are separated from the rest of the RGB/SGB MIST-sample, and could be AGB/HB stars. With $\sim 40\%$ binaries, this cluster could very well have evolved massive BS, but an argument against this interpretation is that they are not in the core of the cluster. Their SEDs do appear to be better-fit by the metal-rich models, but these stars require radial-velocity measurements and are bright enough for higher resolution spectral analysis if they are confirmed as members of Seg~3. \newpage \section{Age Spread vs. Rotation Range} \rm The statistical uncertainties in the photometry at the MSTO should not be large enough to mimic an age spread of $>0.5$~Gyr. O13 compared the Padova and Yale \citep{dem04} isochrones and concluded that their final uncertainty on the age of Seg~3 was around $\pm 0.5$~Gyr with a maximum age of 4--4.5~Gyr in the $(V-I)$ data, with a mean of 3.2~Gyr. From the Padova models, with multiple colors to consider, internal and systematic uncertainties, the best fits we can achieve only limit the MSTO age to $2.6^{+0.6}_{-0.4}$ Gyr at $Z=0.006\pm 0.002$. For the 49 objects in the MIST-selection, the quartile-analysis gives $2.2^{+0.6}_{-1.2}$ Gyr for $Z=0.004\pm 0.001$, where both the MIST and Padova models are solar-scaled. For the D08 models, with $\alpha$-abundances and helium content allowed to vary, the [Fe/H]-grid was coarser: the metallicity-distribution peaks at $Z=0.003\pm 0.002$, $\mathrm{[Fe/H]}=-0.8 \pm 0.4$, with the median being $-0.99$ and the mode=$-0.5$. For the same 49 stars, $[\alpha/Fe]=+0.14 \pm 0.15$, so we can justify using the solar-scaled models. Interestingly, $Y=0.30\pm 0.06$ from D08. \rm \newpage \subsection{\rm Helium Abundances \& Stellar Ages with BASE-9} \rm We turned to a different Bayesian-analysis code, to reduce systematic uncertainties and handle possible helium-abundance variations. BASE-9 is a Bayesian modeling code which fits cluster parameters for GCs which differ in helium abundance \citep{ste16}, using the Y-enhanced Dartmouth isochrones (D08). The BASE-9 code requires prior removal of the field star population. We would expect that, for a constant [Fe/H], increasing the $\alpha$-abundance makes the evolutionary tracks appear fainter and redder, compared to solar-scaled models (increasing Z). If a GC population exhibits differences in Y and other light elements (CNO), the effect should be detectable in UV CMDs \citep{wag16b}. Among sources of the Y-variation in GCs, \citet{wag16b} discuss AGB stars, fast-rotating massive stars (FRMS), or pre-main sequence disk-pollution \citep{dec07,dan15}, all of which might be expected to operate in a GC-environment. In contrast, \citet{van12} found that the strongest effect on the isochrones was produced by Mg and Si. We can make a direct comparison by requiring the total abundance of heavy elements to be the same value. For an individual star, increasing Y would make the main-sequence lifetime shorter because the rate of H-burning increases \citep{van12}. \citet{wag16b} investigated 30 GCs from archival HST data in F275W, F336W, and F438W. Of their sample, 3 clusters have $\mathrm{[Fe/H]}\approx -0.7\; \mathrm{to} \, -0.8$: NGC6624, NGC6637, and NGC6838, with $\log (Age)=9.96,\; 9.98,$ and 10.01. The first 2 clusters have $DM\approx 15.3$ and NGC6838 has $DM=13.4$. Fixing the [Fe/H]-value \citep{wag16b}, 2 populations differing in Y-values were found for each system: NGC6624 has $Y_A=0.265^{+0.001}_{-0.002}$ and $Y_B=0.343\pm {0.002}$; NGC6637 has $Y_A=0.265\pm 0.001$ and $Y_B=0.330\pm 0.000$; NGC6838 has $Y_A=0.301\pm {0.003}$ and $Y_B=0.341^{+0.004}_{-0.002}$. The proportion of Population A stars (lower Y-value) is $\sim {2\over 3}$ for NGC6624 \& NGC6637, and $\sim 0.4$ for NGC6838. The more metal-rich clusters in \citet{wag16b}'s sample tend have a smaller range in Y-values, and in these HST filters, the RGB-positions are shown to be displaced by increasing $\Delta Y$ in their CMDs. In general, the inner-MWG GCs tend to have a higher proportion of Population A stars than the outer-MW, over the whole metallicity range of $-2.37<\mathrm{[Fe/H]}<-0.70$ in this sample. For the Segue 3 data set, we prepared input files for the BASE-9 program \citep{hip14, ste16,wag16a}, using the statistical cleaning provided by ASteCA, the F11 radial velocities, and the MIST-selection. We ran BASE-9 for the SDSS and Washington colors and found no strong evidence of a multiple population differing in Y-abundance, with the code not settling down and giving 2 distinct values. When we did not restrict the input parameters' ranges in any way, the SDSS-colors reasonably matched the Padova models output from ASteCA. The $90\%$ confidence levels gave a range of $9.42 < \log (Age) < 9.57$, $-0.64 <\mathrm{[Fe/H]}< -0.45$, $17.14 < (m-M)_0 < 17.24$, $0.32 < A_V< 0.35$, and $0.25 < Y < 0.29$. However, the Washington colors gave: $9.04 < \log (Age) < 9.10$, $-0.54 <\mathrm{[Fe/H]}< -0.47$, $18.31 < (m-M)_0 < 18.57$, $0.29 < A_V< 0.32$, and $0.25 < Y < 0.28$. The Washington colors are more sensitive to metallicity, but there is also a stronger degeneracy effect between age, distance and visual extinction, so the extinction had to be set manually and not allowed to vary. However, if we set the distance modulus and $E(B-V)$ to the O13 values the SDSS colors show an interesting effect in BASE-9: there is no abnormal double-Y population, but there seems to be a double-peak in age, with $-0.89 <\mathrm{[Fe/H]}< -0.69$, as shown in Figure~11. The SDSS colors yield $Y=0.27\pm 0.02$, but imply an age spread of $\sim 0.4$~Gyr, where the 2 peaks are clearly resolved in Figure~11 and the $\log (Age)$ resolution is better than 0.1~dex. \rm \begin{figure} \plotone{aj_seg3_fig11.pdf} \caption{BASE-9 results for Seg~3's $(u-g)$ colors. Here, we set $(m-M)_0=17.33$, $E(B-V)=0.09$, where $-0.89 <\mathrm{[Fe/H]}< -0.69$, Y is not fixed and does not show 2 strong populations, but the age shows 2 peaks. } \label{fig:f11} \end{figure} \subsection{\rm Rotation at the Turn-Off} In both the Padova and Dartmouth models, with ``chi-by-eye" and Bayesian statistics, we cannot force the age-distribution uncertainty at the MSTO much below a range of $\pm 0.5$~Gyr. The narrow SGB would normally preclude any age spread and should argue against any multiple population in Seg~3, characteristic of the ancient MW GC population \citep{gra12}. Certainly, Seg~3 shows the effect of a large proportion of binaries in the core ($\approx 40\%$), but the luminosity spread at the MSTO could also be the effects of rotation \citep{li12,pia16}. The closest comparison cluster to Seg~3 in age and metallicity and the shape of the MSTO (admittedly, a much more massive system) can be found in the SMC. \citet{li14} published a Nature article on NGC 1651, an intermediate-age, massive cluster. NGC 1651 had exhibited a supposed age-spread at the MSTO, but \citet{li14} has explained the extended MSTO by stellar rotation variations. Later, \citet{li15} updated their work and found that the best-fit to the observed CMD involved a period of extended star formation which resulted in population ages from 1.4--1.8 Gyr, that comprised 50\% binaries and 70\% stars with enhanced rotation. In Figure~12a, we show the $V_r$ members and the MIST-selected sample's Hertzsprung-Russell diagram using the D08 and D16 models (model fits listed in Table 5), where we number the stars from Figure~10. The cyan/black track is the best fit to the MSTO and the SGB is best fit by the red track with $Y=0.254, \; \mathrm{[Fe/H]}=-0.5, \; [\alpha/Fe]=0.0, \; 2.5\; Gyr, \; \Omega / \Omega_{crit}=0.4$ (all the MIST models are set to that average rotation here). The F11-comfirmed members at the MSTO have a mass of $\approx 1.3M_\odot$, in agreement with O13; the unconfirmed post-SGB objects could be more massive only if they are evolved BSs, not if they are normal post-MS stars. The Dartmouth models cover Seg~3's (confirmed) mass range from the upper-MS to the SGB is $M=0.7-1.5M_\odot$ (with a BS estimated mass of $\sim 2.7M_\odot$). Figure~12b is adapted from \citet{li14,geo13}, showing Geneva models for a cluster of the same approximate age and metallicity (NGC 1651 \& Seg~3) with the full range of rotation rates, mass tracks for $M=1.7M_\odot$ are shown. Figure~12c shows a full range of models for a $2.0 M_\odot$ star. In Figure~12b, just at the ``jump" between the MSTO and SGB, the difference of 0.04 dex in $\log T_{eff}$ translates to about 0.5 Gyr in an apparent age difference for the stars, but that can also indicate the difference between a non-rotating star and a turn-off star which is rotating almost at breakup. This is the clearest result of a spread in rotation but not age, causing the somewhat braided appearance of the MSTO in $(C-T_1)$ (Figure~8c). We conclude that the MSTO morphology is likely to be a combination of rotational effects and the high fraction of binaries because the SGB is too narrow to allow for multiple populations, at least amongst the stars remaining in the core of Seg~3. The YMCs studied by \citet{li16} in the LMC, NGC 1831, NGC 1868 and NGC 2249, appear to have multiple populations and could show age spreads and broader SGBs, but are all younger than 1.5 Gyr. \rm Examining the MSTO in Figure~8c compared to Figure~12a, the isochrone-fit has rejected what would have been the slow rotators -- as we can see from the models in Figures~12b and 12c. Since we recovered 19/27 F11 objects, and most of those non-recovered were bluer than the MIST $\Omega /\Omega_{crit}=0.4$ isochrone, we surmise that $\sim 70\%$ of the Seg~3 stars have enhanced rotation (leaving $30\%$ with little or no rotation), in a cluster with $\sim 40\%$ of the stars being binaries, which is similar to NGC 1651\citep{li15}. \rm The Geneva online database can calculate a coarse grid of models for 2 rotation rates (zero and $\Omega /\Omega_{crit}=0.568$) for $Z=0.002$, which would correspond to $\mathrm{[Fe/H]}=-0.9$ and $[\alpha/Fe]=+0.4$ on the D08 scale. When we examined the MSTO masses of the $V_r$-members against the Geneva models, the non-rotating case gives the TO mass as $1.2M_\odot$ and the limit of the stars with radial velocities as about $0.7M_\odot$. The rotating models give these limits as $1.25M_\odot$ and $0.8M_\odot$, which is not significantly different from the D08/D16 models. However, the BS mass is higher than in the D08/D16 system. The Geneva models for $Z=0.002$ can fit the Seg~3 MSTO with an age difference from $\log (Age)=9.45$--9.5, which is 2.8--3.2 Gyr, or $\log (Age)=9.45$ with a rotation range of $\Omega /\Omega_{crit}=$0--0.95, but the narrow SGB luminosity implies a younger age for the system. The D08, D16, Padova, and Geneva models generally fit Seg~3's CMD for $Z=0.004\pm 0.002$ and ages of $2-3$~Gyr, but the ASteCA code gives us confidence in the uncertainties, rather than a fit by-eye alone. To further test the rotation hypothesis on Seg~3, we created model clusters with ``The Geneva SYnthetic CLuster Isochrones \& Stellar Tracks" (SYCLIST) code, which can produce synthetic clusters at Z=0.014 and Z=0.002 \citep{geo14,geo13}. We selected the $Z=0.002$ case and produced models shown in Figure~12d \& e, for the appropriate ages. \citet{geo14} illustrates that for clusters with a metallicity $Z=0.002-0.014$ and an age range of $0.030-1$~Gyr, the SYCLIST models show that the largest proportion of fast rotators on the MS exist just below the turn-off. This happens because rotation extends the MS lifetime compared to non-rotating models, whereas helium enhancement reduces it, and the fraction of fast rotators one magnitude below the turnoff also increases with the age of the cluster between 30 Myr and 1 Gyr also. Our best estimates for the $(C-T_1)$ CMD (see Figure~8c) fit with the D16/MIST models, give $Y=0.256, \; \mathrm{[Fe/H]}=-0.5, \; [\alpha/Fe]=0.0, \; 2.0-3.2\; Gyr, \; \Omega / \Omega_{crit}=0.4$. For the stars that are about 1 mag. below the MSTO, the stars to the far-red side of the MS are a clear binary sequence and the stars to the far blue could be faster rotators instead of $Y\sim 0.3$ (D08 models). This effect is most obvious in the Washington system. \citet{bra15} also discuss MESA (which we call D16/MIST) rotating models in relation to CMDs for LMC clusters, showing examples of the broad MSTOs reaching a maximum extent for cluster-ages of 1--1.5 ~Gyr and tailing-off by $\sim 2$~Gyr, where the models show this in Figure~12c \citep{geo13} for $2M_\odot$ stars. The shape of the Seg~3 MSTO/SGB in Washington colors compared to the MIST isochrones and SYCLIST models puts a lower limit on the age of the Seg~3 cluster at 2~Gyr, but implies a range of rotation rates. The models generated in Figures 12d \& 12e for $\log (Age)= 9.5$ \& 9.45 (light blue and gold, respectively) indicate that the Seg~3 SGB stars should be younger than 3.0 Gyrs. \begin{deluxetable}{ccllllll} \tablecaption{Input for H-R Diagrams for the Photometric Sample Above the MSTO} \tablehead{\colhead{ID} & \colhead{$\log (Age)$} & \colhead{$Z$}& \colhead{$\log T_{eff}$}& \colhead{$\log L/L_\odot$}& \colhead{$\log g$}& \colhead{$M/M_\odot$} & \colhead{Comments} } \startdata 6$^a$ & 6.00 & 0.0045& 3.718& 1.113& 3.464& 2.043& Brightest SGB\\ 26& 8.25$^b$ & 0.0045& 4.095& 1.887& 4.304& 2.609& Possible BS\\ 47 & 8.70$^b$& 0.0046& 3.720& 2.271 & 2.419& 2.623& Brightest Post-MS\\ 71$^a$ & 6.40$^b$& 0.0045& 3.776& 1.055& 3.727& 1.934& SGB\\ 86 & 9.35& 0.0046& 3.694& 1.912& 2.415& 1.474& Post-MS\\ 100 & 9.40& 0.0042& 3.833& 1.058& 3.792& 1.335& SGB \\ 101 & 9.25& 0.0045& 3.712& 1.130 & 3.324& 1.522& RGB/SGB \\ 108 & 5.15$^b$& 0.0045& 3.698& 1.311& 3.093& 1.652& RGB \\ 134 & 9.45& 0.0045& 3.706& 1.241& 3.100& 1.3301& SGB\\ 143$^a$ & 9.40& 0.0042& 3.837& 1.052& 3.812& 1.330& SGB\\ 150$^a$ & 9.35& 0.0041& 3.852& 0.868& 4.054& 1.322& SGB\\ 165 & 9.00& 0.0046& 3.689& 2.111& 2.354& 2.073& Post-MS\\ 205$^a$ & 9.30& 0.0042& 3.8656 & 0.889& 4.097& 1.349& MSTO\\ 273 & 9.20& 0.0046& 3.699 & 1.577& 2.818& 1.603& Post-MS -- Variable?\\ \enddata \tablecomments{Models D16/MIST. We restricted the distance modulus and extinction from our Padova fits and let $Z=0.006\pm 0.002$, with no restriction on age.} \tablenotetext{a}{Identified by $V_r$ in F11} \tablenotetext{b}{Young age estimate. BS or evolved BS?} \end{deluxetable} \begin{figure} \hspace{-0.4in} \includegraphics[width=0.6\textwidth]{aj_seg3_fig12a.pdf} \hspace{-0.725in} \includegraphics[width=0.6\textwidth]{aj_seg3_fig12b.pdf} \caption{\rm (a) \rm Translating the CMD to the $\log L(L_\odot)\; vs. \; \log T_{eff}$ plane for the D08 and D16/MIST models, the cyan/black track is the best mean fit to the MSTO stars from F11 (red filled circles). We show the Dartmouth models for Seg~3's mass range from the MS to the SGB is $M=0.7-1.5\; M_\odot$, with the 49 brighter probable members shown as open red triangles. We number the 14 stars from Figure~10, and these always appear in the same order in the rest of Figure~12. \rm (b) \rm From \citet{li14,geo13}, Geneva models for a model-cluster of the same approximate age and metallicity with the full range of rotation rates, mass tracks for $M=1.7\; M_\odot$ are shown. \rm (c) \rm From \citet{geo13}, mass tracks for $M=2.0\; M_\odot$ are shown for a range of rotation rates. \rm (d) \rm Geneva-model clusters with 250 stars with $Z=0.002$, with non-rotating models with $\log (Age)=9.45$ and 9.5 (light blue open circles and gold circles, respectively), and \rm (e) \rm the same Segue 3 stars as open red triangles, with $\Omega /\Omega_{crit}=0.568$ models with $\log (Age)=9.45$, on the mass-tracks with rotation from \citet{geo13}. } \label{fig:f12} \end{figure} \newpage \section{Age vs. Metallicity} The implied split at the MSTO is more likely due to a difference in rotation rates and binarity, not age, where this conclusion is supported by the narrow SGB. Seg~3's age and metallicity resemble a very-sparse, disrupted version of the SMC cluster, NGC 1651 \citep{li14}, and other comparisons would be the outer-LMC clusters, KMHK 1751 \& 1754 \citep{pia16}. \begin{figure} \includegraphics[width=1.0\textwidth]{aj_seg3_fig13.pdf} \caption{A combination of the \citet{van13} (uniform) data on 55 MW GCs, identified by red ($R_C<8 \; kpc$) and blue ($R_C>8\; kpc$) -- separating clusters by their distance from the galactic center ($R_C$). The newer halo globulars discussed in O13 are added to the HST GC, with Ko 1 \& 2 from \citet[which they identified as OCs]{pau14}. The red open squares are LMC clusters and the orange open triangles are the SMC clusters used by \citet{pia02}. The F11 data point is shown as a blue filled square with a red border. NGC 1651 is shown as a red filled square. The \citet[and references therein]{lea13a, lea13b} models for the AMRs for the WLM, SMC, and LMC dwarf galaxies are shown (extrapolated in the lemon-tinted window) and six newer halo clusters are noted as black squares. A representation of the age-metallicity relationship of the MW bulge GCs is shown as the dashed region. NGC 1651 \citep{li14} is located just below the Seg~3 Padova result, which belongs to the LMC. } \label{fig:f13} \end{figure} It is possible, but unlikely, that [Fe/H] appears higher than -1 because of CN-enhancement \citep{cum17}. However, the drift towards higher Z shows up in all filters, including $(V-I)$, when we use the ASteCA code to remove user-bias. Figure~13 compares MW GC data with the clusters in some nearby \rm dwarf galaxies \citep[and references therein]{lea13a}. \rm We show the age-metallicity relationship (AMR) for the MW GCs and \citet{lea13b} presented models for the WLM, SMC, and LMC dwarf galaxies are shown (and extrapolated in the yellow window inset). Some newer halo clusters are denoted as black squares. A representation of the AMR of the MW bulge GCs is shown as the dashed region. We combined the \citet{van13} data on 55 MW GCs, identified by red ($R_C<8 \; kpc$) and blue ($R_C>8\; kpc$) -- separating clusters by their distance from the galactic center ($R_C$). The \citet{har96} data is more comprehensive, but the \citet{van13} is more uniform. The newer halo globulars discussed in O13 are added to the HST GC, with Ko 1 \& 2 from \citet[which they identified as OCs]{pau14}. The red open squares are LMC clusters and the orange open triangles are the SMC clusters used by \citet{pia02}. The F11 data point is shown as a blue square with a red border. This study's result is shown as a magenta triangle for the Padova/ASteCA fit. Our results indicate that Segue 3 resembles the LMC clusters, and we support O13's claim that it is the youngest globular-like cluster in the MW, although spectroscopy is needed to confirm its nature, if we are to rule out that it could be an old, sparse OC. In either case, its location in the outer halo and youth argue against it being a cluster native to our Galaxy. \citet{all60} noted the $\alpha$--element enhancement in metal-poor stars compared to the solar value more than fifty years ago, and \citet{wal62} decisively found excesses of Mg, Si, Ca, and Ti, relative to Fe. Typically, globular cluster stars show $[\alpha/Fe]$ of around +0.4, but non-cluster halo stars show more scatter in this parameter, where \citet[and references therein]{fel13} gives a recent review including MW disk(s), bulge, and halo. At low-metallicity, [Fe/H] does not necessarily scale linearly with $[Ca/H]$ or $[Ca/Fe]$ \citep{bat98}. Tests with the D08 and D16 models showed that the Seg~3 population is not significantly $\alpha$-enhanced. The stellar populations from the LMC and Sgr dSph have a different enrichment ``knee" \citep{ven04}, the metallicity where chemical enrichment of the environment changes from SN Type II to Ia. The cluster Palomar 1 \citep{sar07,sak11} fits the AMR for the LMC in Figure~13. The AMR for GCs is quite different for the MW Halo and bulge, but Seg~3 does not even fit in with unusual clusters which were likely acquired from non-MW sources. When \citet{pau14} calculated the tidal radius of Ko 1 \& 2, they used $r_t=R_{GC}(2(M_{Cl}/M_{MW}))^{1\over 3}$, which yields $r_t=24\pm 5$~pc considering mass and distance uncertainties. Figure~1's King model for the the highest mass for Seg~3, from the ASteCA runs, gives $r_t\approx 20\pm 10$~pc. The uncertainty in the King model fit results from fitting a sparse-cluster radial density profile, where the cluster is not spherical. \begin{deluxetable}{lcccccccl} \tablecaption{Final Results from All Models} \tablehead{\colhead{Models}& \colhead{Method} & \colhead{Filters} & \colhead{$\log Age$} & \colhead{$Z$}& \colhead{$[\alpha/Fe]$}& \colhead{$(m-M)_0$} & \colhead{$E(B-V)^a$} & \colhead{Notes}} \startdata Padova& ASteCA & $VI$& $9.40 \pm 0.20$& $0.007 \pm 0.002$& 0.0& $17.36 \pm 0.03$& $0.09\pm 0.01$& O13; 1 run$^*$, VI only\\ Padova& ASteCA & $SDSS-gr$& $9.5 \pm 0.2$& $0.002 \pm 0.003$& 0.0& $17.37 \pm 0.03$& $0.08\pm 0.01$& 1 run$^*$\\ Padova& ASteCA & $CT_1ugrVI$& $9.38 \pm 0.11$& $0.006 \pm 0.002$& 0.0& $17.33 \pm 0.08$& $0.09\pm 0.01$& Mult. runs$^{**}$\\ Padova& ASteCA &$CT_1ugrVI$& $9.42 \pm 0.08$& $0.006 \pm 0.001$& 0.0& $17.35 \pm 0.08$& $0.09\pm 0.01$& Mult. runs$^{**}$\\ \small D08& BASE-9& $CT_1ugr$& $9.51^{+0.14}_{-0.12}$& $0.005 \pm 0.001$& 0.0& $17.18^{+0.06}_{-0.04}$& $0.11\pm 0.01$& $\tiny Y=0.27\pm0.02{^d}{^e}$$^{**}$ \\ \small D08& Manual$^b$& $CT_1ugr$& $9.35^{+0.10}_{-0.31}$& $0.006 \pm 0.003$& $0.14\pm 0.15$& $17.33^c$& $\small 0.09$& $\tiny Y=0.30\pm0.06{^d}{^e}$ \\ \small MIST& Manual$^b$& $CT_1$& $9.35^{+0.10}_{-0.35}$& $0.004 \pm 0.001$& 0.0& $17.33^c$& $0.09$& $\tiny Y=0.245+1.6Z{^d}{^f}$\\ \rm Geneva& \rm Manual$^b$& $\rm CT_1$& $\rm 9.4\pm 0.1$& $\rm 0.002^g$& \rm 0.0& $\rm 17.33^c$& $\rm 0.09$& $\rm Y=0.248$\\ \enddata \tablecomments{Model control:} \tablenotetext{a}{Set to 0.09 or only allowed to vary 0.05--0.15.} \tablenotetext{b}{``Manual" $\chi^2$-fit to model grid.} \tablenotetext{c}{Set to best average/O13 value.} \tablenotetext{d}{49 stars.} \tablenotetext{e}{Variable helium-content.} \tablenotetext{f}{Y set by Z.} \tablenotetext{\rm g}{\rm The only metal-poor Geneva model with variable rotation used.} \tablenotetext{*}{``Automatic" mode, mid-range membership and cluster-radius} \tablenotetext{**}{~~Semi-automatic mode, varying membership stringency and cluster-size determination.} \end{deluxetable} \section{Summary and Conclusions} The mean position of Segue 3 center in all filters is $R.A.=320.\degr38015$ and $Dec.=19.\degr11753$. From cluster-cleaning and background subtraction experiments, fitting a 3-parameter King model yields a cluster radius of $r_{cl}=0.\degr017\pm 0.\degr007$, a core radius is $r_{c}=0.\degr003\pm 0.\degr001$, and the tidal radius is likely to be $r_t=0.\degr04 \pm 0.\degr02$. From all runs of the ASteCA code, iterating toward agreement between the O13, Washington, and SDSS CMDs, the Padova/PARSEC12 solar-scaled models show that Segue 3 has $Z=0.006 \pm 0.002$, $\log(Age)=9.38 \pm 0.11$, $(m-M)_0=17.33 \pm 0.08$, $E(B-V)=0.09\pm 0.01$, with a binary fraction of $0.36\pm 0.12$. The mass estimate from the King models was quite uncertain, $630\pm 264 \; M_\odot$. If we only use the runs where we remove the SDSS-identified galaxies, and use the information from F11 on radial-velocity members: $Z=0.006 \pm 0.001$, $\log(Age)=9.42 \pm 0.08$, $(m-M)_0=17.35 \pm 0.08$, $E(B-V)=0.09\pm 0.01$, with a binary fraction of $0.39\pm 0.05$, giving a cluster mass of $478\pm 56 \; M_\odot$. With $Z=0.006$ and an age of $2.6^{+0.6}_{-0.4}$ Gyr, our estimates for Segue 3 are younger and more metal-rich than O13's result, using the same set of isochrones. Converting metallicity to iron abundance: $\mathrm{[Fe/H]}\approx -0.5$ if the cluster is not $\alpha$-enhanced, and $\mathrm{[Fe/H]}<-0.5$ if $[\alpha/Fe]$ is positive. Seg~3 does not follow the AMR trend of MW-native globular clusters, resembling field stars and clusters from the (gas-rich) WLM dIrr, SMC, and LMC. Comparing the GC data with \citet{lea13a,lea13b} models indicates that a system with Seg~3's properties could have been formed in an LMC/SMC-like system, extrapolating their ``leaky box" models. The results of this paper are summarized in Table 6. \rm We support O13's results: Seg~3 is certainly the youngest ``GC" found in the MW to date, and it was more massive in the past. Our results favor Seg~3 being a disrupting-GC and not an OC. \rm When we re-analyzed the O13 data using the ASteCA code, the results for the distance modulus are consistent with the Washington and SDSS analysis, but SDSS colors are less sensitive to $E(B-V)$ than Washington colors. However, the broader C-filter allows us to go deeper than u-band. Our analysis shows the importance of comparing clusters within the same model-grid. The D16/MIST models (though solar-scaled) are more useful for estimates of the age \rm uncertainty \rm in Washington colors because of the finer grid and the extension of the models past the helium-flash. The D08 models include a range of $\alpha$-abundances and Y-values, which are used with BASE-9 \citep{wag16a,wag16b}: for a single-population model, Seg~3 has $Y=0.27\pm 0.02$, but this might be a rotation effect making stars bluer below the MSTO. Though unusual, Segue 3 is not unique in being a young, metal-rich cluster in the MW outer halo (see Figure~13). Others have been found in the MW, including those suspected to be associated with the Sgr dSph \citep[for Pal 12, Ter 7, and Whiting 1, respectively]{coh04,sbo05,law10}. Other MW clusters are similarly low mass, and fall somewhere between traditional open and globular clusters \citep[e.g., Pal 1]{sak11} or seem to be massive, old open clusters \citep[who studied Ko 1 and 2]{pau14}. Indeed, Pal 12, Ter 7, and Pal 1 all show low $[\alpha/Fe]$-abundances \citep{coh04,sbo05,law10} typical of dwarf galaxy stars \citep{tol09}, which do not follow the standard MW alpha-enhancement \citep{all60,wal62}. Tests with D08 and D16 models suggest that Seg 3 is not significantly $\alpha$-enhanced, but a firm conclusion requires spectroscopic follow-up. However, there is circumstantial evidence that Seg~3 came from an accreted gas-rich system \citep[B10, F11, O13]{bel07}. \acknowledgments The authors thank Julie Lutz, Jeff Brown, and the UW Astronomy ``Stars" discussion group for their input. We also acknowledge financial support from the NSF, the M.J. Murdock Charitable Trust, and the Kennilworth Fund of the New York Community Trust. We thank Gabriel Perren for modifying the ASteCA code for us (the current version is available here: http://asteca.github.io). This work has made use of BaSTI web tools. We thank the Rachel Wagner-Kaiser, TvH, DvD, DS, and ER, and the BASE-9 team for their efforts. Hughes thanks the APO 3.5-m Users Committee for input into the design of the ARCTIC imager, and for the APO staff's help with remote observing. \rm We also thank the anonymous referee for helpful suggestions that improved the flow of the manuscript. \rm This research has made use of the NASA/IPAC Infrared Science Archive, which is operated by the Jet Propulsion Laboratory, California Institute of Technology, under contract with the National Aeronautics and Space Administration. We used data from the 3.5-m telescope's APIcam and ARCTIC imagers. We also made extensive use of the Sloan Digital Sky Survey. Funding for the Sloan Digital Sky Survey IV has been provided by the Alfred P. Sloan Foundation, the U.S. Department of Energy Office of Science, and the Participating Institutions. SDSS-IV acknowledges support and resources from the Center for High-Performance Computing at the University of Utah. The SDSS web site is www.sdss.org. SDSS-IV is managed by the Astrophysical Research Consortium for the Participating Institutions of the SDSS Collaboration including the Brazilian Participation Group, the Carnegie Institution for Science, Carnegie Mellon University, the Chilean Participation Group, the French Participation Group, Harvard-Smithsonian Center for Astrophysics, Instituto de Astrof\'isica de Canarias, The Johns Hopkins University, Kavli Institute for the Physics and Mathematics of the Universe (IPMU) / University of Tokyo, Lawrence Berkeley National Laboratory, Leibniz Institut f\"ur Astrophysik Potsdam (AIP), Max-Planck-Institut f\"ur Astronomie (MPIA Heidelberg), Max-Planck-Institut f\"ur Astrophysik (MPA Garching), Max-Planck-Institut f\"ur Extraterrestrische Physik (MPE), National Astronomical Observatories of China, New Mexico State University, New York University, University of Notre Dame, Observat\'ario Nacional / MCTI, The Ohio State University, Pennsylvania State University, Shanghai Astronomical Observatory, United Kingdom Participation Group, Universidad Nacional Aut\'onoma de M\'exico, University of Arizona, University of Colorado Boulder, University of Oxford, University of Portsmouth, University of Utah, University of Virginia, University of Washington, University of Wisconsin, Vanderbilt University, and Yale University. \vspace{5mm} \facilities{APO: 3.5m} \software{IRAF, Python, ASteCA, BASE-9, SYCLIST}
98fa0be4b265bc8bb3b353c3e1b56a86bece6a99
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Discussion}\label{Discus} Our analysis of macroscopic realism relied heavily on the framework of PTM models and ontic models. We adopted this framework to have an analysis that is to a large extent theory independent, mimicking the derivation and predictions for the experimental violations of Bell type inequalities in this sense. Obviously, though, there is a connection with quantum mechanics in the background. We use quantum mechanics to make predictions about what kind of preparations, transformations and measurements are physically possible. Theory independence is re-obtained by ultimately verifying experimentally that these operations are indeed physically realizable. Consequently, we can only make use of small \emph{finite} fragments of quantum mechanics in our analysis. This is reflected in Theorem \ref{mainthm}, which only makes use of two preparations, one transformation and two measurements. However, implicit further assumptions lurk in the background, and we shall discuss and elucidate those here. It seems innocent enough to assume that the PTM model under consideration contains many elements (preparations, transformations and measurements) apart from the ones that will show up in experiments. Most of the time these elements are just coming along for a free ride. This can again be compared to the case of Bell tests. Of course not all systems display non-local behavior. The point of the tests is to show that there are finite sets of preparations and measurements that experimentally violate Bell inequalities. The conclusion is then that any ontic model for any PTM model that incorporates these preparations and measurements must be non-local \emph{irrespective} of what other elements may be incorporated in the PTM model. It is then important that any additional elements that may be present in a PTM model, play no role in our analysis whatsoever. The simplest way to ensure this is to not mention these elements. We, however, have not adhered to this credo everywhere. An explicit example is in our Definition \ref{lmrdef}. To see if a particular ontic model is $(\alpha,\beta)$-supported, one has to quantify over \emph{all} preparations in the PTM model. However, what exactly is the set of all preparations is of course a theory dependent question. Consequently, the question if nature allows $(\alpha,\beta)$-support is also theory dependent. The quantification is unproblematic because we are interested in \emph{ruling out} $(\alpha,\beta)$-support, instead of showing that it holds. For this it suffices to look at a finite set of preparations, transformations and measurements. This can again be compared to the case of locality. To show that Bell inequalities are violated, a finite fragment of quantum mechanics suffices. But the related question if nature satisfies the Tsirelson bound cannot be answered experimentally, for it would require to verify that the bound is satisfied for \emph{all} preparations and measurements. A more troublesome quantification over the elements of the PTM model occurred in Section \ref{QMnotEM}, where we discussed the relation between the Leggett-Garg inequality and eigenpreparation mixing models. We showed that, for eigenpreparation mixing models, to check that a transformation is non-invasive, one only has to verify that the transformation is non-invasive for eigenpreparations. However, showing this itself is not unproblematic. For example, to show that $T(P_q)$ and $P_q$ are operationally equivalent, one has to check that \begin{equation}\label{opeqeq} \pee(m|M,T,P_q)=\pee(m|M,P_q) \end{equation} for \emph{every} measurement $M$ and \emph{every} outcome $m$. In practice, this is not feasible. To solve this problem one can in addition assume the existence of a finite tomographically complete set of measurements as one does, for example, in tests of non-contextuality (\citealp{Spekkens09}; \citealp{Mazurek15}; \citealp{KunjwalSpekkens15}) or, less explicitly, in the recent Leggett-Garg test in \citep{Knee16}. Then, to verify \eqref{opeqeq}, one only has to check that it holds for the tomographically complete set. However, such an assumption is ungrounded without assuming the (partial) validity of some theory \citep[\S 4.4]{Hermens11}. Our analysis of macroscopic realism does not face this problem. Nowhere do we assume that any two procedures are operationally equivalent and so there is no need to experimentally verify such an assumption. This is another way in which we improve on the Leggett-Garg result. However, there is a related issue, leading to a qualifying remark on the logical limitations for experimentally discriminating between the different types of macroscopic realism. We argued in Section \ref{OEMsec} that macroscopic realism and non-invasive measurability implies the existence of an eigenpreparation mixing ontic model. In short, the argument was that, with the use of non-invasive measurements of $Q$, any preparation $P$ can be turned into an eigenpreparation of $Q$ by measuring $Q$. Because the measurement is non-invasive, the ontic state is unaltered and $P$ can therefore be written as a mixture of these eigenpreparations. But, even if this possibility is ruled out for a given PTM model, there always remains the possibility that a new non-invasive $Q$ measurement procedure could be added to the model. The post-measurement preparations $P_q$, produced by such a measurement would represent new eigenpreparations, not contained within our original PTM model. So eigenpreparation mixing can only be ruled out for a given PTM model, and there is always the logical possibility of extending the model to include more eigenpreparations, thereby restoring the possibility of an eigenpreparation mixing ontic model. In this sense, our results are not completely theory independent. However, this doesn't affect the main thrust of our result. Namely, given the eigenpreparations that we currently know, if we want to have an ontic model, other preparations (corresponding to superpositions in quantum mechanics) compel us to introduce novel ontic states. If the model is to be augmented with new eigenpreparations and measurements to recover eigenpreparation mixing, then at some point these augmented models must deviate from the predictions of quantum theory. The situation may be compared to the results on the $\psi$-ontic/$\psi$-epistemic divide.\footnote{(\citealp{PBR12}; \citealp{BCLM14}; \citealp{Leifer14}).} These results show that an epistemic interpretation cannot fully explain the indistinguishability of non-orthognal quantum states. But this indistinguishability itself is not a given theory-independent fact. There is the logical possibility that by going beyond quantum mechanics there are measurements that \emph{can} distinguish quantum states with a single shot. Similarly, our results show that macroscopic realism does nothing to explain the peculiar nature of superpositions. But there is still the logical possibility that by going beyond quantum mechanics there are preparations in terms of which superpositions can be understood as mixtures after all. \section{Conclusion}\label{conclusie} The Leggett-Garg inequality is the best known constraint on macroscopic realism, but its significance has been diminished both by its reliance on the assumption of non-invasive measurability, and by the existence of known counterexamples, such as the de Broglie-Bohm and Kochen-Specker models, which are able to violate the Leggett-Garg inequality while being macro-realist about the relevant observables. \citet{MaroneyTimpson16} clarified the different kinds of macroscopic realism possible, drawing a distinction between the counterexamples and the types of macroscopic realist models ruled out by Leggett-Garg inequality violations. However, despite the work of \citet{Allen16} extending the range of models which were in conflict with quantum theory, the distinctions introduced between eigenpreparation support and eigenpreparation undermining models had finite precision loopholes, and so these distinctions could not be empirically tested. In this paper we have reanalyzed the difference between eigenpreparation supported and eigenpreparation undermining models, to look for their qualitative features which are robust against small variations in the model. We defined a qualitatively eigenpreparation supported model as one in which there are no regions of the ontic state space in which all eigenpreparations have a small support, but at least one preparation has a large support. We introduced the concept of $(\alpha,\beta)$-supported models to parameterize this feature: qualitatively eigenpreparation supported models are models for which there exist low values for $\alpha$ and $\beta$ such that the model is $(\alpha,\beta)$-supported. We then showed that macroscopic realist models had $(\alpha,\beta)$-support curves which could be compared to empirical data, to rule out classes of macroscopic realist models for quantum theory. We showed that eigenpreparation mixing models, the only kind that could also be ruled out by Leggett-Garg inequality violations, could be ruled out at relatively modest experimental errors. However, we can also go beyond that, and rule out qualitatively eigenpreparation supported models. As the precision of experimental tests of quantum theory increases, progressively less qualitatively eigenpreparation supported models are possible. In the limit of noise free experimental data, all eigenpreparation supported models are ruled out, recovering the noise-free result. As an additional feature, we note that many eigenpreparation undermining models may also be ruled out. In contrast to the Leggett-Garg inequality violation, no troublesome assumption of non-invasive measurability is needed for any of these experimental tests. \end{document} \section{Introduction} The concept of macroscopic realism was introduced by \citet{LeggettGarg85} to focus attention upon an apparent inconsistency between quantum mechanics and our experience of the real world. Roughly speaking, macroscopic realism maintains that a macroscopically observable property must always have a definite value. Therefore the only possible states are ones for which macroscopic observables take definite values. Leggett and Garg further argued that this view could be shown to be inconsistent with observable predictions of quantum theory, by deriving an inequality for the correlations between a sequence of measurements of the macro-observable, that quantum theory could, in principle, violate. However, Leggett and Garg's derivation required, in addition to macroscopic realism, the use of another assumption: that it was possible, in special cases, to measure the macro-observable non-invasively. This left open the possibility that a macroscopically realist interpretation of quantum theory is possible that still violates the inequality by denying the possibility of non-invasive measurements. In recent years there have been increasingly sophisticated experiments seeking to test the Leggett-Garg inequality violations in quantum theory.\footnote{(\citealp{Palacios10}; \citealp{Dressel11}; \citealp{Goggin11}; \citealp{Xu11}; \citealp{Knee12}; \citealp{George13}; \citealp{Knee16}).} These experiments have used a variety of materials, including superconducting devices, photons, and nuclear and electron spins in silicon and in diamond, and techniques, including weak and strong projective measurements, all confirming the violation. It should be noted that none of these experiments have actually tested a macroscopically observable property: rather, they have shown violations of the Leggett-Garg inequality for microscopic quantum observables, and represent a proof of principle that tests of the inequality are possible. Alongside these tests has been a revival of discussion of the significance of the choice of macroscopic realism vs non-invasive measurability.\footnote{(\citealp{FosterElby91}; \citealp{ElbyFoster92}; \citealp{Bacciagaluppi15}; \citealp{Clemente16}; \citealp{Hess16}; \citealp{MaroneyTimpson16}).} In this paper we follow the analysis of Maroney and Timpson, who identified three types of macroscopic realism, and argued that experiments violating the Leggett-Garg inequality only ruled out one, albeit rather natural, type. \Citet{Allen16}, building on earlier work by \citet{Allen15}, then showed problems for a second type. However, the distinction between this type, and the third remaining type as introduced by Maroney and Timpson, is not noise tolerant, and so Allen's result can not be directly subjected to experimental testing. Our main concern in this paper is to show how experimental tests of macroscopic realism are possible without making use of the non-invasive measurability assumption, and in doing so show that it is possible to rule out a wider class of models than is possible using Leggett-Garg inequality violations. We start in Section \ref{precon} by using the ontic models formalism (a general framework used for classifying realist interpretations of operational theories) to characterize macroscopically realist models for quantum theory. By looking at the relationship between macroscopic realism and the eigenvalue-eigenstate link, we will identify the types of macroscopic realism discussed by Maroney and Timpson: here called eigenpreparation mixing models (which are in conflict with Leggett-Garg inequality violations), eigenpreparation supported models, and eigenpreparation undermining models. Broadly speaking, eigenpreparation mixing is equivalent to macroscopic realism with a strict interpretation of the eigenvalue-eigenstate link, eigenpreparation support keeps a more generalized form of the eigenvalue-eigenstate link, and eigenpreparation undermining models maintain macroscopic realism without a connection to the link. In Section \ref{QMEU} we review how eigenpreparation mixing and eigenpreparation supported models are incompatible with quantum theory for Hilbert spaces with dimension two or more and three or more respectively, extending the earlier result in \citep{Allen16}. However, in Section \ref{NoiseT} we show that the distinction between eigenpreparation supported and eigenpreparation undermining macroscopic realism needed for this result, is subject to finite precision loopholes, which means that no experimental test can directly distinguish them. To address this problem, we introduce two parameters for characterizing macroscopically realist models for quantum theory, which qualitatively distinguish eigenpreparation supported from eigenpreparation undermining models, and which can be tested against experimental data. With this parameterization, eigenpreparation mixing models can be experimentally ruled out, without using assumptions of non-invasive measurability. Qualitatively eigenpreparation supported models can also be ruled out, with a larger range of such models being ruled out as experimental precision increases. For very high precision measurements only some eigenpreparation undermining models remain viable, thus providing a generalization of the noise-free results of Section \ref{OESMRQM} in the limit. Overall, we will show that a much larger class of macroscopically realist models can be experimentally ruled out than is allowed by Leggett-Garg inequality violations, and without making any use of the assumption of non-invasive measurability. \end{document} \section{Noise tolerance and eigenpreparation support}\label{NoiseT} In Section \ref{QMEU} we showed that quantum theory must be eigenpreparation undermining, in all Hilbert spaces of dimension greater than two. In this Section, we will show that, unfortunately, this proof rests on a distinction between eigenpreparation support and eigenpreparation undermining that is not noise tolerant. The proof uses probabilities which are assumed to be zero \eqref{premis}. Such an assumption cannot be verified experimentally. At best one can confirm that these probabilities are small, but the proof really requires them to be zero. Worse, we can show that for any finite value of these probabilities, one can devise eigenpreparation supported models that can reproduce the predictions of quantum mechanics. We will therefore introduce a new way of characterizing eigenpreparation support and eigenpreparation undermining models, $(\alpha,\beta)$-support, that captures the qualitative features of these two types of macroscopic realism in a noise-tolerant way. In our main result, we will then show how experimentally testable predictions of quantum theory are at odds with all qualitatively eigenpreparation supported models, in Hilbert spaces of dimension greater than 2. \subsection{Robustness of the supported/undermining distinction}\label{robustsec} As noted above, Theorem \ref{stelling1} relies on an assumption that cannot be verified experimentally. This is just a symptom of a deeper problem, namely, that the distinction between eigenpreparation supported and eigenpreparation undermining is not noise-tolerant. The reason is that the notion of eigenpreparation support implicitly relies on the use of the asymmetric overlap between preparations, which is not robust. For two probability measures $\mu,\nu$ on $(\Lambda,\Sigma)$ the asymmetric overlap is defined as \begin{equation} \varpi(\nu|\mu):=\inf\set{\mu(\Delta)}{\Delta\in\Sigma,\nu(\Delta)=1}. \end{equation} Or, in terms of the corresponding density functions,\footnote{The density functions are defined with respect to a suitably chosen background measure. Here, and throughout the remainder of this paper, this background measure is suppressed in our notation of the integral.} \begin{equation} \varpi(f_\nu|f_\mu):=\int_{\supp f_\nu}f_\mu(\lambda)\dee\lambda. \end{equation} If we assume that $\Pi_q$ is convex, then eigenpreparation support results in the criterion that \begin{equation} \sup_{\mu_q\in\Pi_q}\varpi(\mu_q|\mu_P)=\pee(q|Q,P) \end{equation} for all $q\in\Omega_Q$, $\mu_P\in\Pi_P$, and $P\in\mathcal{P}$. \begin{figure} \begin{center} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig2a} \caption{\label{A}} \end{subfigure} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig2b} \caption{\label{B}} \end{subfigure} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig2c} \caption{\label{D}} \end{subfigure} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig2d} \caption{\label{C}} \end{subfigure} \caption{Schematic representation of some ontic models. In each figure the density for an eigenpreparation ($f_q$) and for an arbitrary preparation ($f_P$) are drawn, restricted to the set of ontic states where $Q=q$. The colored area corresponds to the asymmetric overlap. The models in \ref{A} and \ref{C} are eigenpreparation supported, while the other two are eigenpreparation undermining.\label{plaatje}} \end{center} \end{figure} Figure \ref{plaatje} provides a good illustration of the problems with the asymmetric overlap. In this figure we again zoom in on $\Lambda_q$. The distributions in Figure \ref{A} are in accordance with eigenpreparation support: the asymmetric overlap $\varpi(f_q|f_P^S)$ equals the appropriate probability. The distributions in Figure \ref{B}, on the other hand, are eigenpreparation undermining: the support of $f_P^U$ extends beyond the support of $f_q$. However, by slightly modifying the model depicted in Figure \ref{B}, it can be made eigenpreparation supported. This is done by replacing $f_q$ with \begin{equation} f_q':=(1-\epsilon)f_q+\frac{\epsilon}{\pee(q|Q,P)}f_P^U, \end{equation} as in Figure \ref{C}. If $\epsilon$ is small enough, the distributions $f_q$ and $f_q'$ are experimentally indiscernible. Consequently, for any eigenpreparation undermining model and any finite precision of measurements, we can construct a modified model that is eigenpreparation supported and experimentally indiscernible from the original model. Conversely, every preparation supported model can be modified to obtain a preparation undermining model by slightly adjusting the distribution $f_P^S$ as in Figure \ref{D} where we have replaced it with \begin{equation} {f_P^S}':=(1-\epsilon)f_P^S+\epsilon f_P^U. \end{equation} These considerations show that there is no way to experimentally rule out eigenpreparation supported models. But they also suggest that the distinction between eigenpreparation supported and undermining models wasn't formalized in an operationally meaningful way. Just by looking at Figure \ref{plaatje} it is not difficult to convince oneself that the explanations provided for observed phenomena by the ontological model in Figure \ref{D} will be almost identical to those provided by the model in Figure \ref{A}. While Figure \ref{D} is, strictly, an eigenpreparation undermining model, it is, qualitatively, almost an eigenpreparation supported model. Similarly the model in Figure \ref{C} is, strictly, eigenpreparation supported, but its explanation for observed phenomena will have more in common with Figure \ref{B}. It is, qualitatively, almost eigenpreparation undermining. So we wish to draw a distinction between eigenpreparation supported and undermining models that is based on a matter of gradation between the qualitative features of the models, rather than an all-or-nothing case. The goal is to make this idea precise in a way that is noise-tolerant, which is what we do in the next section. \subsection{\texorpdfstring{$(\alpha,\beta)$}{ab}-supported models}\label{LMRsec} We now introduce our two parameter characterization of ontic models, which will allow us to draw our noise-tolerant distinction between the qualitative features of such models which make them eigenpreparation supported or undermining. We start by looking at noise-tolerance. As noted in the previous section, the problem of the robustness of the eigenpreparation supported/un\-der\-min\-ing distinction can be traced back to its reliance on the asymmetric overlap. An intuitive suggestion then is to switch from the asymmetric overlap to the symmetric overlap, which \emph{is} noise-tolerant. For two positive measurable functions $f,g$ the symmetric overlap is defined as \begin{equation} \omega(f,g):=\int_\Lambda \min\left(f(\lambda),g(\lambda)\right)\dee\lambda. \end{equation} When $f$ and $g$ are densities for two probability measures $\mu_f$ and $\mu_g$, the symmetric overlap can be written as \begin{equation}\label{symoverl} \omega(f,g) =1-\sup_{\Delta\in\Sigma}\left|\mu_f(\Delta)-\mu_g(\Delta)\right| =1-\frac{1}{2}\int_\Lambda\left|f(\lambda)-g(\lambda)\right|\dee\lambda. \end{equation} Operationally this has a well known and robust interpretation: if a system is prepared using one of the two preparation procedures, but one doesn't know which, then the best guess possible as to which procedure was used cannot succeed with a probability higher than $1-\tfrac{1}{2}\omega(f,g)$. Unfortunately, just switching to the symmetric overlap tells us little about whether a model is more eigenpreparation supported or more eigenpreparation undermining. Figure \ref{plaatje} reflects this: in \ref{A} and \ref{B} the symmetric overlap is of the same order even though they are supposed to be prime examples of the two types of macroscopic realism. The problem is that we do not care about the size of the symmetric overlap, per se, but rather about the way the density for the preparation deviates in shape from the eigenpreparation. To make this idea precise, we return to the case of eigenpreparation mixing (Figure \ref{EMMR}). In the simple case where for every value of $Q$ there is precisely one eigenpreparation, and only one corresponding probability distribution in the ontic model, we can write \begin{equation} f_P=\pee\left(q_1\middle|Q,P\right)f_{q_1}+\ldots+\pee\left(q_n\middle|Q,P\right)f_{q_n}. \end{equation} This is equivalent to the criterion that \begin{equation}\label{OEMMcrit} \omega\left(f_P,\pee\left(q_i\middle|Q,P\right)f_{q_i}\right)=\pee\left(q_i\middle|Q,P\right) \end{equation} for all $q_i$. Essentially, \eqref{OEMMcrit} tells us that eigenpreparation mixing means that $f_P$ is shaped like $f_{q_i}$ on $\Lambda_{q_i}$ for every $i$. A violation of eigenpreparation mixing can thus be understood as a deviation from the shape of $f_{q_i}$. Possible deviations can be classified in two categories corresponding to the two other types of macroscopic realism. We will identify two parameters $\alpha$ and $\beta$ to characterize how much a given $f_P$ deviates in either of these two directions from the eigenpreparation mixing shape. First we look at eigenpreparation support. For an eigenpreparation supported model \eqref{OEMMcrit} will not hold in general. However we can still find numbers $a_i$ such that \begin{equation}\label{OEMMcrit2} \omega\left(f_P,a_if_{q_i}\right)=\pee\left(q_i\middle|Q,P\right), \end{equation} but now with $\sum_i a_i >1$. If we take these $a_i$'s as small as possible, then we can take $\alpha=\max\{a_1,\ldots,a_n\}$ as a measure for how much the model deviates from eigenpreparation mixing in the eigenpreparation support direction. In the limit where we allow $\alpha$ to go to infinity, we find that all eigenpreparation supported models can be understood as such deviations from eigenpreparation mixing. This is because we have the following general relation between the symmetric and the asymmetric overlap: \begin{equation}\label{limitexpr} \lim_{\alpha\to\infty}\omega(f_P,\alpha f_q)=\varpi(f_q|f_P). \end{equation} The original definition for eigenpreparation support was that the right hand side of \eqref{limitexpr} equals $\pee\left(q_i\middle|Q,P\right)$. On the new reading we use the left hand side of \eqref{limitexpr} and eigenpreparation support corresponds to a finite value of $\alpha$ for which the equation \begin{equation}\label{alphadef} \omega(f_P,\alpha f_q)=\pee\left(q\middle|Q,P\right) \end{equation} holds for all $q$. Now we look at eigenpreparation undermining models. These can be understood as a deviation from eigenpreparation mixing where the shape of $f_P$ is altered by extending its domain beyond the support of $f_q$. Now this will leave $\omega(f_P,f_q)\leq\varpi(f_q|f_P)<\pee\left(q\middle|Q,P\right)$, due to the support of $f_P$ that now lies outside the support of $f_{q_i}$. However, while scaling $f_q$ up to $\alpha f_q$ will eventually achieve $\omega(f_P,\alpha f_q)=\varpi(\alpha f_q|f_P)$, this will not change the value of the asymmetric overlap, as the supports of $f_q$ and $\alpha f_q$ are identical. There will remain a part of the support of $f_P$ which lies outside the support of $f_{q_i}$. There will, however, always exist numbers $b_i$ such that \begin{equation} \omega(f_P,f_{q_i})+b_i = \pee\left(q_i\middle|Q,P\right) \end{equation} If we take $\beta=\max\{b_1,\ldots,b_n\}$, the deviation of eigenpreparation undermining models can be quantified in terms of the parameter $\beta$ such that \begin{equation}\label{betadef} \omega(f_P,f_q)+\beta\geq\pee\left(q\middle|Q,P\right). \end{equation} holds for all $q$. Equations \eqref{alphadef} and \eqref{betadef} can be combined to give a more qualitative understanding of eigenpreparation supported and mixing models. For any model, there always exist $\alpha$ and $\beta$ such that \begin{equation} \omega(f_P,\alpha f_q)+\beta\geq\pee\left(q\middle|Q,P\right) \end{equation} for all $q$. (Indeed, the inequality holds trivially for the choice $\beta=1$.) Formally we introduce the following definition. \begin{definition}\label{lmrdef} Given an ontic model for a PTM model with macro-observable $Q$, preparation $P$ and constants $\alpha\in[0,\infty)$, $\beta\in[0,1]$, we say that $P$ is \emph{$(\alpha,\beta)$-supported on $\Lambda_q$} for some $q\in\Omega_Q$ if \begin{equation}\label{abdef} \sup_{f_q\in\Pi_q}\omega\left(f_P,\alpha f_q\right)+\beta\geq \pee(q|Q,P)~\Forall f_P\in\Pi_P. \end{equation} If every preparation is $(\alpha,\beta)$-supported for all $q\in\Omega_Q$ we say that the ontic model is \emph{$(\alpha,\beta)$-supported}. A PTM model is called \emph{$(\alpha,\beta)$-supported} if it admits an $(\alpha,\beta)$-supported ontic model. \end{definition} Now we look at the behavior of eigenpreparation supported and eigenpreparation undermining models in terms of $(\alpha,\beta)$-support. We focus, as usual, upon a single outcome $q$ with eigenpreparation $f_q$ and we introduce the concept of $(\alpha,\beta)$-support curves. The $(\alpha,\beta)$-support curve for a preparation $P$ is simply the modified overlap $\omega(f_P,\alpha f_q)$ viewed as a function of $\alpha$. When $\alpha=0$, the modified overlap $\omega\left(f_P,\alpha f_q\right)=0$ and so $\beta\geq \pee(q|Q,P)$. As $\alpha$ is allowed to increase, $\beta$ is able to fall. At some point, however, $\omega\left(f_P,\alpha f_q\right)$ reaches a maximum, and $\beta$ reaches its lowest value. For eigenpreparation supported models, this value of $\beta=0$. These considerations are reflected in Figure \ref{overlapfigure}. Here we have plotted the $(\alpha,\beta)$-support curves for each of the functions from Figure \ref{plaatje} as well as for the eigenpreparation mixing model (the $\psi$-ontic case is left out because for such models $\omega(f_P,\alpha f_q)=0$ for all values of $\alpha$). Next we look at the models in Figures \ref{D} and \ref{C}, as $\alpha$ and $\beta$ vary. In the case of Figure \ref{D}, as $\alpha$ is allowed to increase, $\beta$ will fall in much the same manner as for Figure \ref{A}. Only as the modified overlap approaches $\pee(q|Q,P)$ will any significant difference arise: Figure \ref{D} will reach a minimum $\beta$ value that is just above zero. By contrast, Figure \ref{C} will initially behave much the same as Figure \ref{B}. Only when $\alpha$ gets large, and $\beta$ approaches its minimum value for Figure \ref{B}, will a difference appear: for the model in Figure \ref{C}, $\beta$ will continue to fall slowly, as $\alpha$ rises. \begin{figure}[ht] \begin{center} \includegraphics[width=0.6\textwidth]{fig3} \end{center} \caption{Plots for the symmetric overlap as a function of $\alpha$ for the distributions from Figure \ref{plaatje}. Although for all the eigenpreparation supported models the overlap tends towards the maximum value $\pee(q|Q,P)$, this is at a very slow rate for the qualitatively eigenpreparation undermining distribution with $f_q'$. For the qualitatively eigenpreparation supported model with $f_P^{S'}$ on the other hand, the graph tends quite rapidly to its maximum value which is just below $\pee(q|Q,P)$. \label{overlapfigure}} \end{figure} We now see a clear qualitative similarity between Figures \ref{A} and \ref{D}, that is not shared with Figures \ref{B} and \ref{C}: $\beta$ can reach relatively small values, for relatively small values of $\alpha$. While $\beta$ can become small for Figure \ref{C}, it can only do so for quite large values of $\alpha$ (and for Figure \ref{B} not at all). It is this feature that captures the qualitative properties of the models more meaningfully than the question of whether $\beta$ can, for some sufficiently large value of $\alpha$, actually reach zero. Broadly, a \emph{qualitatively} eigenpreparation undermining model is one in which there is some region $\Delta$ of the ontic state space, for which $\mu_q(\Delta)$ is very small, but $\mu_P(\Delta)$ is not small. In this case there is a significant region of the support of $f_P$ where $f_q$ is much smaller than $f_P$. This requires a large $\alpha$ scaling up of $f_q$ to rise above $f_P$, so $\beta$ cannot fall to low values until $\alpha$ has risen to large values. In the case of strict eigenpreparation undermining models, $f_q=0$ for this region and no $\alpha$ scaling will ever succeed to make $\beta=0$. By contrast, in \emph{qualitatively} eigenpreparation supported models, every region $\Delta$ for which $\mu_q(\Delta)$ is small, must also have $\mu_P(\Delta)$ as small. There is then nowhere that $f_P$ is significantly larger than $f_q$. Such models can still be strictly eigenpreparation undermining when there is a region for which $\mu_P(\Delta)$ is small and $\mu_q(\Delta)= 0$. However, as $\mu_P(\Delta)$ is now small, scaling up $\mu_q(\Delta)$ by $\alpha$ does not miss very much of the support of $f_P$, and only a small value of $\beta$ is required to compensate. What is important to both types of models is not whether $\mu_q(\Delta)= 0$ or is just very small, which is not robust against small changes in the model: it is whether the corresponding value of $\mu_P(\Delta)$ is small or large, which is robust against small changes. Put in its simplest terms, then, a qualitatively eigenpreparation supported model is one which can be $(\alpha,\beta)$-supported, with both $\alpha$ and $\beta$ remaining relatively low. A qualitatively eigenpreparation undermining model is one where $\beta$ cannot become small without $\alpha$ becoming large, if at all. We may regard this notion as a further weakening of the generalized eigenvalue-eigenstate link. This link requires that if the observable has a definite value, then the ontic state lies in the support of an eigenpreparation. The qualitatively weakened notion requires only that no region of the ontic state space $\Delta$, assigning a definite value to the observable, can be prepared with $\mu_P(\Delta)$ large, unless $\mu_q(\Delta)$ is also large for some eigenpreparation $q$ of the observable $Q$. Qualitatively eigenpreparation supported models satisfy this further weakened link, while qualitatively eigenprepation undermining models do not. Before moving on, a few formal remarks about Definition \ref{lmrdef} are in order. We have introduced the supremum over all densities in $\Pi_q$ to account for the possibility of multiple eigenpreparations for $q$. One can imagine that there are two densities $f_q^1$ and $f_q^2$ such that \begin{equation} \omega(f_q^1,f_q^2)=\omega(f_q^1,f_P)=0,~\text{while}~\omega(f_q^2,f_P)=\pee(q|Q,P). \end{equation} In the quantum case, for example, this may happen whenever the eigenvalue $q$ is degenerate. Even though $\omega(f_q^1,f_P)=0$, we still think of this case as eigenpreparation supported, and taking the supremum in \eqref{abdef} takes care of this.\footnote{We implicitly assume here that $\Pi_q$ is convex. To see this, consider the case where $\omega(f_q^1,f_q^2)=0$ and $\omega(f_q^1,f_P)=\omega(f_q^2,f_P)=\tfrac{1}{2}\pee(q|Q,P)$. This also suggests eigenpreparation support, but we see that if $f_q^1$ and $f_q^2$ are the only two distributions in $\Pi_q$, we need $\beta\geq\tfrac{1}{2}\pee(q|Q,P)$. But if we allow convex combinations, we may have $\beta=0$.} Second, note that, if an ontic model is $(\alpha,\beta)$-supported, then it is also $(\alpha',\beta')$-supported whenever $\alpha'\geq\alpha$ and $\beta'\geq\beta$. In fact, an ontic model does not give rise to unique values of $\alpha$ and $\beta$ for which it is $(\alpha,\beta)$-supported, but rather gives rise to a region of pairs in the parameter space $[0,\infty)\times[0,1]$. This region is never empty since every macroscopic realist ontic model is $(\alpha,1)$-supported for all values of $\alpha$. When restricting attention to a single preparation we can use Figure \ref{overlapfigure} to gain some more insight. For any $\alpha\in[0,\infty)$ we find that the preparation $P$ is $(\alpha,\beta)$-supported on $\Lambda_q$ if and only if $\beta\geq\pee(q|Q,P)-\omega(f_P,\alpha f_q)$. Finally, if the model is $(\alpha,0)$-supported for some value of $\alpha$, then it follows that the model is eigenpreparation supported. Conversely, we see that if the model is eigenpreparation supported and $f_P$ is bounded, then there is always an $\alpha$ such that the model is $(\alpha,0)$-supported. The requirement that $f_P$ is bounded is a misleading formality though. After all, whether it is bounded or not depends on the choice of the background measure, but whether the model is $(\alpha,\beta)$-supported or not does not depend on this choice. Thus, without loss of generality, we may always assume that $f_P$ is bounded (possibly by changing the background measure), and then we recover the statement that the model is $(\alpha,0)$-supported for some value of $\alpha$ if and only if the model is eigenpreparation supported. \subsection{Constraints on \texorpdfstring{$\alpha$}{a} and \texorpdfstring{$\beta$}{b}}\label{THMsec} To rule out $(\alpha,\beta)$-support for a given pair $(\alpha,\beta)$, it suffices to focus on a finite fragment of quantum mechanics containing a particular preparation $P$ (associated with a quantum state), and show that any ontic model in which $P$ is $(\alpha,\beta)$-supported makes predictions that contradict the quantum mechanical predictions. This is actually similar to the case of eigenpreparation support. Indeed, Theorem \ref{stelling1} only made use of the assumption that the support of $f_P$ is a subset of the supports of the $f_q$'s. So it also rules out eigenpreparation undermining models as long as they behave as eigenpreparation supported models for the preparation $P$. As noted in the previous section, if an ontic model is $(\alpha,\beta)$-supported with $\beta=0$, then it is eigenpreparation supported. In section \ref{OESMRQM} we demonstrated that such models must satisfy an inequality that is significantly violated by quantum mechanics. It is therefore not surprising that quantum mechanics poses further constraints on the possibility of models that are $(\alpha,\beta)$-supported with positive values of $\beta$. In fact, Theorem \ref{stelling1} can be generalized to incorporate the notion of $(\alpha,\beta)$-support, leading to the following theorem: \begin{theorem}\label{mainthm} Let $(\mathcal{P},\mathcal{T},\mathcal{M})$ be a PTM model with two measurements $Q,A\in\mathcal{M}$ with each three possible measurement outcomes $\{q_1,q_2,q_3\}$, $\{a_1,a_2,a_3\}$ and a single eigenpreparation $P_{q_1}$ for the value $q_1$. Let $P\in\mathcal{P}$ be any preparation. For any pair $(\alpha,\beta)\in[0,\infty)\times[0,1]$, if there exists an ontic model for which $P$ is $(\alpha,\beta)$-supported on $\Lambda_{q_1}$, then for any transformation $T\in\mathcal{T}$ the following inequality holds: \begin{equation}\label{mainineq} \pee(q_1|Q,P)-\pee(q_2|Q,T,P)-\pee(a_1|A,T,P)\leq \alpha\left(\pee(a_2|A,P_{q_1})+\pee(a_3|A,T,P_{q_1})+\pee(q_3|Q,T,P_{q_1})\right)+\beta. \end{equation} \end{theorem} The proof for this theorem can be found in the appendix. Theorem \ref{stelling1} is recovered as a special case by assuming that \begin{equation}\label{unwaras} \pee(a_2|A,P_{q_1})=\pee(a_3|A,T,P_{q_1})=\pee(q_3|Q,T,P_{q_1})=0 \end{equation} and setting $\beta=0$. The inequality \eqref{mainineq} then reduces to \eqref{thmineq} and the notion of $(\alpha,\beta)$-support reduces to eigenpreparation support. Even if we were to take \eqref{unwaras} for granted, we find that this theorem improves on Theorem \ref{stelling1}. This can be seen as follows. Theorem \ref{stelling1} can be paraphrased as the claim that, if a PTM model predicts that \begin{equation}\label{PTMpred} \pee(q_1|Q,P)>\pee(q_2|Q,T,P)+\pee(a_1|A,T,P), \end{equation} then there does not exist an eigenpreparation supported ontic model for the PTM model. In the new language, this is equivalent to the claim that there does not exist an $(\alpha,0)$-supported ontic model. From Theorem \ref{mainthm} we can now further conclude that all $(\alpha,\beta)$-supported ontic models are ruled out with \begin{equation} \beta<\pee(q_1|Q,P)-\pee(q_2|Q,T,P)-\pee(a_1|A,T,P) \end{equation} if the PTM model predicts \eqref{unwaras}. \begin{figure}[ht] \begin{center} \includegraphics[width=0.6\textwidth]{fig4} \end{center} \caption{Schematic depiction of how experimental results can be used to rule out $(\alpha,\beta)$-supported models. The solid lines represent ontic models and depict their corresponding $(\alpha,\beta)$-support curves. The dashed lines indicate constraints obtained by possible experimental data. The slope is given by $f^A_2(P_{q_1})+f^A_3(T(P_{q_1}))+f^Q_3(T(P_{q_1}))$. An ontic model is ruled out by the experiment experimental data if the symmetric overlap crosses the line $E_i$ derived from that data. The line $E_1$ corresponds to the idealized case where \eqref{unwaras} holds and the line $E_3$ represents an experiment that is too noisy to rule out any models. \label{ab-exp-label}} \end{figure} The main problem with Theorem \ref{stelling1} was that \eqref{unwaras} can never be verified experimentally. Theorem \ref{mainthm} solves this problem by putting constraints on $\alpha$ and $\beta$ even in the presence noise. Experimentally, one can get estimates for the probabilities in \eqref{mainineq} in the form of relative frequencies for measurement outcomes. So the experimental estimate for $\pee(m_i|M,P)$ would be $f_i^M(P)\in[0,1]$. The acquired data set determines a line given by \begin{equation} E(\alpha):= f^Q_2(T(P))+f^A_1(T(P))+\alpha\left(f^A_2(P_{q_1})+f^A_3(T(P_{q_1}))+f^Q_3(T(P_{q_1}))\right). \end{equation} In Figure \ref{ab-exp-label} three candidates for such a line are illustrated. An ontic model is ruled out experimentally whenever $\omega(f_P,\alpha f_{q_1})$ crosses the line $E(\alpha)$ for some value of $\alpha$. The explanation for this criterion runs as follows. For any value of $\alpha$, the preparation $P$ is $(\alpha,\beta_\alpha)$-supported for the choice $\beta_\alpha=f^Q_1(P)- \omega(f_P,\alpha f_{q_1})$. Now suppose there exists an ontic model for which there exists an $\alpha$ such that $\omega(f_P,\alpha f_{q_1})>E(\alpha)$. We then find for this value of $\alpha$ that \begin{equation} \begin{split} f^Q_1(P)-f^Q_2(T(P))-f^A_1(T(P)) ={}& \beta_\alpha+\omega(f_P,\alpha f_{q_1})-f^Q_2(T(P))-f^A_1(T(P))\\ >{}& \beta_\alpha+\alpha\left(f^A_2(P_{q_1})+f^A_3(T(P_{q_1}))+f^Q_3(T(P_{q_1}))\right). \end{split} \end{equation} This contradicts the inequality of Theorem \ref{mainthm}, hence there cannot be an ontic model with an $\alpha$ such that $\omega(f_P,\alpha f_{q_1})>E(\alpha)$. The best way to look for a fragment of quantum mechanics that can be used to test Theorem \ref{mainthm}, is by restricting attention to fragments in which the predicted values for $f^A_2(P_{q_1})$, $f^A_3(T(P_{q_1}))$ and $f^Q_3(T(P_{q_1}))$ are zero, i.e., in which \eqref{unwaras} holds. Experimentally, these values will of course always be greater than zero and the slope of $E_i$ in Figure \ref{ab-exp-label} is also positive. But at least for the current choice of the fragment we have that the slope becomes closer to zero as the precision of the measurements increases, with the idealized case represented by the line $E_1$. Since experimentally the slope of the line $E_i$ will never actually be zero, the best theoretical option we have for ruling out as much models as possible is by maximizing the distance between $f_1^Q(P)$ and $f_2^Q(T(P))+f_1^A(T(P))$. A numerical analysis in $\mathbb{R}^3$ gives the value 0.236 for this maximal value. A concrete fragment of quantum mechanics that comes close to this value is given by \begin{equation} \begin{IEEEeqnarraybox}[][c]{lll} \ket{q_1}=\cv{1}{0}{0},\quad& \ket{a_1}=\frac{1}{6}\sqrt{6}\cv{2}{1}{-1},\quad& U=\begin{pmatrix} \tfrac{1}{2}\sqrt{2} & -\tfrac{1}{2}\sqrt{2} & 0\\ \tfrac{1}{2}\sqrt{2} & \tfrac{1}{2}\sqrt{2} & 0\\ 0 & 0 & 1 \end{pmatrix},\\ \ket{q_2}=\cv{0}{1}{0},\quad& \ket{a_2}=\frac{1}{2}\sqrt{2}\cv{0}{1}{1},\quad& \ket{\psi}=\frac{1}{4}\cv{1+\sqrt{3}}{1-\sqrt{3}}{2\sqrt{2}},\\ \ket{q_3}=\cv{0}{0}{1},\quad& \ket{a_3}=\frac{1}{3}\sqrt{3}\cv{-1}{1}{-1},\quad& U\ket{\psi}=\frac{1}{4}\sqrt{2}\cv{\sqrt{3}}{1}{2}. \end{IEEEeqnarraybox} \end{equation} For this set we have \begin{equation} \born{q_1}{\psi}-\born{q_2}{U\psi}-\born{a_1}{U\psi}=\tfrac{1}{48}(10\sqrt{3}-7)\approx 0.215. \end{equation} It is worthwhile to delve a bit into the required accuracy for an experiment in order for it to rule out at least some models. Looking again at Figure \ref{ab-exp-label} we find that the eigenpreparation mixing models are ruled out whenever $E(f_1^Q(P))<f_1^Q(P)$, i.e., when \begin{equation}\label{EMcriterion} f^Q_2(T(P))+f^A_1(T(P)) +f^Q_1(P)\left(f^A_2(P_{q_1})+f^A_3(T(P_{q_1}))+f^Q_3(T(P_{q_1}))\right)<f^Q_1(P). \end{equation} The measured relative frequencies will of course deviate from the predicted quantum mechanical probabilities. To get a view of the amount of deviation that is permissible, we consider a worst case scenario where every relative frequency deviates an amount $\epsilon$ from the predicted probability in the direction that is most problematic for ruling out any models. We then look at the maximal value for $\epsilon$ that would still allow us to conclude that eigenpreparation mixing models are ruled out. Any lower value for $\epsilon$ would then of course allow us to rule out more models. Making use of \eqref{EMcriterion}, we find that $\epsilon$ should satisfy \begin{multline} \pee(q_2|Q,T,P)+\pee(a_1|A,T,P)+2\epsilon\\ +\left(\pee(q_1|Q,P)-\epsilon\right) \left(\pee(a_2|A,P_{q_1})+\pee(a_3|A,T,P_{q_1})+\pee(q_3|Q,T,P_{q_1})+3\epsilon\right)\\ <\pee(q_1|Q,P)-\epsilon. \end{multline} When using the numbers from the above example, we find that this constraint is satisfied whenever $\epsilon<5.06\%$. This means that, roughly, eigenpreparation mixing models can be ruled out with an experimental setup with a fidelity of at least 95\%. This seems already an experimentally feasible value \citep{Knee12}, while we have to bear in mind that we considered a very pessimistic scenario. We may thus expect that experiments ruling out macroscopic realist models can be carried out in the near future, without having to rely on an additional assumption of non-invasive measurability. \end{document} \section*{Acknowledgments} We would like to thank John-Mark Allen, Andrew Briggs, George Knee, Anna Pearson and Chris Timpson for useful discussions and comments on earlier drafts of this paper. This project/publication was made possible through the support of a grant from Templeton Religion Trust. The opinions expressed in this publication are those of the authors and do not necessarily reflect the views of Templeton Religion Trust. \begin{appendix} \subfile{proof-thm2} \end{appendix} \begingroup \sloppy \printbibliography[heading=bibintoc] \endgroup \end{document} \section{Macroscopic realism and the eigenvalue-eigenstate link}\label{precon} Leggett and Garg originally defined macroscopic realism in terms of the existence of macroscopically distinct states: \begin{quotation} A macroscopic system with two or more macroscopically distinct states available to it will at all times \textit{be} in one or other of those states. \citep[p. 857]{LeggettGarg85} \end{quotation} Intuitively, however, their idea is that it is certain observable \textit{properties}, such as the positions of tables and chairs, that have definite values at all times. This shifts the focus from macroscopic states to macroscopic observables. That this shift does not alter the meaning should be clear: two states will be macroscopically distinct if, and only if, they assign different values to some macroscopic observable. But it is non-trivial to make precise why some observables are macroscopic and others are not.\footnote{Although there have been several noteworthy attempts to make the notion of macroscopicity precise. See for example \citep{YadinVedral16} and references therein.} What we are interested in here is a proof of principle about what kinds of realism about observable properties can be shown to be incompatible with quantum mechanics. We therefore follow the standard in the literature and set aside the question of what notion of macroscopicity is supposed to be captured by the ``macro''-part. Although neither the observables we consider here, nor the ones that have been experimentally investigated, fit our intuitive notion of macroscopicity, the results we obtain here do rule out a particular form of realism about these observables. Whether the results can then be scaled to more \emph{macroscopic} observables is for later concern. That this is theoretically a possibility is almost trivially so, but whether it is also experimentally possible ultimately relies on what we can technologically achieve and on the ultimate validity of quantum mechanics on the macroscopic scale. A useful way to approach macroscopic realism is via another idea one often finds in orthodox expositions of quantum mechanics: the eigenvalue-eigenstate link. This is the axiom that \emph{an observable for a system has a definite value if and only if the system is in an eigenstate for that observable}. The conjunction of this axiom with the idea that the macro-observables are always value definite yields the requirement that a system is always in one of the eigenstates of a macro-observable. In other words, the observable imposes a superselection rule: every possible state is a mixture of eigenstates (i.e., a density operator as opposed to a proper superposition). This is the type of macroscopic realism that \citet[\S3]{MaroneyTimpson16} attribute to \citet{LeggettGarg85}, and can be shown to be ruled out by experimental violations of the Leggett-Garg inequality. It is important to note that macroscopic realism \emph{per se} is not in conflict with quantum mechanics and so there are principled limitations on what can be shown. A useful example is the de Broglie-Bohm theory in which all particles have a definite position at all time.\footnote{See also (\citealp{KoflerBrukner13}; \citealp{Bacciagaluppi15}).} If we assume that macroscopic properties supervene on particle configurations, then these always have well-defined values in this theory. The problem here is that the relationship between the quantum state of the system and the observable having a definite value in the de Broglie-Bohm theory is different from that in orthodox quantum theory. Although invoking the eigenvalue-eigenstate link to analyze macroscopic realism is a natural idea within the formalism of quantum mechanics, if one wishes to go beyond this formalism, it doesn't seem that natural anymore. Because of this it is non-trivial to tease out to what extent results are specifically about quantum mechanics, or whether they also have implications beyond quantum mechanics. Here, we aim for results that are more theory-independent, in the same spirit that violations of Bell-type inequalities have implications that carry beyond quantum mechanics. For this we will make use of the ontic models framework (\citealp{Spekkens05}; \citealp{Harrigan07}). We rely on quantum mechanics solely for inspiration for experimental tests of the ideas introduced, similar to its role in devising experiments in which Bell-type inequalities can be violated. \subsection{Ontic models}\label{OMsec} To describe experiments in an operational, theory-independent way, we make use of \emph{Prepare-Transform-Measure (PTM) models} (see also \citep[\S8]{Leifer14}). A PTM model is a triple $(\mathcal{P},\mathcal{T},\mathcal{M})$ of three sets. Elements of $\mathcal{P}$ represent possible preparations of the system and provide an operational state description. Elements of $\mathcal{T}$ represent transformations, i.e., every $T\in\mathcal{T}$ is a function $T:\mathcal{P}\to\mathcal{P}$. And finally, the elements $M\in\mathcal{M}$ represent measurements. Specifically, with every measurement $M$ is associated a measurable space $(\Omega_M,\Sigma_M)$, with $\Omega_M$ the set of possible outcomes for the measurement $M$, and a rule which assigns to every $P\in\mathcal{P}$ a probability measure $\pee(\:.\:|M,P)$ over $(\Omega_M,\Sigma_M)$. We then write \begin{equation} \pee\left(E\middle|M,T,P\right)=\pee\left(E\middle|M,T(P)\right) \end{equation} to denote the probability of finding an outcome in $E$ upon a measurement $M$ after the system has been prepared according to $P$ and then transformed according to $T$. Quantum mechanics can be used to provide PTM models in a straightforward way. We can take $\mathcal{P}$ to be a set of quantum states, $\mathcal{T}$ a set of unitary operators, and $\mathcal{M}$ a set of self-adjoint operators. The probabilities are then simply given by the Born rule: \begin{equation} \pee\left(E\middle|A,U,\ket{\psi}\right)=\expv{\psi}{U^*P_A^E U}{\psi}, \end{equation} where $P_A^E$ is the projection on the subspace spanned by the eigenstates of $A$ for eigenvalues in $E$. If we assume the projection postulate, then the measurement itself also induces a transformation of the system $\ket{\psi}\mapsto P_A^E\ket{\psi}$. These transformations can of course be added to $\mathcal{T}$. To study a particular type of explanation for some feature of a PTM model, we look at ontic models for the PTM model. An ontic model consists of a measurable space $(\Lambda,\Sigma)$ (where $\Lambda$ is the set of ontic states) and a triplet $(\Pi,\Gamma,\Xi)$ which serves as the counterpart for the triplet $(\mathcal{P},\mathcal{T},\mathcal{M})$ in the following way: \begin{itemize} \item $\Pi$ is a set of probability measures on $(\Lambda,\Sigma)$ such that for every $P\in\mathcal{P}$ there is a non-empty subset $\Pi_P\subset\Pi$ of probability measures corresponding to $P$: whenever the system is prepared according to $P$, an ontic state is selected according to some probability measure $\mu\in\Pi_P$. \item $\Gamma$ is a set of Markov kernels\footnote{For two measurable spaces $(\Omega_1,\Sigma_1),(\Omega_2,\Sigma_2)$, a Markov kernel from the first to the second is a map $\gamma:\Sigma_2\times\Omega_1\to[0,1]$ such that for every $\omega_1\in\Omega_1$ the map $\Delta_2\mapsto\gamma(\Delta_2|\omega_1)$ is a probability measure over $(\Omega_2,\Sigma_2)$ and for every $\Delta_2\in\Sigma_2$ the map $\omega_1\mapsto\gamma(\Delta_2|\omega_1)$ is a measurable function on $(\Omega_1,\Sigma_1)$.} from $(\Lambda,\Sigma)$ to itself such that for every transformation $T\in\mathcal{T}$ there is a non-empty subset $\Gamma_T\subset\Gamma$ of Markov kernels corresponding to $T$: for every $\gamma\in\Gamma_T$ and $\mu\in\Pi_P$ we have $\mu_\gamma\in\Pi_{T(P)}$, where $\mu_\gamma$ is defined as \begin{equation} \mu_\gamma(\Delta):=\int_\Lambda\gamma(\Delta|\lambda)\dee\mu(\lambda)~\Forall\Delta\in\Sigma. \end{equation} \item $\Xi$ is a set of Markov kernels such that for every measurement $M\in\mathcal{M}$ there is a non-empty subset $\Xi_M\subset\Xi$. Every $\xi\in\Xi_M$ is a Markov kernel from $(\Lambda,\Sigma)$ to $(\Omega_M,\Sigma_M)$ such that for every $P\in\mathcal{P}$ and $\mu\in\Pi_P$ \begin{equation} \int_\Lambda\xi(E|\lambda)\dee\mu(\lambda)=\pee(E|M,P)~\Forall E\in\Sigma_M, \end{equation} i.e., the ontic model reproduces the predictions of the PTM model. \end{itemize} In this framework quantum states are associated with preparations of systems: they give rise to probability distributions over ontic states instead of necessarily being ontic states themselves. It is not excluded that quantum states themselves can be ontic states (in which case their associated probability distribution would assign probability one to itself). It is just that first and foremost they correspond to probability distributions over ontic states while we remain agnostic about what these ontic states themselves are. For every PTM model one can construct an ontic model in a trivial way. This is done by setting $\Lambda=\mathcal{P}$, $\Pi=\set{\delta_P}{P\in\mathcal{P}}$ with $\delta_P$ the Dirac measure peaked at $P$, $\Gamma=\set{\gamma_T}{T\in\mathcal{T}}$ with $\gamma_T(\Delta|P):=\mu_{T(P)}(\Delta)$ and $\Xi=\set{\xi_M}{M\in\mathcal{M}}$ with $\xi_M(E|P):=\pee(E|M,P)$. This indicates that making use of the ontic models framework is quite a sparse assumption. Indeed, its name is a bit misleading since there is nothing in the formalism \emph{per se} that requires one to adopt an ontological interpretation of the ontic states. There is nothing to prevent one from interpreting the elements of $\Lambda$ as, say, a mathematical representative of the degrees of belief of a rational agent. However, further constraints that may be imposed on the model are usually motivated with an ontological interpretation in mind, and may be artificial if one adopts a different interpretation. We will note one feature of our use of PTM models in this paper. Despite their usual description as an operational framework, suggesting they can be related to experimental procedures, following \citet{Spekkens05} it is common to find discussions of the `operational equivalence' of certain preparations, transformations or measurements, particularly on the topic of quantum contextuality. Such discussions rely on quantifications over all $P\in\mathcal{P}$, $T\in\mathcal{T}$ or $M\in\mathcal{M}$ where $\mathcal{P}$, $\mathcal{T}$ or $\mathcal{M}$ applies to the whole of quantum theory. Obviously no experimental procedure could ever test all possible preparations allowed by quantum theory (there is a continuous infinity of such procedures), so such formulations cannot be related to actual experimental tests. Here, our intention is to consider experimental tests of macroscopic realism, for which only a finite fragment of quantum mechanics (i.e., a finite set of preparations, transformations and measurements) can be contemplated. We will discuss some implications of this restriction in Section \ref{Discus}, including the extent to which it may present loopholes. \subsection{Macroscopic realism \emph{per se}} The constraint on ontic models we are concerned with here is one that aims to capture the idea of macroscopic realism. We follow \citet{MaroneyTimpson16} in identifying this as the constraint that the macro-observable has a definite value at all times, encoded in the ontic states of the system. Thus, for an observable $Q\in\mathcal{M}$ to be a macro-observable in the ontic model, we require that \begin{equation} \xi(E|\lambda)\in\{0,1\}~\Forall\xi\in\Xi_Q,E\in\Sigma_Q. \end{equation} Here we have introduced the notational convention to use $Q$ for measurements of macro-observables. Now, although value definiteness for all ontic states is a necessary requirement for an observable to be a macro-observable, it is not sufficient. Value definiteness alone still allows a peculiar form of contextuality. Depending on the way $Q$ is measured, it may have distinct definite values when there are Markov kernels $\xi,\xi'\in\Xi_Q$ with $\xi\neq\xi'$. Therefore, we require that in addition $\Xi_Q$ contains precisely one element denoted $\xi_Q$.\footnote{Our definition of macro-observables is similar to the one proposed by \citet{MaroneyTimpson16}, but is weaker. Maroney and Timpson quantified non-contextuality over all possible measurements, whereas here, in line with our restrictions, we will consider non-contextuality only with respect to measurements within the finite PTM model. Both can be characterized as ``non-contextual value definiteness for a preferred observable''.} So a measurement $Q\in\mathcal{M}$ is said to be a \emph{macro-observable in an ontic model} if $\Xi_Q=\{\xi_Q\}$ and $\xi_Q$ only takes the values 0 and 1. With macroscopic realism \emph{per se} we mean nothing more than that there exists a non-trivial macro-observable.\footnote{A trivial observable would be a measurement that always yields the same outcome with probability one irrespective of how the system is prepared.} \subsection{Eigenpreparation mixing models}\label{OEMsec} For the eigenvalue-eigenstate link to appear in this formalism we need to generalize the idea of eigenstates to eigenpreparations. A preparation $P\in\mathcal{P}$ is called an \emph{eigenpreparation} for a measurement $M\in\mathcal{M}$ if there is an $m\in\Omega_M$ such that $\pee(m|M,P)=1$. Imposing macroscopic realism by the introduction of a superselection rule then amounts to the assumption that all possible preparations are mixtures of eigenpreparations of the macro-observable $Q$. Thus preparations correspond to convex combinations of the probability distributions corresponding to eigenpreparations. For this reason we say that type of macroscopic realism is \emph{eigenpreparation mixing}.\footnote{\Citet{MaroneyTimpson16} used a more cumbersome terminology. Instead of eigenpreparations they speak of operational eigenstates, and eigenpreparation mixing is referred to as operational eigenstate mixture macrorealism.} Now consider a PTM model and a macro-observable $Q\in\mathcal{M}$ with possible values $\Omega_Q=\{q_1,\ldots,q_n\}$. An ontic model for the PTM model is eigenpreparation mixing if every probability measure $\mu\in\Pi$ can be written as a mixture of probability measures corresponding to eigenpreparations. If there exists such an ontic model, we will also call the PTM model eigenpreparation mixing. In terms of the PTM model, we find that eigenpreparation mixing places severe constraints. Because the probability distributions in the ontic model are required to reproduce the predictions of the PTM model, the mixing constraint immediately poses relations on the probability distributions for possible measurements. For example, if we assume that for every $q_i$ there is precisely one eigenpreparation $P_{q_i}$, we find that every preparation $P$ can be written as a convex combination \begin{equation} P=\lambda_1P_{q_1}+\ldots+\lambda_nP_{q_n}. \end{equation} So for every measurement $M$ we have \begin{equation}\label{convexptm} \pee(m|M,P)=\lambda_1\pee(m|M,P_{q_1})+\ldots+\lambda_n\pee(m|M,P_{q_n}) \end{equation} for all $m\in\Omega_M$. The prime example of an eigenpreparation mixing model would be orthodox quantum theory where macroscopic realism is enforced by introducing a superselection rule to adhere to the eigen\-value-eigen\-state link. More generally, any PTM model that satisfies the criteria of Leggett and Garg (macroscopic realism \emph{per se} and non-invasive measurability), is eigenpreparation mixing. To see this, consider a measurement of a macro-observable $Q$, with values $\Omega_Q=\{q_1,\ldots,q_n\}$, on a system prepared according to an arbitrary preparation $P$. The post-measurement preparation $P_{q_i}$ is defined by selecting only those cases when the measurement produces the outcome $q_i$. Within the ontic models framework, macroscopic realism implies a partition of the set of ontic states given by \begin{equation}\label{partition} \Lambda_{q_i}:=\set{\lambda\in\Lambda}{\xi_Q(q_i|\lambda)=1},~i=1,\ldots,n. \end{equation} If the outcome of the measurement is $q_i$, then the ontic state before the measurement must have been in the appropriate partition, $\lambda \in \Lambda_{q_i}$. If the measurement is non-invasive, the ontic state after the measurement must still be in that partition. It follows that the post-measurement preparation $P_{q_i}$ is an eigenpreparation of $Q$ with value $q_i$. As each post-measurement outcome occurs with probability $\pee(q_i|Q,P)$, the non-selective post-measurement preparation is just: \begin{equation} P_Q=\sum_{i=1}^n\pee(q_i|Q,P)P_{q_i}, \end{equation} But, again, the measurement was non-invasive, so $P=P_Q$, which implies that the arbitrary preparation $P$ is eigenpreparation mixing. Consequently, any test that rules out eigenpreparation mixing models, rules out Leggett Garg type macroscopic realism as well. Note there is a related proof, that if an observable can be measured non-invasively and \emph{repeatably}, then eigenpreparation mixing must hold. If the measurement is repeatable, so that if it is performed twice in rapid succession the same outcome always occurs both times, then it is straightforward that the post-measurement preparation $P_{q_i}$ must be an eigenpreparation of $Q$ with value $q_i$. Combined with non-invasive measurability, eigenpreparation mixing follows as above. A form of this related proof appears in \citet{ClementeKofler15}, as a proof of macroscopic realism \emph{per se} from non-invasive measurability alone. However, they do not appear to notice that the repeatability assumption, while a standard assumption within quantum theory, does not follow from non-invasive measurability unless macroscopic realism has been presupposed. \subsection{Eigenpreparation supported and undermining models}\label{OESSESsec} Eigenpreparation mixing is a stronger assumption than is needed, if the aim is to preserve the flavor of the eigenvalue-eigenstate link. In the ontic models formalism it is the ontic state that gives the macroscopic observable a definite value, not the preparation. In fact, it is not clear what it means for a system to be in an eigenpreparation. Instead, we should refer to the set of ontic states that may obtain given a particular preparation. If the model is eigenpreparation mixing, it can be seen to satisfy the following weaker constraint: \begin{quote} \textit{The observable $Q$ has the value $q$ if and only if the ontic state of the system could have been obtained by an eigenpreparation with value $q$.} \end{quote} We call this the \emph{generalized eigenvalue-eigenstate link}. Combined with macroscopic realism it implies that the eigenpreparations determine the full set of possible ontic states. However, we now find that a superselection rule is a more draconian measure than needed to maintain the generalized eigenvalue-eigenstate link, and the resulting restriction to eigenpreparation mixing models is too narrow. The link does not require that preparations can be written as mixtures of eigenpreparations, but merely that the support of the corresponding probability distributions is a subset of the union of the supports of all the eigenpreparations. This is still a non-trivial constraint, and we call an ontic model that satisfies this type of macroscopic realism \emph{eigenpreparation supported}. If the model does not satisfy it, we say it is \emph{eigenpreparation undermining}.\footnote{In \citep{MaroneyTimpson16}, these versions of macroscopic realism are called ``operational eigenstate support macrorealism'' and ``supra eigenstate support macrorealism'' respectively.} Analogously, we say that a PTM model is eigenpreparation supported if it admits an eigenpreparation supported ontic model and we say that the PTM model is eigenpreparation undermining if it does not admit an eigenpreparation supported ontic model. It is worthwhile to elaborate a bit more on these definitions. As noted above, macroscopic realism about $Q$ partitions the ontic state space into the sets $\Lambda_q$. Given an eigenpreparation $P_{q}$, it is a requirement that every probability measure $\mu\in\Pi_{P_{q}}$ assigns probability 1 to the set $\Lambda_{q}$. Thus we trivially have one half of the generalized eigenvalue-eigenstate link: if the system is prepared according to an eigenpreparation, then $Q$ has a corresponding definite value. The converse of this conditional is obviously not true: $Q$ always has a definite value, but not all preparations need be eigenpreparations. But one can still wonder if, given a particular ontic state $\lambda\in\Lambda_q$ the system could have been prepared according to some eigenpreparation $P_q$. The generalized eigenvalue-eigenstate link states that this must indeed be so, and rules out the existence of ontic states that can only arise in other preparations. In other words, if a set of ontic states has probability zero for all eigenpreparations, then it should have probability zero for all preparations, i.e., \begin{equation} \Forall\Delta\in\Sigma:~\mu(\Delta)=0\Forall\mu\in\Pi_q,\Forall q\in\Omega_Q \implies \mu(\Delta)=0\Forall\mu\in\Pi_P,\Forall P\in\mathcal{P}. \end{equation} If we assume a background measure over $(\Lambda,\Sigma)$ with respect to which all probability distributions have a density, then there is a convenient way to reformulate this idea. For a probability measure $\mu$ let $f_\mu$ denote its density.\footnote{We gloss here over the detail that $f_\mu$ is only determined up to a measure zero set. The reformulation in terms of densities mainly serves to paint a picture, and we expect readers with qualms about technical details to fill them in themselves.} The support is defined as \begin{equation} \supp f_\mu:=\set{\lambda\in\Lambda}{f_\mu(\lambda)>0}. \end{equation} Eigenpreparation support now translates to the claim that every ontic state should be in the support of some density function for some eigenpreparation, i.e., \begin{equation} \Forall P\in\mathcal{P},\Forall \nu\in\Pi_P:~\supp f_\nu\subset\bigcup_{q\in\Omega_Q}\bigcup_{\mu\in\Pi_q}\supp f_\mu. \end{equation} \begin{figure}[ht] \begin{center} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig1a} \caption{\label{EMMR}} \end{subfigure} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig1b} \caption{\label{ESMR}} \end{subfigure} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig1c} \caption{\label{EUMR}} \end{subfigure} \begin{subfigure}{0.23\textwidth} \includegraphics[width=\textwidth]{fig1d} \caption{\label{PO}} \end{subfigure} \caption{Schematic representation of some ontic models. In each figure the density for an eigenpreparation ($f_q$) and for an arbitrary preparation ($f_P$) are drawn, restricted to the set of ontic states where $Q=q$. The models in \ref{EMMR} and \ref{ESMR} are eigenpreparation supported, while the other two are eigenpreparation undermining.\label{MRplots}} \end{center} \end{figure} In Figure \ref{MRplots} some useful illustrations are given to clarify the definitions. Here we zoom in on the set of ontic states $\Lambda_q$, which assign the value $q$ to $Q$. Note that, by definition, the dichotomy eigenpreparation supported/undermining is exhaustive. The distributions in Figures \ref{EMMR} and \ref{ESMR} are eigenpreparation supported while the distributions in Figures \ref{EUMR} and \ref{PO} are eigenpreparation undermining. The eigenpreparation mixing models are just special cases of the eigenpreparation supported models. But they have to adhere to the additional constraint that $f_P^M$ is just a scaled version of $f_q$ on $\Lambda_q$. On the other extreme end there are models for which the supports are completely disjoint as in Figure \ref{PO}. This is the case for $\psi$-ontic models, since having disjoint supports is precisely what it means for a model to be $\psi$-ontic \citep{Leifer14}. An example of an eigenpreparation supported model is the qubit model of Kochen and Specker (\cite*{KS67}, see also \citep[\S4.3]{Leifer14}). The de Broglie-Bohm theory, being $\psi$-ontic, is an example of an eigenpreparation undermining macro-realist theory. \end{document} \section{Proof of Theorem \ref{mainthm}} In this appendix we give a proof of Theorem \ref{mainthm}. The proof makes use of the following lemma. \begin{lemma}\label{mainlem} Let $(\alpha,\beta)\in[0,\infty)\times[0,1]$ and consider an ontic model with a preparation $P$ that is $(\alpha,\beta)$-supported on $\Lambda_q$ for some value $q$ for the macro-observable $Q$. Let $g:\Lambda\to[0,1]$ be a measurable function. Then, for every probability density $f_P$ that models the preparation $P$ \begin{equation} \int_{\Lambda_q}g(\lambda)f_P(\lambda)\dee\lambda\leq\sup_{f_q\in\Pi_q}\int_{\Lambda_q}g(\lambda)\alpha f_q(\lambda)\dee\lambda+\beta. \end{equation} \end{lemma} \begin{proof} For the proof we make use of the following notation for the minimum: \begin{equation} \left(f\wedge g\right)(\lambda):=\min\left(f(\lambda),g(\lambda)\right). \end{equation} We begin with a simple estimate making use of the definition of $(\alpha,\beta)$-support. \begin{equation} \begin{split} \int_{\Lambda_q}g(\lambda)f_P(\lambda)\dee\lambda &= \int_{\Lambda_q}f_P(\lambda)\dee\lambda -\int_{\Lambda_q}\left(1-g(\lambda)\right)f_P(\lambda)\dee\lambda\\ &\leq \sup_{f_q\in\Pi_q}\int_{\Lambda_q}\left(f_P\wedge\alpha f_q\right)(\lambda)\dee\lambda+\beta -\int_{\Lambda_q}\left(1-g(\lambda)\right)f_P(\lambda)\dee\lambda\\ &\leq \sup_{f_q\in\Pi_q}\int_{\Lambda_q}\left(f_P\wedge\alpha f_q\right)(\lambda)\dee\lambda+\beta -\int_{\Lambda_q}\left(1-g(\lambda)\right)(f_P\wedge f)(\lambda)\dee\lambda. \end{split} \end{equation} The last estimate holds for any function $f$. So in particular it holds for $f=\alpha \tilde{f}_q$ for every $\tilde{f}_q\in\Pi_q$, and we can take the supremum over all elements of $\Pi_q$: \begin{equation} \int_{\Lambda_q}g(\lambda)f_P(\lambda)\dee\lambda \leq \sup_{f_q\in\Pi_q}\int_{\Lambda_q}\left(f_P\wedge\alpha f_q\right)(\lambda)\dee\lambda+\beta -\sup_{\tilde{f}_q\in\Pi_q}\int_{\Lambda_q}\left(1-g(\lambda)\right)(f_P\wedge\alpha\tilde{f}_q)(\lambda)\dee\lambda. \end{equation} Finally, we make use of the fact that $\sup_{x\in X}g(x)-\sup_{x'\in X}h(x')\leq\sup_{x\in X}(g(x)-h(x))$ to obtain \begin{equation} \int_{\Lambda_q}g(\lambda)f_P(\lambda)\dee\lambda \leq \sup_{f_q\in\Pi_q}\left(\int_{\Lambda_q}\left(f_P\wedge\alpha f_q\right)(\lambda)\dee\lambda+\beta -\int_{\Lambda_q}\left(1-g(\lambda)\right)(f_P\wedge\alpha f_q)(\lambda)\dee\lambda\right), \end{equation} which is the desired result. \end{proof} \begin{proof}[Proof of Theorem \ref{mainthm}] Let $P$ be any preparation that is $(\alpha,\beta)$-supported on $\Lambda_{q_1}$ and let $T$ be any transformation. Throughout the proof we let $\gamma\in\Gamma_T$ be fixed. The first estimate is based on the fact that the $Q=q_1$ states that transform to $Q=q_2$ states under $T$ form a subset of all the states that transform to $Q=q_2$ states under $T$. \begin{equation} \begin{split} \pee(q_1|Q,P)-\pee(q_2|Q,T,P) ={}& \int_{\Lambda_{q_1}}f_P(\lambda)\dee\lambda -\int_\Lambda\int_{\Lambda_{q_2}}\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda\\ ={}& \int_{\Lambda_{q_1}}\sum_{i=1}^3\int_{\Lambda_{q_i}}\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda -\int_\Lambda\int_{\Lambda_{q_2}}\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda\\ \leq{}& \int_{\Lambda_{q_1}}\int_{\Lambda_{q_1}}\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda +\int_{\Lambda_{q_1}}\int_{\Lambda_{q_3}}\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda \end{split} \end{equation} In the noise-free case the second term in this final expression would be zero because there we assumed that the probability for any $Q=q_1$ state to transform to a $Q=q_3$ state is zero. In the noise-tolerant case we need the notion of $(\alpha,\beta)$-support to constraint the term, which will be done by invoking Lemma \ref{mainlem}. However, a stronger estimate is obtained if we postpone this invocation until we have a better estimate for the first term. For this term we have \begin{align} \begin{split} \MoveEqLeft[6] \int_{\Lambda_{q_1}}\int_{\Lambda_{q_1}}\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda-\pee(a_1|A,T,P) \\ ={}& \int_{\Lambda_{q_1}}\int_{\Lambda_{q_1}}\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda -\int_\Lambda\int_\Lambda\xi_A(a_1|\lambda')\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda\\ ={}& \int_{\Lambda_{q_1}}\int_{\Lambda_{q_1}}\sum_{i=1}^3\xi_A(a_i|\lambda')\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda -\int_\Lambda\int_\Lambda\xi_A(a_1|\lambda')\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda\\ \leq{}& \int_{\Lambda_{q_1}}\int_{\Lambda_{q_1}}\xi_A(a_2|\lambda')\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda +\int_{\Lambda_{q_1}}\int_{\Lambda_{q_1}}\xi_A(a_3|\lambda')\gamma(\dee\lambda'|\lambda)f_P(\lambda)\dee\lambda. \end{split} \end{align} Combining these two estimates we find that \begin{equation}\label{mainest} \pee(q_1|Q,P)-\pee(q_2|Q,T,P)-\pee(a_1|A,T,P) \leq \int_{\Lambda_{q_1}}\left(\int_{\Lambda_{q_3}}\gamma(\dee\lambda'|\lambda)+\int_{\Lambda_{q_1}}\xi_A(\{a_2,a_3\}|\lambda')\gamma(\dee\lambda'|\lambda)\right)f_P(\lambda)\dee\lambda. \end{equation} Now note that \begin{equation} \begin{split} \int_{\Lambda_{q_3}}\gamma(\dee\lambda'|\lambda)+\int_{\Lambda_{q_1}}\xi_A(\{a_2,a_3\}|\lambda')\gamma(\dee\lambda'|\lambda) \leq{}& \int_{\Lambda_{q_3}}\gamma(\dee\lambda'|\lambda)+\int_{\Lambda_{q_1}}\gamma(\dee\lambda'|\lambda)\\ \leq{}& \int_\Lambda\gamma(\dee\lambda'|\lambda)=1. \end{split} \end{equation} This means that we can apply Lemma \ref{mainlem} to \eqref{mainest} to obtain the final estimate: \begin{align} \begin{split} \MoveEqLeft[6] \pee(q_1|Q,P)-\pee(q_2|Q,T,P)-\pee(a_1|A,T,P) \\ \leq{}& \sup_{f_{q_1}\in\Pi_{q_1}}\int_{\Lambda_{q_1}}\left(\int_{\Lambda_{q_3}}\gamma(\dee\lambda'|\lambda)+\int_{\Lambda_{q_1}}\xi_A(\{a_2,a_3\}|\lambda')\gamma(\dee\lambda'|\lambda)\right)\alpha f_{q_1}(\lambda)\dee\lambda+\beta\\ ={}& \alpha\left(\pee(q_3|Q,P_{q_1})+\pee(\{a_2,a_3\}|A,T,P_{q_1})\right)+\beta. \end{split} \end{align} \end{proof} \end{document} \section{Quantum theory and eigenpreparation support.}\label{QMEU} It is now well understood that macroscopic realism with non-invasive measurability is in conflict with quantum theory. Given the close connection to eigenpreparation mixing models, it should come as no surprise that this type of macroscopic realism is also in conflict with quantum theory. However, the details are not entirely trivial and therefore we clarify them in section \ref{QMnotEM}. It is less known that eigenpreparation supported models are also in conflict with quantum mechanics. This was shown by \citet{Allen16} for quantum systems with Hilbert spaces of dimension greater than 3. In section \ref{OESMRQM} we show that this also applies to 3-dimensional Hilbert spaces. \subsection{Quantum mechanics cannot be eigenpreparation mixing}\label{QMnotEM} Eigenpreparation mixing models can easily be seen to be at odds with quantum mechanical predictions, using the double slit experiment (see also \S10 in the prepreint version of \citep{MaroneyTimpson16}). If we assume that there is always a fact of the matter considering which slit the particle goes through (i.e. assume it is a macro-observable) we find a tension with eigenpreparation mixing models. We can consider the experiment with either of the slits closed to be an eigenpreparation for states in which the particle goes through the open slit. The measurement $M$ in \eqref{convexptm} can be taken to be the measurement of the position where the particle hits the screen. The interference pattern we observe with both slits open is famously not a convex sum of the two patterns with one slit closed. Hence, the preparation with two slits open is not a convex combination of the two eigenpreparations. It is worthwhile to delve a bit more into eigenpreparation mixing models to elucidate their relation to the Leggett-Garg inequality. Consider again a macro-observable $Q$ with possible values $\Omega_Q=\{q_1,\ldots,q_n\}$. For an eigenpreparation $P_{q_i}$, the set of corresponding probability distributions is given by $\Pi_{P_{q_i}}$. Now let $\Pi_{q_i}$ denote the union of all $\Pi_{P_{q_i}}$ with $P_{q_i}$ an eigenpreparation for the value $q_i$. An eigenpreparation mixing model now requires that for every preparation $P\in\mathcal{P}$, the set $\Pi_P$ lies within the convex hull of $\bigcup_{i=1}^n\Pi_{q_i}$. As noted above, this leads to non-trivial constraints for the PTM model. But the situation becomes even more troublesome when transformations are in play. As an example consider a PTM model with macro-observable $Q$ with $\Omega_Q=\{-1,1\}$ (as in the Leggett-Garg setting). Suppose for each of the values for $Q$ there is only one eigenpreparation. Eigenpreparation mixing now implies that for every preparation $P$ and every probability measure $\mu_P\in\Pi_P$ there are measures $\mu_-\in\Pi_{-1},\mu_+\in\Pi_{+1}$ such that \begin{equation} \mu_P=\lambda_P^-\mu_-+\lambda_P^+\mu_+, \end{equation} for some positive reals $\lambda_P^-,\lambda_P^+$ that satisfy $\lambda_P^-+\lambda_P^+=1$. Now consider any transformation $T$ and let $\gamma_T\in\Gamma_T$. We then have for any measurement $M$ and $E\in\Sigma_M$ that \begin{equation} \begin{split} \pee(E|M,T,P) &= \int_\Lambda\int_\Lambda\xi_M(E|\lambda)\gamma_T(\dee\lambda|\lambda')\dee\mu_P(\lambda)\\ &= \int_\Lambda\int_\Lambda\xi_M(E|\lambda)\gamma_T(\dee\lambda|\lambda')\lambda_P^-\dee\mu_-(\lambda) + \int_\Lambda\int_\Lambda\xi_M(E|\lambda)\gamma_T(\dee\lambda|\lambda')\lambda_P^+\dee\mu_+(\lambda)\\ &= \lambda_P^-\pee(E|M,T,P_-)+\lambda_P^+\pee(E|M,T,P_+). \end{split} \end{equation} It then follows that if two transformations $T_1,T_2$ have the same action on all the eigenpreparations, they must have the same action on all preparations. That is, \begin{equation} T_1(P_-)=T_2(P_-),~T_1(P_+)=T_2(P_+) \implies T_1=T_2. \end{equation} In the special case that $T(P_-)=P_-$ and $T(P_+)=P_+$ we find that $T(P)=P$ for all $P$. So eigenpreparation mixing implies that, if the effect of a measurement (understood as a transformation) is non-invasive for eigenpreparations, it is non-invasive \emph{tout court}. However, we know that in quantum mechanics this does not hold. If a system is prepared in an eigenstate for $Q$, then a measurement of $Q$ does not alter the state. On the other hand, if the system is prepared in a superposition, then a measurement causes the system to go into one of the eigenstates. Leggett-Garg tests utilize this feature of quantum mechanics, and so can be used to rule out eigenpreparation mixing models.\footnote{See also (\citealp{MaroneyTimpson16}; \citealp{Knee16}). Another example of this feature is the three box paradox \citep{Maroney16}.} \subsection{Quantum mechanics is eigenpreparation undermining}\label{OESMRQM} In Section \ref{precon} three types of macroscopic realism have been introduced: eigenpreparation mixing, eigenpreparation supported, and eigenpreparation undermining. The first is incompatible with quantum mechanics while the third is compatible with quantum mechanics. Whether quantum mechanics is eigenpreparation supported has been an open question until quite recently. \Citet{MaroneyTimpson16} noted that, for 2-dimensional systems, the model introduced by \citet{KS67} serves as an example of an eigenpreparation supported model, while \citet{Allen16} showed that no such model exists if the dimension is greater than 3. In this section we give a simplified sketch of a proof to show how even in the 3-dimensional case quantum mechanics does not admit an eigenpreparation supported model. The theorem presented here can be obtained rigorously as a special case of Theorem \ref{mainthm} in section \ref{THMsec}, for which a detailed proof is given in the appendix. We proceed in two steps. First we establish a constraint on eigenpreparation supported PTM models for systems with measurements with at least three distinct outcomes. Second, we provide an example of a quantum PTM model that violates the constraint derived in Theorem \ref{stelling1}. \begin{theorem}\label{stelling1} Let $(\mathcal{P},\mathcal{T},\mathcal{M})$ be a PTM model with macro-observable $Q$ with possible measurement outcomes $\{q_1,q_2,q_3\}$, a second observable $A$ with possible measurement outcomes $\{a_1,a_2,a_3\}$, eigenpreparation $P_{q_1}$ and transformation $T$ such that \begin{subequations}\label{premis} \begin{equation}\label{premisa} \pee(a_2|A,P_{q_1})=0, \end{equation} \begin{equation}\label{premisb} \pee(a_3|A,T,P_{q_1})=\pee(q_3|Q,T,P_{q_1})=0. \end{equation} \end{subequations} If an eigenpreparation supported model exists, and $P_{q_1}$ is the only eigenpreparation for $q_1$, then every preparation $P\in\mathcal{P}$ must satisfy \begin{equation}\label{thmineq} \pee(q_1|Q,P)\leq\pee(q_2|Q,T,P)+\pee(a_1|A,T,P). \end{equation} \end{theorem} \begin{proof}[Proof sketch.] To simplify the proof we will make an additional assumption that the ontic model is also value definite for the observable $A$ (this assumption is not required for the general proof given in the appendix). The ontic state space can then be partitioned into sets of the form $\Lambda_{q_i}\cap\Lambda_{a_j}$ where $Q$ has the value $q_i$ and $A$ has the value $a_j$. In this case, every probability measure $\mu$ on the ontic state space gives rise to a probability distribution over the pairs of values $(q_i,a_j)$ for the observables $Q,A$. This distribution can be neatly summarized in a table: \begin{equation} \begin{tikzpicture}[baseline=(current bounding box.center),scale=0.7] \draw (0,0) grid (3,3); \matrix (mapa) [matrix of nodes, column sep={0.7cm,between origins}, row sep={0.7cm,between origins}, every node/.style={minimum size=6mm}, anchor=8.center, ampersand replacement=\&] at (2.5,2.5) { |(1)| $\mu$ \& |(2)| $\Lambda_{a_1}$ \& |(3)| $\Lambda_{a_2}$ \& |(4)| $\Lambda_{a_3}$ \& \\ |(5)| $\Lambda_{q_1}$ \& |(6)| $p_1$ \& |(7)| $p_2$ \& |(8)| $p_3$ \& \\ |(9)| $\Lambda_{q_2}$ \& |(10)| $p_4$ \& |(11)| $p_5$ \& |(12)| $p_6$ \& \\ |(13)| $\Lambda_{q_3}$ \& |(14)| $p_7$ \& |(15)| $p_8$ \& |(16)| $p_9$ \& \\ }; \end{tikzpicture} \end{equation Here the $p_i$'s denote the probabilities for the set of states with the specified values for $Q$ and $A$, e.g. $p_4=\mu(\Lambda_{q_2}\cap\Lambda_{a_1})$. From \eqref{premisa} we conclude that for any measure $\mu\in \Pi_{P_{q_1}}$ we have that all the $p_i$ are zero except for $p_1$ and $p_3$. Eigenpreparation support then requires that \begin{equation}\label{concl1} \Lambda_{q_1}\cap\Lambda_{a_2}=\varnothing. \end{equation} Then $p_2=0$ for arbitrary preparations. From \eqref{premisb} we derive that for all $\mu\in\Pi_{T(P_{q_1})}$ we have \begin{equation} p_3=p_6=p_7=p_8=p_9=0. \end{equation} Now, let $\gamma\in\Gamma_T$ and for any two subsets of ontic states $\Delta_1,\Delta_2$ let $\Delta_1\stackrel{\gamma}{\cto}\Delta_2$ denote the set of states in $\Delta_1$ that have a finite probability of ending up in $\Delta_2$ under $\gamma$, i.e., \begin{equation} \Delta_1\stackrel{\gamma}{\cto}\Delta_2:=\set{\lambda\in\Delta_1}{\gamma(\Delta_2|\lambda)>0}. \end{equation} Now eigenpreparation support requires that, for any $\gamma\in\Gamma_T$, all the ontic states in $\Lambda_{q_1}$ must evolve to states that are compatible with the predictions of $T(P_{q_1})$. This implies that \begin{equation} \begin{gathered} \left(\Lambda_{q_1}\cap\Lambda_{a_1}\right)\stackrel{\gamma}{\cto}\Lambda_{a_3}=\varnothing,~ \left(\Lambda_{q_1}\cap\Lambda_{a_3}\right)\stackrel{\gamma}{\cto}\Lambda_{a_3}=\varnothing,\\ \left(\Lambda_{q_1}\cap\Lambda_{a_1}\right)\stackrel{\gamma}{\cto}\Lambda_{q_3}=\varnothing,~ \left(\Lambda_{q_1}\cap\Lambda_{a_3}\right)\stackrel{\gamma}{\cto}\Lambda_{q_3}=\varnothing. \end{gathered} \end{equation} Making use of \eqref{concl1}, we can now conclude that all the ontic states in $\Lambda_{q_1}$ evolve to states in $\Lambda_{q_2}\cup\Lambda_{a_1}$ under the transformation $T$, that is, \begin{equation} \gamma\left(\Lambda_{q_2}\cup\Lambda_{a_1}\middle|\lambda\right)=1~\Forall\lambda\in\Lambda_{q_1}. \end{equation} From this \eqref{thmineq} follows. \end{proof} So we see that for eigenpreparation supported models there are non-trivial constraints on the evolution of ontic states. Quantum mechanics gives predictions that can violate \eqref{thmineq}. For the two observables we take \begin{equation} Q=\sum_{i=1}^3q_i\ket{q_i}\bra{q_i},~ A=\sum_{i=1}^3a_i\ket{a_i}\bra{a_i}, \end{equation} with \begin{equation} \begin{IEEEeqnarraybox}[][c]{lll} \ket{q_1}=\cv{1}{0}{0},\quad& \ket{q_2}=\cv{0}{1}{0},\quad& \ket{q_3}=\cv{0}{0}{1},\\ \ket{a_1}=\frac{1}{6}\sqrt{6}\cv{2}{1}{-1},\quad& \ket{a_2}=\frac{1}{2}\sqrt{2}\cv{0}{1}{1},\quad& \ket{a_3}=\frac{1}{3}\sqrt{3}\cv{-1}{1}{-1}. \end{IEEEeqnarraybox} \end{equation} We then obtain a violation when the preparation $\ket{\psi}$ and transformation $U$ are given by \begin{equation} U=\begin{pmatrix} \tfrac{1}{2}\sqrt{2} & \tfrac{1}{2}\sqrt{2} & 0\\ \tfrac{1}{2}\sqrt{2} & -\tfrac{1}{2}\sqrt{2} & 0\\ 0 & 0 & 1 \end{pmatrix},~ \ket{\psi}=\frac{1}{10}\sqrt{10}\cv{1}{1}{2\sqrt{2}},~ U\ket{\psi}=\frac{1}{10}\sqrt{5}\cv{2}{0}{4}. \end{equation} It is easy to check that \eqref{premis} is satisfied and for the probabilities in \eqref{thmineq} we have \begin{equation} \born{q_2}{U\psi}=\born{a_1}{U\psi}=0,~\text{while}~\born{q_1}{\psi}=\frac{1}{10}>0. \end{equation} This demonstrates that eigenpreparation support is in conflict with quantum theory in Hilbert spaces of dimension 3 or more. As the Kochen-Specker model provides a constructive example of an eigenpreparation supported model for 2 dimensional Hilbert spaces, Theorem \ref{stelling1} closes the logical gap between Kochen-Specker and Allen, Maroney and Gogioso. \end{document}
6ef65f80229c6c17bd3bd22dd5e50b08f9a0f85d
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{Introduction} The lepton asymmetry of the Universe is one of the most weakly constrained cosmological parameters. Whereas the baryon asymmetry $\eta_{\text{b}} \equiv (n_{\text{b}}-n_{\bar{\text{b}}})/n_{\gamma} = 274 \times 10^{-10} \omega_{\text{b}}= (6.099\pm 0.044) \times 10^{-10}$ \cite{Ade:2015xua} is tightly constrained, the lepton asymmetry \mbox{$\eta_{\text{l}} \equiv (n_{\text{l}}-n_{\bar{\text{l}}})/n_{\gamma}$} could be larger by many orders of magnitude. Here $n_i$ denote the number densities of particles of type $i$ and $\omega_{\text{b}} = \Omega_{\text{b}} h^2$, which is the dimensionless baryonic energy density $\Omega_{\text{b}}$ multiplied by the square of the dimensionless Hubble parameter $h$. A large lepton asymmetry $\eta_{\text{l}}$ would be realised as an excess of the number density of neutrinos over anti-neutrinos or vice versa\footnote{In case of Majorana neutrinos, it would be an excess of right handed over left handed neutrinos or vice versa \cite{Langacker:1982fg}.} and is therefore possibly hidden in the cosmic neutrino background (C$\nu$B). For scenarios that invoke physics well above the electroweak scale to explain the matter-antimatter asymmetry of the Universe, typically a tiny lepton asymmetry, at the same order of magnitude as the baryon asymmetry, is favoured because sphaleron processes are expected to equilibrate the baryon and lepton asymmetry (e.g. \cite{Harvey:1990qw}). The existence of sphaleron processes is however not confirmed experimentally and numerous high energy theories predict a significantly larger lepton asymmetry, e.g.\ \cite{Linde:1976kh,Shi:1998km,MarchRussell:1999ig,McDonald:1999in,Eijima:2017anv}. Thus, lepton asymmetry is a key parameter to better constrain models of the creation of the matter-antimatter asymmetry of the Universe. The tightest constraints on lepton asymmetry $|\eta_{\text{l}}| < \mathcal{O}(0.1)$ up to date are usually based on a combination of direct measurements of the primordial abundances of light elements with constraints on the baryon density from data of the cosmic microwave background (CMB), e.g. \cite{Simha:2008mt,Mangano:2011ip,Cooke:2013cba}. Independently from direct measurements of the primordial abundance of light elements, we can also derive constraints from the CMB alone, see e.g. \cite{Shiraishi:2009fu,Popa:2008tb,Schwarz:2012yw,Caramete:2013bua,Barenboim:2016lxv}. In this work, we derive updated constraints on lepton asymmetry using CMB data from the Planck satellite \cite{Ade:2015xua}. Our constraints are the tightest constraints on lepton asymmetry derived from CMB data up to date. \section{Lepton asymmetry in the early Universe} \begin{largetable} \centering \bgroup \def1.5{1.5} \begin{tabular}{|c||c|c||c|} \hline & & & (no lepton asymmetry) \\ & TT+lowP+lensing & TTTEEE+lowP+lensing & TTTEEE+lowP+lensing \\ \hline \hline $\xi$ & -0.011$ ^{+0.076}_{-0.098} \left( ^{+0.179}_{-0.167} \right)$ & -0.002 $ ^{+0.053}_{-0.060} \left( ^{+0.114}_{-0.111} \right)$ & 0 \\ \hline $\omega_{\text{b}}$ & 0.02235 $ ^{+0.00031}_{-0.00035} \left( ^{+0.00066}_{-0.00064} \right)$ & 0.02229 $ ^{+0.00022}_{-0.00023} \left( ^{+0.00043}_{-0.00044} \right) $ & 0.02228 $ ^{+0.00016}_{-0.00017} \left( ^{+0.00032}_{-0.00032} \right)$ \\ \hline $Y_{\text{p}}$ & 0.251 $ ^{+0.025}_{-0.020} \left( ^{+0.041}_{-0.042} \right) $ & 0.248 $ ^{+0.014}_{-0.014} \left( ^{+0.027}_{-0.027} \right) $ & 0.24784$^{+0.000067}_{-0.000069} \left(^{+0.000136}_{-0.000134} \right)$ \\ \hline $y_{\text{DP}}$ & 2.448 $^{+0.086}_{-0.084} \left( ^{+0.166}_{-0.166} \right)$& 2.443 $^{+0.055}_{-0.054} \left( ^{+0.107}_{-0.109} \right)$ & 2.439 $^{+0.029}_{-0.029} \left( ^{+0.057}_{-0.058} \right)$ \\ \hline $n_{\text{s}}$ & 0.9704 $ ^{+0.011}_{-0.013} \left( ^{+0.024}_{-0.023} \right) $ & 0.9660 $ ^{+0.0078}_{-0.0083} \left( ^{+0.0158}_{-0.0159} \right) $ & 0.9654 $^{+0.0047}_{-0.0049} \left(^{+0.0096}_{-0.0094} \right)$ \\ \hline \end{tabular} \egroup \caption{Cosmological parameters from fit to Planck 2015 data. Given are mean values and their 68\% (95\%) confidence intervals. The right column serves as a comparison to the standard case without lepton asymmetry. The neutrino chemical potential $\xi$, dimensionless baryon density $\omega_{\text{b}}$, and the scalar spectral index $n_{\text{s}}$ are primary parameters, while the helium mass fraction $Y_{\text{p}}$ and the deuterium abundance $y_{\text{DP}}$ are derived parameters.} \label{means_CL} \end{largetable} A large lepton asymmetry can impact the evolution of the Universe at various epochs, e.g. at WIMP decoupling \cite{Stuke:2011wz}, the QCD phase transition \cite{Schwarz:2009ii}, big bang nucleosynthesis (BBN) \cite{Steigman:2005uz} and photon decoupling \cite{Lesgourgues:1999wu}. In this work, we focus on the last two of them, i.e. on the impact of lepton asymmetry on BBN and the CMB. The following arguments hold for cosmic temperatures $T$ well below the Pion and Muon masses. Due to the charge neutrality of the Universe, the asymmetry of \textit{charged} leptons is negligible, because it must be of the same order of magnitude as the baryon asymmetry, $(n_{\text{e}^{-}}-n_{\text{e}^+})/n_{\gamma}= \mathcal{O}(\eta_{\text{b}})$. Neglecting the contribution of charged leptons, today's lepton asymmetry therefore is the sum of the neutrino flavour asymmetries $\eta_{\nu,\alpha}$ and can be expressed by the (dimensionless) chemical potentials\footnote{The $\xi_\alpha$ are also called degeneracy parameters. This is a misleading name, as they are constants only under certain circumstances.} $\xi_{\alpha} \equiv \mu_{\alpha}/T_{\nu}$ of neutrinos with flavour $\alpha$, \begin{equation} \eta_{\text{l}} \approx \!\!\! \sum_{\alpha=e,\mu,\tau} \!\!\! \eta_{\nu,\alpha} = \frac{1}{12 \zeta(3)} \sum_{\alpha=e,\mu,\tau} \!\! \left( \frac{T_{\nu,\alpha}}{T_{\gamma}} \right)^3 \!\! \left( \pi^2 \xi_{\alpha} + \xi_{\alpha}^3 \right), \label{leptonasymmetry} \end{equation} where $\zeta(3) \approx 1.20206$. We assumed in equation \eqref{leptonasymmetry} that neutrinos are produced in thermal and chemical equilibrium and that their equilibrium distribution is preserved afterwards. By equation \eqref{leptonasymmetry}, lepton asymmetry is a time-dependent quantity, i.e. its value before electron-positron annihilation ($(T_{\nu,\alpha}/T_{\gamma})^3=1$) differs from its value after electron-positron annihilation by a factor of $(T_{\nu,\alpha}/T_{\gamma})^3=4/11$. This convention for the definition of lepton asymmetry is somewhat misleading, as lepton number is a conserved quantity. A more intuitive definition would include a division by entropy density instead of photon number density, see e.g. \cite{Schwarz:2009ii}. We however use the more conventional definition \eqref{leptonasymmetry} within this work and note that we always refer to values of the lepton asymmetry \eqref{leptonasymmetry} \textit{today}, i.e. after electron-positron annihilation. Lepton asymmetry changes BBN in two ways: A chemical potential of the electron neutrino changes the neutron-to-proton ratio at the onset of BBN \cite{Beaudet:1976}, i.e. a positive chemical potential reduces the neutron-to-proton ratio, as an excess of neutrinos can stimulate neutron decay, whereas a negative sign leads to an enhancement at the onset of BBN. Furthermore, lepton asymmetry changes the expansion rate of the Universe. For (effectively) massless neutrinos this can be expressed as an excess of the number of relativistic degrees of freedom, \begin{equation} \Delta N_{\text{eff}} = \frac{15}{7} \sum_{\alpha} \left( \frac{\xi_{\alpha}}{\pi} \right)^2 \left[ 2+ \left( \frac{\xi_{\alpha}}{\pi} \right)^2 \right] \geq 0. \label{Neff} \end{equation} An increased expansion rate results in an earlier freeze-out of weak processes and therefore a higher neutron-to-proton ratio. The first effect depends only on the \textit{electron} neutrino chemical potential and its \textit{sign}, the second effect depends on the \textit{absolute values of all} three chemical potentials. Both effects have an impact on the prediction of the abundances of primordial elements. It turns out that the abundance of primordial helium is a good leptometer, while the deuterium abundance is a much better baryometer \cite{Steigman:2005uz}. The CMB is influenced in the presence of lepton asymmetry in the following way. Firstly, an increased $N_{\text{eff}}$ delays the time of matter-radiation equality which leads to an enhanced early integrated Sachs-Wolfe effect. Furthermore, a modified value of the amount of helium -- expressed by the helium mass fraction $Y_{\text{p}}$ -- alters the tail of the CMB angular power spectrum by the amount of diffusion damping. Lastly, for massive neutrinos the neutrino Boltzmann hierarchy is altered in the presence of neutrino chemical potentials \cite{Lesgourgues:1999wu}. In this work, we however assume for simplicity that all neutrinos are ultra-relativistic at the time scales of interest, such that the Boltzmann hierarchy remains the same as for standard neutrinos\footnote{Note that the Planck collaboration assumes in contrast one massive neutrino with $m_{\nu}=0.06$ eV \cite{Ade:2015xua}.}. \begin{widetext} \includegraphics[width=\textwidth]{YHeYDp_ksi.pdf} \caption{2d and 1d marginalised posterior distributions of the cosmological parameters most affected by lepton asymmetry, where the contours are the 68\% and 95\% confidence regions. Orange and green bands are the 68\% and 95\% confidence regions of direct measurements of the primordial helium (orange, $0.2449 \pm 0.0040$, 68\%, \cite{Aver:2015iza}) and deuterium abundance (green, $y_{\text{DP}}=2.53 \pm 0.04$, 68\%, \cite{Cooke:2013cba}).} \label{posteriors} \end{widetext} In principle, the individual neutrino flavour asymmetries $\eta_{\nu,\alpha}$ and accordingly the corresponding chemical potentials can have different values. It was however shown in \cite{Dolgov:2002ab,Wong:2002fa,Mangano:2011ip} that flavour asymmetries are likely to equilibrate before the onset of BBN due to neutrino oscillations, such that finally $\xi_{\text{e}} \approx \xi_{\mu} \approx \xi_{\tau}$. Note that this is not generically true, but depends on the neutrino mixing angles as well as on the initial values of the neutrino chemical potentials \cite{Johns:2016enc,Barenboim:2016shh}. Particularly, the relation between $\eta_{\text{l}}$ \eqref{leptonasymmetry} and $\Delta N_{\text{eff}}$ \eqref{Neff} does not necessarily hold any longer due to the combined effect of oscillations and collisions around the epoch of neutrino decoupling \cite{Pastor:2008ti,Castorina:2012md}. Within this work, we however focus on the case of identical neutrino flavour asymmetries. We furthermore assume that the dimensionless chemical potentials are constant at all times of interest, i.e. after neutrino decoupling until the formation of the CMB. \section{Model fitting and comparison} \begin{figure} \centering \onefigure[width=0.49\textwidth]{Yp_Neff.pdf} \caption{BBN prediction for the helium abundance $Y_{\text{p}}$ with $N_{\text{eff}}$ as a free parameter (red solid) and $\xi$ as a free parameter (blue solid), where the blue circles mark different values of $\xi$. Dashed lines are the mean values for $Y_{\text{p}}$ (orange) and $N_{\text{eff}}$ (green) as 1-parameter extensions to the base $\Lambda$CDM model from \cite{Ade:2015xua} (TTTEEE+lensing), shaded regions are the corresponding 95\% confidence regions.} \label{Yp_Neff} \end{figure} We produced a table for the helium mass fraction $Y_{\text{p}}$ using the AlterBBN code \cite{Arbey:2011nf}\footnote{version 1.4, https://alterbbn.hepforge.org/}, spanning thereby the parameter range $\xi=\lbrace -1.0,1.0 \rbrace$ and $\omega_{\text{b}}=\Omega_{\text{b}}h^2= \lbrace 0.01,0.035 \rbrace$. From this table we found a fitting formula that reproduces the tabulated $Y_{\text{p}}$ values with precision $\lesssim \mathcal{O}(10^{-4})$, i.e. at the level of the theoretical uncertainties. We implemented this fitting formula for $Y_{\text{p}}(\omega_{\text{b}},\xi)$ together with the modified $\Delta N_{\text{eff}}(\xi)$ from equation \eqref{Neff} in the Boltzmann code \textsc{class} \cite{Blas:2011rf}\footnote{version 2.6.0, http://class-code.net/}. Analogously to $Y_{\text{p}}$ we also obtained a fitting function for the deuterium abundance, expressed as $y_{\text{DP}}=10^5 n_{\text{D}}/n_{\text{H}}$, and added $y_{\text{DP}}$ as an additional derived parameter in our analysis. For the deuterium abundance we used an updated version of the AlterBBN code \cite{Riemer-Sorensen:2017vxj} that includes corrections to nuclear reaction rates which lead to significant changes in the predicted deuterium abundance ($\mathcal{O}(5\%)$), but negligible changes for helium ($\mathcal{O}(0.1\%)$). Using the Markov Chain Monte Carlo (MCMC) engine Monte Python \cite{Audren:2012wb}, we explore the cosmological parameter space, which consists of the 6 base cosmological parameters plus the neutrino dimensionless chemical potential, $\lbrace\Omega_{b}h^2, \Omega_{\text{c}} h^2, 100 \theta_{\text{MC}}, \tau, \ln(10^{10}A_{\text{s}}), n_{\text{s}} \rbrace$ and $\xi$. All parameters are assumed to have flat priors. We use the CMB data from the Planck 2015 release \cite{Ade:2015xua}, where we include the high-$\ell$ temperature data (TT), the high-$\ell$ temperature and polarisation data (TTTEEE), the low-$\ell$ combined polarization and temperature data (lowP) as well as the lensing reconstruction (lensing). We adopt the Gelman-Rubin convergence criterion $R<0.01$. In figure \ref{posteriors}, we present the posterior distributions of those parameters which are most affected in the presence of lepton asymmetry. For better comparison we also plot the 1$\sigma$- and 2$\sigma$-regions of direct measurements of the primordial helium ($Y_{\text{p}}=0.2449 \pm 0.0040$, \cite{Aver:2015iza}) and deuterium abundance ($y_{\text{DP}}=2.53 \pm 0.04$, \cite{Cooke:2013cba}). The corresponding mean values as well as the confidence regions of the MCMC analysis can be found in table \ref{means_CL}. The constraints on the neutrino dimensionless chemical potential can be translated into constraints on the lepton asymmetry via equation \eqref{leptonasymmetry}, i.e.\ $-0.14 \leq\eta_{\text{l}} \leq 0.13$ (TT+lowP+lensing) and $-0.085 \leq \eta_{\text{l}} \leq 0.084$ (TTTEEE+lowP+lensing) at 95\% CL. We can furthermore impose an upper limit on the number of effective degrees of freedom \eqref{Neff}, i.e.\ $\Delta N_{\text{eff}}<0.042$ (TT+lowP+lensing) and $\Delta N_{\text{eff}}<0.017$ (TTTEEE+lowP+lensing) at 95\% CL. Remarkably, these constraints are stronger by a factor of at least $\sim10$ than those obtained from an analysis without lepton asymmetry, but with $N_{\text{eff}}$ as a free parameter \cite{Ade:2015xua} (comparing to $N_{\text{eff}}=2.94\pm 0.38$ for TTTEEE+lensing, 95\% CL). This reveals the importance of taking the full effect of lepton asymmetry on BBN into account -- which includes not only the effect of $\Delta N_{\text{eff}}$ but also the modified weak interactions that change the neutron-to-proton ratio. Figure \ref{Yp_Neff} illustrates this aspect in more detail: We show the BBN prediction for the helium mass fraction $Y_{\text{p}}$ for the case of $N_{\text{eff}}$ as a free parameter (red) and the case of $\xi$ as a free parameter (blue). The orange shaded region presents the 95\% confidence region of $Y_{\text{p}}$ for an analysis \cite{Ade:2015xua} with $Y_{\text{p}}$ as an \textit{additional free parameter} to the base $\Lambda$CDM parameters. While the orange region constrains the red curve only very weakly, the blue curve is tightly constrained to a region of small values for $N_{\text{eff}}$ (and therefore small $\xi$). See also \cite{Schwarz:2012yw} and \cite{Hamann:2007sb} for a discussion about the importance of BBN consistent analyses. With an agreement to zero lepton asymmetry within 1$\sigma$ we conclude that there is no evidence for lepton asymmetry from CMB data. Note that this however still leaves a lot of space for a lepton asymmetry orders of magnitude larger than the baryon asymmetry. It is furthermore interesting to note that the inclusion of lepton asymmetry enhances the errors of $\omega_{\text{b}}$, $Y_{\text{p}}$, $y_{\text{DP}}$ and $n_{\text{s}}$ compared to the minimal $\Lambda$CDM model (see the right column in table \ref{means_CL}). Since in the standard model $Y_{\text{p}}$ and $y_{\text{DP}}$ are only functions of $\omega_{\text{b}}$, their errors are usually also entirely determined by the error of $\omega_{\text{b}}$. It is therefore natural that the additional dependence of $Y_{\text{p}}$ and $y_{\text{DP}}$ on $\xi$ results in an enhancement of the uncertainties of $Y_{\text{p}}$, $y_{\text{DP}}$ and $\omega_{\text{b}}$. The enhancement in the error of $n_{\text{s}}$ can be explained by the degeneracy of $Y_{\text{p}}$ with $n_{\text{s}}$. Our constraints for $\xi$ are at least a factor of $\sim 4$ stronger than previous constraints in \cite{Caramete:2013bua}\footnote{Note however that the sum of neutrino masses $\sum m_{\nu}$ is additionally allowed to vary in \cite{Caramete:2013bua}.} (using Planck data) and \cite{Shiraishi:2009fu,Popa:2008tb,Schwarz:2012yw} (using WMAP data). Comparing our results to the Planck forecast \cite{Hamann:2007sb} we can confirm the expected 68\% confidence region. Our constraints are weaker by a factor of $\sim 2$ than the constraints from \cite{Simha:2008mt,Mangano:2011ip,Cooke:2013cba}, where direct measurements of primordial elements were used \textit{additionally} to the CMB constraints for $\omega_{\text{b}}$. Note however that those constraints from direct measurements should be treated with caution: Direct measurements of the primordial helium abundance seem to suffer from significant systematic errors, comparing e.g. $Y_{\text{p}}=0.2551\pm 0.0022$ \cite{Izotov:2014fga} with the measurement reported above and shown for comparison in the figures of this work, $Y_{\text{p}} = 0.2449 \pm 0.0040$ \cite{Aver:2015iza}. Even though weaker, the CMB constraints derived in this work therefore seem to be more robust. \begin{figure} \centering \onefigure[width=0.45\textwidth]{xi_omegab_combined2.pdf} \caption{2d marginalised posterior distribution in the $(\xi,\omega_{\text{b}})$-plane using Planck 2015 TTTEEE+lowP+lensing data (blue), direct measurements of the primordial helium (orange) \cite{Aver:2015iza} and deuterium (green) \cite{Cooke:2013cba} abundance, where the contours are the 68\% and 95\% confidence regions. Dotted green lines show the constraints from the deuterium measurements without the update of the AlterBBN code \cite{Riemer-Sorensen:2017vxj}.} \label{xi_omegab} \end{figure} Our derived constraints on the primordial helium and deuterium abundance are consistent within 2$\sigma$ with those from direct observations, i.e. $Y_{\text{p}} =0.2449 \pm 0.0040$ (68\% CL) \cite{Aver:2015iza} and $y_{\text{DP}}=2.53 \pm 0.04$ (68\% CL) \cite{Cooke:2013cba}. The constraints from direct measurements can be translated into constraints in the $(\xi,\omega_{\text{b}})$-plane, as we see in figure \ref{xi_omegab}. Being almost perpendicular to the $\xi$-axis, the form of the helium contour (orange) shows why helium is generally a good \textit{leptometer} \cite{Steigman:2005uz}: The constraints on $\xi$ are relatively independent of constraints on the baryon density. Interestingly, the overlap of the CMB data contours in figure \ref{xi_omegab} (blue) with the deuterium measurement (green) reveals a tendency towards negative values of the neutrino chemical potential, i.e.\ towards a negative lepton asymmetry. This tendency is however not observed, when the previous version the of AlterBBN code is used (green dotted). This manifests how important the correct treatment of nuclear reaction rates is and is another indication that the systematic uncertainties from BBN exceed the statistical uncertainties. A rigorous comparison of our constraints to direct measurements of $y_{\text{DP}}$ and $Y_{\text{p}}$ would however demand a more careful treatment of the systematic uncertainties of the BBN predicted values: First of all, we did not correct for the small difference between the definition of the helium fraction in BBN codes ($m_{\text{He}} \equiv 4 m_{\text{N}}$) and helium fraction in Boltzmann codes\footnote{The Planck 2015 analysis takes the mass defect into account, whereas the Planck 2013 analysis \cite{Ade:2013zuv} also neglects it.}, which account for the mass defect of helium (a $\mathcal{O}(1\%)$ correction). Furthermore, we did not include the theoretical uncertainties of $Y_{\text{p}}$ ($\mathcal{O}(0.05 \%)$) and $y_{\text{DP}}$ ($\mathcal{O}(5\%)$) due to uncertainties in the measurements of nuclear reaction rates. Finally, a more rigorous approach would also take into account the fact that there exist discrepant measurements of the neutron life time, $\tau_{\text{n}}=\left[880.3\pm1.1\right] \mathrm{s}$ \cite{Agashe:2014kda} and $\tau_{\text{n}}=\left[887.8\pm 1.2 (\text{stat.}) \pm 1.9 (\text{syst.}) \right] \mathrm{s}$ (68\% CL) \cite{Yue:2013qrc}, that lead to an additional theoretical uncertainty in $Y_{\text{p}}$ ($\mathcal{O}(0.6\%)$) and $y_{\text{DP}}$ ($\mathcal{O}(0.4\%)$)\footnote{Our fitting formula for $Y_{\text{p}}$ and $y_{\text{DP}}$ are based on calculations with the AlterBBN default value \mbox{$\tau_{\text{n}}=885.7$ s.}}. For non-zero chemical potentials this uncertainty can increase to maximally $\mathcal{O}(1\%)$, i.e. the relation between $Y_{\text{p}}$ and $\xi$ predicted by BBN is correct at the level of $\mathcal{O}(1\%)$. Note that current CMB data with a precision of $\mathcal{O}(5-10\%)$ in $Y_{\text{p}}$ (see table \ref{means_CL}) are not sensitive to such small differences in $Y_{\text{p}}$, and all of our results in table \ref{means_CL} should be mainly unaffected by those additional uncertainties. For a comparison with direct measurements of $Y_{\text{p}}$ and $y_{\text{DP}}$ (that have errors of only $\mathcal{O}(2 \%)$) those additional uncertainties become however relevant and should be taken into account. \section{Conclusions} In this work, we derived constraints on lepton asymmetry using the Planck 2015 data \cite{Ade:2015xua} of the CMB angular power spectra. We modified the Boltzmann code \textsc{class} in order to take into account the increased number of relativistic degrees of freedom \eqref{Neff} and the modified helium fraction $Y_{\text{p}}(\omega_{\text{b}},\xi)$ to impose BBN consistency. We thereby assumed equal flavour asymmetries and neglected neutrino masses. We find $\xi=-0.011 ^{+0.179}_{-0.167}$ (95\% CL) using the high-$\ell$ temperature data, the low-$\ell$ polarization data and lensing reconstruction (TT+lowP+lensing). Including the high-$\ell$ polarization data (TTTEEE+lowP+lensing) reduces the uncertainty of $\xi$ further, resulting in $\xi=-0.002 ^{+0.114}_{-0.111}$ (95\% CL). For the lepton asymmetry $\eta_{\text{l}}$ \eqref{leptonasymmetry} this implies $-0.14 \leq\eta_{\text{l}} \leq 0.13$ (TT+lowP+lensing) and $-0.085 \leq \eta_{\text{l}} \leq 0.084$ (TTTEEE+lowP+lensing) at 95\% CL. Our constraints are significantly stronger than previous constraints from CMB data \cite{Popa:2008tb,Shiraishi:2009fu,Schwarz:2012yw,Caramete:2013bua}. Even though our CMB constraints are weaker (factor $\sim 2$) than the constraints obtained from direct measurements of light element abundances \cite{Simha:2008mt,Mangano:2011ip,Cooke:2013cba}, we think that they are more robust, since direct measurements of primordial light elements are still subject to sizeable systematic uncertainties. Our derived constraints on the primordial helium $Y_{\text{p}}$ and deuterium $y_{\text{DP}}$ abundance are in good agreement with direct measurements \cite{Aver:2015iza,Cooke:2013cba}. The 2d marginalised posteriors in the $(\omega_{\text{b}},\xi)$-plane \mbox{(fig. \ref{xi_omegab})} might hint at some tension between the CMB and the observed light element abundances, but systematic issues like BBN nuclear reaction rates become relevant at that level of precision. Finding consistent constraints on lepton asymmetry at BBN and CMB epochs provides by itself a non-trivial consistency check of the hot big bang model. On the other hand, $\eta_{\text{l}}$ is still allowed to exceed $\eta_{\text{b}}$ by many orders of magnitude, which could have interesting consequences for physics at $T > T_{\text{BBN}}$ \cite{Schwarz:2009ii,Stuke:2011wz,Barrie:2017mmr}. \acknowledgments We thank T.~Tram for his support with the Monte Python software package, E.~Jenssen for providing the updated AlterBBN code, and D.~Boriero, L. Johns, S. Pastor and M.~Wygas for useful discussions and comments. IMO acknowledges the support by Studienstiftung des Deutschen Volkes. We acknowledge support from RTG 1620 “Models of Gravity” funded by DFG. Numerical calculations have been performed using the computing resources from RWTH Compute Cluster. \bibliographystyle{eplbib}
a46a357025fa0174df33133b9161c73ca3e8a2db
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{intro} Hierarchies (Taxonomies) are popular for organizing large volume datasets in various application domains \cite{ashburner2000gene,deng2009imagenet}. Several large-scale online prediction challenges such as LSHTC\footnote{http://lshtc.iit.demokritos.gr/} (webpage classification), BioASQ\footnote{http://bioasq.org/} (PubMed documents classification) and ILSVRC\footnote{http://www.image-net.org/challenges/LSVRC/2016/} (image classification) revolve around the HC problem. Although, substantial amount of data with inter-class dependencies information are beneficial for improving HC, one of the major challenges in dealing with these datasets comprising large-number of categories (classes), high-dimensional features and large-number of training instances (examples) is {scalability}. Many large-scale HC approaches have been developed in past to deal with the various ``big data" challenges by: (i) training faster models, (ii) quickly predicting class-labels and (iii) minimizing memory usage. For example, Gopal et al. \cite{gopal2013distributed} proposed the log-concavity bound that allows parallel training of model weight vectors across multiple computing units. This achieves significant speed-up along with added flexibility of storing model weight vectors at different units. However, the memory requirements is still large ($\sim$26 GB for DMOZ-2010 dataset, refer to Table \ref{table:paramsize}) which requires complex distributed hardware for storage and implementation. Alternatively, Map-Reduce based formulation of learning model is introduced \cite{naik2015ranking,gopal2013recursive} which is scalable but have software/hardware dependencies that limits the applicability of this approach. To minimize the memory requirements, one of the popular strategy is to incorporate the feature selection in conjunction with model training \cite{zhou2011hierarchical,heisele2003hierarchical}. The main intuition behind these approaches is to squeeze the high-dimensional features into lower dimensions. This allows the model to be trained on low-dimensional features only; significantly reducing the memory usage while retaining (or improving) the classification accuracy. This is possible because only subset of features are beneficial to discriminate between classes at each node in the hierarchy. For example, to distinguish between sub-class `Chemistry' and `Physics' that belongs to class `Science' features like \emph{chemical}, \emph{reactions} and \emph{acceleration} are important whereas features like \emph{coach}, \emph{memory} and \emph{processor} are irrelevant. HC methods that leverage the structural relationship shows improved classification performance but are computationally expensive \cite{liu2005support,gopal2013recursive,cai2004hierarchical}. \begin{figure*} \centering \includegraphics[width=1\linewidth,height=7.5cm]{FS.png} \caption{\textbf{Figure demonstrating the importance of feature selection for HC. Green color (sticky note) represents the top five best features selected using gini-index feature selection method at each internal node. Internal nodes are represented by orange color (elliptical shape) and leaf nodes are represented by blue color (rectangular shape).}} \label{FSfigure} \end{figure*} In this paper, we study different filter-based feature selection methods for solving large-scale HC problem. Feature selection serves as the preprocessing step in our learning framework prior to training models. Any developed methods for solving HC problem can be integrated with the selected features, providing flexibility in choosing the HC algorithm of our choice along with computational efficiency and storage benefits. Our proposed ``adaptive feature selection" also shows an improvement of $\sim$2\% in classification accuracy. Experiments on various real world datasets across different domains demonstrates the utility of the feature selection over full set of high-dimensional features. We also investigate the effect of feature selection in classification performance when the number of labeled instances per class is low. \section{Literature Review} \label{sec:1} \subsection{Hierarchical Classification} Several methods have been developed to address the hierarchical classification problem \cite{naik2015ranking,gopal2013recursive,naik2016inconsistent,dumais2000hierarchical,cesa2006incremental}. These methods can be broadly divided into three major categories. (i) \emph{Flat approach} is one of the simplest and straight forward method to solve the HC problem. In this method, hierarchical structure is completely ignored and an independent one-vs-rest or multi-class classifiers are trained for each of the leaf categories that can discriminate it from remaining leaf categories. For predicting the label of instances, the flat method invokes the classifiers corresponding to all leaf categories and selects the leaf category with highest prediction score. As such, flat approach have expensive training and prediction runtime for datasets with large number of classes. (ii) \emph{Local classification} involves the use of local hierarchical relationships during the model training process. Depending on how the hierarchical relationships are leveraged, various local methods exist \cite{silla2011survey}. In this paper, we have used the most popular ``local classifier per parent node" method as the baseline for evaluations. Specifically, we train a multi-class classifier at each of the parent node to maximize the discrimination between its children nodes. For making predictions a top-down method (discussed in Section \ref{topdown}) is followed. (iii) \emph{Global classification} learns a single complex model where all relevant hierarchical relationships are explored jointly during the optimization process making these approaches expensive for training. Label predictions is done using a similar approach followed for flat or local methods. \subsection{Top-Down Hierarchical Classification} \label{topdown} One of the most efficient approach for solving large-scale HC problem is using the top-down method \cite{liu2005support,koller1997hierarchically}. In this method, local or global classification method is used for model training and the unlabeled instances are recursively classified in a top-down fashion. At each step, best node is picked based on the computed prediction score of its children nodes. The process repeats until the leaf node representing a certain category (or class-label) is reached, which is the final predicted label (refer to eq. (\ref{eq:TDTest})). Top-Down (TD) methods are popular for large-scale problems owing to their computational benefits where only the subset of classes in the relevant path are considered during prediction phase. For example, in order to make second level prediction provided the first level prediction is `{Sci}' (shown in Figure \ref{FSfigure}) we only need to consider the children of `{Sci}' class ($i.e.$, {electronics}, {med}, {crypt} and {space}), thereby, avoiding the large number of second level classes such as `{Sys}', `Politics', `Sports', `graphics', `autos'. In the past, top-down methods have been successfully used to solve HC problems \cite{dumais2000hierarchical,holden2005hybrid,li2005music}. Liu et al. \cite{liu2005support} performed classification on large-scale Yahoo! dataset and analyzed the complexity of the top-down approach. In \cite{secker2007experimental}, a selective classifier top-down method is proposed where the classifier to train at particular node is chosen in a data-driven manner. \subsection{Feature Selection} There have been several studies focused on feature selection methods for the flat classification problem \cite{tang2014feature,dash1997feature,peng2005feature,zheng2004feature,joachims1998text,kohavi1997wrappers}. However, very few work emphasize on feature selection for HC problem that are limited to small number of categories \cite{ristoski2014feature,wibowo2002simple}. Figure \ref{FSfigure} demonstrates the importance of feature selection for hierarchical settings where only the relevant features are chosen at each of the decision (internal) nodes. More details about the figure will be discussed in Section \ref{resDiscuss} (Case Study). Feature selection aims to find a subset of highly discriminant features that minimizes the error rate and improve the classifier performance. Based on the approach adapted for selecting features two broad categories of feature selection exist, namely, wrapper and filter-based methods. Wrapper approaches evaluate the fitness of the selected features using the intended classifier. Although many different wrapper-based approaches have been proposed, these methods are not suitable for large-scale problems due to the expensive evaluation needed to select the subset of features \cite{tang2014feature}. On the contrary, filter approaches select the subset of features based on the certain measures or statistical properties that does not require the expensive evaluations. This makes the filter-based approaches a natural choice for large-scale problem. Hence, in this paper we have focused on various filter-based approaches for solving HC problem (discussed in Section \ref{filterFeatSelect}). In literature, third category referred as embedded approaches have also been proposed which are a hybrid of the wrapper and filter methods. However, these approaches have not been shown to be efficient for large-scale classification \cite{tang2014feature} and hence, we do not focus on hybrid methods. To the best of our knowledge this is the first paper that performs a broad study of filter-based feature selection methods for HC problem. \section{Methods} \label{featMethod} \subsection{Definitions and Notations} In this paper, we use {\bf{bold}} lower-case and upper-case letters to indicate vector and matrix variables, respectively. Symbol $\mathcal{N}$ denotes the set of internal nodes in the hierarchy where for each node $n \in \mathcal{N}$ we learn the multi-class classifier denoted by ${\bf{W}}_n$ = $\big[{\bf{w}}^n_c\big]_{{c \in \mathcal{C}(n)}}$ to discriminate between its children nodes $\mathcal{C}(n)$. ${\bf{w}}^n_c$ represents the optimal model weight vectors for $c^{th}$ child of node $n$. $\mathcal{L}$ denotes the set of leaf nodes (categories) to which instances are assigned. The total number of training instances are denoted by $N$ and $T(n) \subseteq N$ denotes the total number of training instances considered at node $n$ which corresponds to all instances of descendant categories at node $n$. $\mathcal{F}$ denotes the set of total features (dimensionality) for each instance where $i^{th}$ feature is denoted by $f_i$. ${S}_\mathcal{F} \subseteq \mathcal{F}$ denotes the subset of relevant features selected using feature selection algorithm. $\mathcal{D} = \big\{\big({\bf{x}}(i)$, $y(i)\big)\big\}_{i=1}^{N}$ denotes the training dataset where ${\bf{x}}(i) \in \mathbb{R}^{\mathcal{F}}$ and $y(i) \in \mathcal{L}$. For training optimal model corresponding to $c^{th}$ child at node $n$ we use the binary label ${y_c^n}{(i)} \in \{\pm1\}$ for $i^{th}$ training instance where $y_c^n(i)$ = 1 iff $y(i)$ = $c$ and $y_c^n(i)$ = -1 otherwise. Predicted label for $i^{th}$ test instance $\hat{\bf{x}}(i)$ is denoted by $\hat{y}(i) \in \mathcal{L}$. \subsection{Hierarchical Classification} \label{HierClass} Given a hierarchy $\mathcal{H}$, we train multi-class classifiers for each of the internal nodes $n\in\mathcal{N}$ in the hierarchy--- to discriminate between its children nodes $\mathcal{C}(n)$. In this paper, we have used Logistic Regression (LR) as the underlying base model for training \cite{gopal2013recursive,naik2013classifying}. The LR objective uses logistic loss to minimize the empirical risk and $l_1$-norm (denoted by $\big|\big|\cdot\big|\big|_{1}$) or squared $l_2$-norm term (denoted by $\big|\big|\cdot\big|\big|_{2}^{2}$) to control model complexity and prevent overfitting. Usually, $l_1$-norm encourages sparse solution by randomly choosing single parameter amongst highly correlated parameters whereas $l_2$-norm jointly shrinks the correlated parameters. The objective function $\Psi^{n}_{c}$ for training a model corresponding to ${c^{th}}$ child of node $n$ is provided in eq. (\ref{ARLR}). \begin{equation} \scriptsize \Psi^{n}_{c}=\min_{{\bf{w}}^{n}_{c}}\Bigg[\lambda\sum_{i=1}^{T(n)}\log\left(1+\exp\left(-y_{c}^{n}(i)\big({\bf{w}}^{n}_c\big)^{T}\mathbf{x}(i)\right)\right)+ \mathcal{R}\big({\bf{w}}^{n}_c\big)\Bigg]\label{ARLR} \end{equation} where $\lambda > 0$ is a mis-classification penalty parameter and $\mathcal{R}\big(.\big)$ denotes the regularization term given by eq. (\ref{regTerm}). \begin{align} \mathcal{R}\big({\bf{w}}^n_c\big)=\left\{ \begin{alignedat}{1} & \big|\big|{\bf{w}}^n_c\big|\big|_1^1, \quad l_1-norm\\ & \quad \quad \quad OR\\ & \big|\big|{\bf{w}}^n_c\big|\big|_2^2, \quad l_2-norm \end{alignedat} \right\} \label{regTerm} \end{align} For each child $c$ of node $n$ within the hierarchy, we solve eq. (\ref{ARLR}) to obtain the optimal weight vector denoted by ${\bf{w}}^{n}_c$. The complete set of parameters for all the children nodes ${\bf{W}}_n$ = $[{\bf{w}}^{n}_c] _{c\in\mathcal{C}(n)}$ constitutes the learned multi-class classifiers at node $n$ whereas total parameters for all internal nodes ${\bf{W}}$ = $[{\bf{W}}_n]_{n \in \mathcal{N}}$ constitutes the learned model for Top-Down (TD) classifier. For a test instance ${\hat{\bf{x}}}(i)$, the TD classifier predicts the class label $\hat{y}(i)\in\mathcal{L}$ as shown in eq. (\ref{eq:TDTest}). Essentially, the algorithm starts at the root node and recursively selects the best child nodes until it reaches a terminal node belonging to the set of leaf nodes $\mathcal{L}$. \begin{align} \hat{y}(i)=\left\{ \begin{alignedat}{1} & \mathbf{initialize}\quad p:=root\\ & \mathbf{while}\ p\notin\mathcal{L}\\ & \quad p:=\mathbf{argmax}_{q\in\mathcal{C}(p)}\ \big({\bf{w}}^p_{q}\big)^T\hat{{\bf{x}}}(i)\\ & \mathbf{return}\ p \end{alignedat} \right\} \label{eq:TDTest} \end{align} \subsection{Feature Selection} \label{filterFeatSelect} The focus of our study in this paper is on filter-based feature selection methods which are scalable for large-scale datasets. In this section, we present four feature selection approaches that are used for evaluation purposes.\\ \\ {\textbf{Gini-Index}} - It is one of the most widely used method to compute the best split (ordered feature) in the decision tree induction algorithm \cite{ogura2009feature}. Realizing its importance, it was extended for the multi-class classification problem \cite{shang2007novel}. In our case, it measure the feature's ability to distinguish between different leaf categories (classes). Gini-Index of $i^{th}$ feature $f_i$ with $\mathcal{L}$ classes can be computed as shown in eq. (\ref{gi}). \begin{equation} {\bf{Gini-Index}}(f_i) = 1 - \sum_{k=1}^{\mathcal{L}}\Big(p(k|f_i)\Big)^2 \label{gi} \end{equation} where $p(k|f_i)$ is the conditional probability of class $k$ given feature $f_i$. Smaller the value of Gini-Index, more relevant and useful is the feature for classification. For HC problem, we compute the Gini-Index corresponding to all feature's independently at each internal node and select the best subset of features (${S}_\mathcal{F}$) using a held-out validation dataset. \\ \\ {\textbf{Minimal Redundancy Maximal Relevance (MRMR)}} - This method incorporates the following two conditions for feature subset selection that are beneficial for classification. \begin{enumerate}[(i)] \item Identify features that are mutually maximally dissimilar to capture better representation of entire dataset and \item Select features to maximize the discrimination between different classes. \end{enumerate} The first criterion referred as ``minimal redundancy" selects features that carry distinct information by eliminating the redundant features. The main intuition behind this criterion is that selecting two similar features contains no new information that can assist in better classification. Redundancy information of feature set $\mathcal{F}$ can be computed using eq. (\ref{minred}). \begin{equation} {\mathfrak{R}_D} = \Bigg[ \frac{1}{|S_\mathcal{F}|^2}\sum_{f_i, f_j \in S_\mathcal{F}}I(f_i, f_j)\Bigg] \label{minred} \end{equation} where $I(f_i, f_j)$ is the mutual information that measure the level of similarity between features $f_i$ and $f_j$ \cite{ding2005minimum}. The second criterion referred as ``maximum relevance'' enforces the selected features to have maximum discriminatory power for classification between different classes. Relevance of feature set $\mathcal{F}$ can be formulated using eq. (\ref{maxrel}). \begin{equation} {\mathfrak{R}_L} = \Bigg[ \frac{1}{|S_\mathcal{F}|}\sum_{f_i\in S_\mathcal{F}}I(f_i, \mathcal{L})\Bigg] \label{maxrel} \end{equation} where $I(f_i, \mathcal{L})$ is the mutual information between the feature $f_i$ and leaf categories $\mathcal{L}$ that captures how well the feature $f_i$ can discriminate between different classes \cite{peng2005feature}. The combined optimization of eq. (\ref{minred}) and eq. (\ref{maxrel}) leads to a feature set with maximum discriminatory power and minimum correlations among features. Depending on strategy adapted for optimization of these two objectives different flavors exist. The first one referred as ``mutual information difference (MRMR-D)" formulates the optimization problem as the difference between two objectives as shown in eq. (\ref{mrmrd}). The second one referred as ``mutual information quotient (MRMR-Q)" formulates the problem as the ratio between two objectives and can be computed using eq. (\ref{mrmrq}). \begin{equation} \emph{MRMR-D} = \max_{S_\mathcal{F} \subseteq \mathcal{F}} \; ({{\mathfrak{R}_L - \mathfrak{R}_D}}) \label{mrmrd} \end{equation} \begin{equation} \emph{MRMR-Q} = \max_{S_\mathcal{F} \subseteq \mathcal{F}} \; ({{\mathfrak{R}_L/\mathfrak{R}_D}}) \label{mrmrq} \end{equation} For HC problem again we select the best top ${S}_\mathcal{F}$ features (using a validation dataset) for evaluating these methods. \\ \\ {\textbf{Kruskal-Wallis}} - This is a non-parametric statistical test that ranks the importance of each feature. As a first step this method ranks all instances across all leaf categories $\mathcal{L}$ and computes the feature importance metric as shown in eq. (\ref{kw}): \begin{equation} KW=(N-1)\frac{\sum_{i=1}^{\mathcal{L}}{n_i(\bar{r_i}-\bar{r})^2}}{\sum_{i=1}^{\mathcal{L}}\sum_{j=1}^{n_i}n_i({r}_{ij}-\bar{r})^2} \label{kw} \end{equation} where $n_i$ is the number of instances in $i^{th}$ category, $r_{ij}$ is the ranking of $j^{th}$ instances in the $i^{th}$ category and $\bar{r}$ denotes the average rank across all instances. It should be noted that using different feature results in different ranking and hence feature importance. Lower the value of computed score $KW$, more relevant is the feature for classification. \begin{algorithm}[t!] \SetAlgoLined \KwData{Hierarchy $\mathcal{H}$, input-output pairs \Big(${\bf{x}}(i), y(i)$\Big)} \KwResult{Learned model weight vectors: \hspace*{11mm} ${\bf{W}}$ = [${\bf{W}}_1$, ${\bf{W}}_2$, $\cdots$, ${\bf{W}}_n$], $n$ $\in$ $\mathcal{N}$} ${\bf{W}}$ = $\phi$; /* \textbf{1st subroutine: Feature Selection} */ \For{$f_i \in$ $\mathcal{F}$}{ Compute score (relevance) corresponding to feature $f_i$ using feature selection algorithm mentioned in Section \ref{filterFeatSelect}; } Select top $k$ features based on score (and correlations) amongst features where best value of $k$ is tuned using a validation dataset /* \textbf{2nd subroutine: Model Learning using Reduced Feature Set} */ \For{n $\in$ $\mathcal{N}$}{ /* \textbf{learn models for discriminating child at node $n$} */ Train optimal multi-class classifiers ${\bf{W}}_n$ at node $n$ using reduced feature set as shown in eq. (\ref{ARLR}); /* \textbf{update model weight vectors} */ ${\bf{W}}$ = [${\bf{W}}$, ${\bf{W}}_n$]; } \Return{${\bf{W}}$} \caption{Feature Selection (FS) based Model Learning for Hierarchical Classification (HC)} \label{featSelectHC} \end{algorithm} \begin{table*}[tb] \centering \caption{\textbf{Dataset Statistics}} \label{table:finaltabledataset} \begin{tabular}{|l| c c c c c c c c|} \hline \multirow{2}{*}{\bf{Dataset}}& \multirow{2}{*}{\bf{Domain}} & \multirow{2}{*}{\bf{\# Leaf Node}} & \multirow{2}{*}{\bf{\# Internal Node}} & \multirow{2}{*}{\bf{Height}} & \multirow{2}{*}{\bf{\# Training}} & \multirow{2}{*}{\bf{\# Testing}} & \multirow{2}{*}{\bf{\# Features}} & {\bf{Avg. \# children}}\\ \multicolumn{1}{|c|}{} & \multicolumn{7}{c}{} & (per internal node)\\ \hline {\bf{NG}} & Text & 20 & 8 & 4 & 11,269 & 7,505 & 61,188 & 3.38\\ {\bf{CLEF}} & Image & 63 & 34 & 4 & 10,000 & 1,006 & 80 & 2.56\\ {\bf{IPC}} & Text & 451 & 102 & 4 & 46,324 & 28,926 & 1,123,497 & 5.41\\ {\bf{DMOZ-SMALL}} & Text & 1,139 & 1,249 & 6 & 6,323 & 1,858 & 51,033 & 1.91\\ {\bf{DMOZ-2010}} & Text & 12,294 & 4,928 & 6 & 128,710 & 34,880 & 381,580 & 3.49\\ {\bf{DMOZ-2012}} & Text & 11,947 & 2,016 & 6 & 383,408 & 103,435 & 348,548 & 6.93\\ \hline \end{tabular} \end{table*} \subsection{Proposed Framework} Algorithm \ref{featSelectHC} presents our proposed method for embedding feature selection into the HC framework. It consist of two independent main subroutines: (i) a feature selection algorithm (discussed in Section \ref{filterFeatSelect}) for deciding the appropriate set of features at each decision (internal) node and (ii) a supervised learning algorithm (discussed in Section \ref{HierClass}) for constructing a TD hierarchical classifier using reduced feature set. Feature selection serves as the preprocessing step in our framework which provides flexibility in choosing any HC algorithm. We propose two different approaches for choosing relevant number of features at each internal node $n \in \mathcal{N}$. The first approach which we refer as ``global feature selection (Global FS)" selects the same number of features for all internal nodes in the hierarchy where the number of features are determined based on the entire validation dataset performance. The second approach, referred as ``adaptive feature selection (Adaptive FS)" selects different number of features at each internal node to maximize the performance at that node. It should be noted that adaptive method only uses the validation dataset that exclusively belongs to the internal node $n$ ($i.e.$, descendant categories of node $n$). Computationally, both approaches are almost identical because model tuning and optimization requires similar runtime which accounts for the major fraction of computation. \section{Experimental Evaluations} \subsection{Dataset Description} We have performed an extensive evaluation of various feature selection methods on a wide range of hierarchical text and image datasets. Key characteristics about the datasets that we have used in our experiments are shown in Table \ref{table:finaltabledataset}. All these datasets are single-labeled and the instances are assigned to the leaf nodes in the hierarchy. For text datasets, we have used the word-frequency representation and perform the tf-idf transformation with $l_2$-norm to the word-frequency feature vector.\\ \textbf{Text Datasets}\\ \hspace*{4mm}\textbf{NEWSGROUP (NG)}\footnote{http://qwone.com/$\sim$jason/20Newsgroups/} - It is a collection of approximately 20,000 news documents partitioned (nearly) evenly across twenty different topics such as `baseball', `{electronics}' and `{graphics}' (refer to Figure \ref{FSfigure}).\\ \hspace*{4mm}\textbf{IPC}\footnote{http://www.wipo.int/classifications/ipc/en/} - Collection of patent documents organized in International Patent Classification (IPC) hierarchy.\\ \hspace*{4mm}\textbf{DMOZ-SMALL, DMOZ-2010 and DMOZ-2012}\footnote{http://dmoz.org} - Collection of multiple web documents organized in various classes using the hierarchical structure. Dataset has been released as the part of the LSHTC\footnote{http://lshtc.iit.demokritos.gr/} challenge in the year 2010 and 2012. For evaluating the DMOZ-2010 and DMOZ-2012 datasets we have used the provided test split and the results reported for this benchmark is blind prediction obtained from web-portal interface\footnote{http://lshtc.iit.demokritos.gr/node/81}.\\ \textbf{Image Datasets}\\ \hspace*{4mm}\textbf{CLEF} \cite{dimitrovski2011hierarchical} - Dataset contains medical images annotated with Information Retrieval in Medical Applications (IRMA) codes. Each image is represented by the 80 features that are extracted using local distribution of edges method. \subsection{Evaluation Metrics} We have used the standard set based performance measures Micro-$F_1$ and Macro-$F_1$ \cite{yang1999evaluation} for evaluating the performance of learned models.\\ \hspace*{4mm}\textbf{Micro-$F_1$ ($\mu$$F_1$)} - To compute $\mu$$F_1$, we sum up the category specific true positives $(TP_l)$, false positives $(FP_l)$ and false negatives $(FN_l)$ for different leaf categories and compute the $\mu$$F_1$ score as follows: \begin{gather}P = \frac{\sum_{l \in \mathcal{L}}TP_l}{\sum_{l \in \mathcal{L}}(TP_l + FP_l)}, R = \frac{\sum_{l \in \mathcal{L}}TP_l}{\sum_{l \in\mathcal{L}}(TP_l + FN_l)} \nonumber\\ \mu F_1 = \frac{2PR}{P + R}\end{gather} where, P and R are the overall precision and recall values for all the classes taken together.\\ \hspace*{4mm}\textbf{Macro-$F_1$ ($M$$F_1$)} - Unlike $\mu$$F_1$, M$F_1$ gives equal weight to all the categories so that the average score is not skewed in favor of the larger categories. It is defined as follows: \begin{gather}P_l = \frac{TP_l}{TP_l + FP_l}, R_l = \frac{TP_l}{TP_l + FN_l} \nonumber\\ MF_1 = \frac{1}{|\mathcal{L}|}\sum_{l \in \mathcal{L}}\frac{2P_lR_l}{P_l + R_l}\end{gather}\\ where $|\mathcal{L}|$ denotes the set of leaf categories, $P_l$ and $R_l$ are the precision and recall values for leaf category $l$ $\in$ $\mathcal{L}$. \begin{figure*} \center \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ng_MicroF1.png}% \label{fig:ngsub1}} \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ng_MacroF1.png}% \label{fig:ngsub2}} \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{clef_MicroF1.png}% \label{fig:clefsub1}} \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{clef_MacroF1.png}% \label{fig:clefsub2}}% \\ \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ipc_MicroF1.png}% \label{fig:ipcsub1}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ipc_MacroF1.png}% \label{fig:ipcsub2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_small_MicroF1.png}% \label{fig:dmozsmallsub1}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_small_MacroF1.png}% \label{fig:dmozsmallsub2}}% \\ \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_MicroF1.png}% \label{fig:dmoz2010sub1}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_MacroF1.png}% \label{fig:dmoz2010sub2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2012_MicroF1.png}% \label{fig:dmoz2012sub1}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2012_MacroF1.png}% \label{fig:dmoz2012sub2}}% \caption{\textbf{Performance comparison of LR + $l_1$-norm models with varying percentage (\%) of features selected using different feature selection (global) methods on text and image datasets.}} \label{figaccuracyL1} \end{figure*} \begin{figure*} \center \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ng_MicroF1_L2.png}% \label{fig:ngsub1L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ng_MacroF1_L2.png}% \label{fig:ngsub2L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{clef_MicroF1_L2.png}% \label{fig:clefsub1L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{clef_MacroF1_L2.png}% \label{fig:clefsub2L2}}% \\ \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ipc_MicroF1_L2.png}% \label{fig:ipcsub1L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{ipc_MacroF1_L2.png}% \label{fig:ipcsub2L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_small_MicroF1_L2.png}% \label{fig:dmozsmallsub1L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_small_MacroF1_L2.png}% \label{fig:dmozsmallsub2L2}}% \\ \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_MicroF1_L2.png}% \label{fig:dmoz2010sub1L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2010_MacroF1_L2.png}% \label{fig:dmoz2010sub2L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2012_MicroF1_L2.png}% \label{fig:dmoz2012sub1L2}}% \hfil \subfloat[]{ \includegraphics[width=.225\linewidth,height=4cm]{dmoz_2012_MacroF1_L2.png}% \label{fig:dmoz2012sub2L2}}% \caption{\textbf{Performance comparison of LR + $l_2$-norm models with varying percentage (\%) of features selected using different feature selection (global) methods on text and image datasets.}} \label{figaccuracyL2} \end{figure*} \subsection{Experimental Details} For all the experiments, we divide the training dataset into train and small validation dataset in the ratio 90:10. The train dataset is used to train TD classifiers whereas the validation dataset is used to tune the parameter. The model is trained for a range of mis-classification penalty parameter ($\lambda$) values in the set \big\{0.001, 0.01, 0.1, 1, 10, 100, 1000\big\} with best value selected using a validation dataset. Adopting the best parameter, we retrain the models on the entire training dataset and measure the performance on a separate held-out test dataset. For feature selection, we choose the best set of features using the validation dataset by varying the number of features between 1$\%$ and 75$\%$ of all the features. Our preliminary experiments showed no significant improvement after 75$\%$ hence we bound the upper limit to this value. We performed all the experiments on ARGO cluster (http://orc.gmu.edu) with dual Intel Xeon E5-2670 8 core CPUs and 64 GB memory. Source code implementation of the proposed algorithm discussed in this paper is made available at our website\footnote{https://cs.gmu.edu/$\sim$mlbio/featureselection} for repeatability and future use. \begin{table}[hbt] \begin{centering} \caption{\textbf{Performance comparison of adaptive and global approach for feature selection based on Gini-Index with all features. LR + $l_1$-norm model is used for evaluation}} \label{table:AdaptiveFS} \begin{tabular}{|@{\hskip 0.02in} l@{\hskip 0.02in}| @{\hskip 0.02in}c@{\hskip 0.02in}| c| c|@{\hskip 0.02in} c@{\hskip 0.02in}|} \hline \multirow{1}{*}{\bf{Dataset}} & \multirow{1}{*}{\bf{Metric}} & \multirow{1}{*}{\bf{Adaptive FS}} & \multirow{1}{*}{\bf{Global FS}} & \multirow{1}{*}{\bf{All Features}}\\ \hline \multirow{2}{*}{{\bf{NG}}} & $\mu F_1$ & 76.16$\vartriangle$ & {\bf{76.39}}$\vartriangle$ & 74.94\\ & $MF_1$ & {\bf{76.10}}$\vartriangle$ & 76.07$\vartriangle$ & 74.56 \\ \multirow{2}{*}{{\bf{CLEF}}} & $\mu F_1$ & {\bf{72.66}} & 72.27 & 72.17\\ & $MF_1$ & {\bf{36.73}}$\blacktriangle$ & 35.07$\vartriangle$ & 33.14\\ \multirow{2}{*}{{\bf{IPC}}} & $\mu F_1$ & {\bf{48.23}}$\blacktriangle$ & 46.35 & 46.14\\ & $MF_1$ & {\bf{41.54}}$\blacktriangle$ & 39.52 & 39.43\\ \multirow{2}{*}{{\bf{DMOZ-SMALL}}} & $\mu F_1$ & {\bf{40.32}}$\vartriangle$ & 39.52 & 38.86\\ & $MF_1$ & {\bf{26.12}}$\blacktriangle$ & 25.07 & 24.77\\ \multirow{2}{*}{{\bf{DMOZ-2010}}} & $\mu F_1$ & {\bf{35.94}} & 35.40 & 34.32 \\ & $MF_1$ & {\bf{23.01}} & 21.32 & 21.26\\ \multirow{2}{*}{{\bf{DMOZ-2012}}} & $\mu F_1$ & {\bf{44.12}}& 43.94 & 43.92 \\ & $MF_1$ & {\bf{23.65}} & 22.18 & 22.13\\ \hline \end{tabular} \par\end{centering} \begin{tablenotes} \small \item $\blacktriangle$ (and $\vartriangle$) indicates that improvements are statistically significant with 0.05 (and 0.1) significance level. \end{tablenotes} \end{table} \section{Results Discussion} \label{resDiscuss} \subsection{{Case Study}} To understand the quality of features selected at different internal nodes in the hierarchy we perform case study on NG dataset. We choose this dataset because we have full access to feature information. Figure \ref{FSfigure} demonstrates the results of top five features that is selected using best feature selection method $i.e.$, Gini-Index (refer to Figure \ref{figaccuracyL1} and \ref{figaccuracyL2}). We can see from the figure that selected features corresponds to the distinctive attributes which helps in better discrimination at particular node. For example, the features like \emph{Dod (Day of defeat or Department of defense)}, \emph{Car}, \emph{Bike} and \emph{Team} are important at node `{Rec}' to distinguish between the sub-class `{autos}', `{motorcycles}' and `{Sports}' whereas other features like \emph{Windows}, \emph{God} and \emph{Encryption} are irrelevant. This analysis illustrates the importance of feature selection for TD HC problem. One important observation that we made in our study is that some of the features like \emph{Windows}, \emph{God} and \emph{Team} are useful for discrimination at multiple nodes in the hierarchy (associated with parent-child relationships). This observation conflicts with the assumption made in the work by Xiao et al. \cite{zhou2011hierarchical}, which attempts to optimize the objective function by necessitating the child node features to be different from the features selected at the parent node. \begin{table*}[t] \centering \caption{\textbf{Comparison of memory requirements for LR + $l_1$-norm model}} \label{table:paramsize} \begin{tabular}{|l| r r r r r r r r|} \hline \multirow{2}{*}{\bf{Dataset}} & \multicolumn{2}{c|}{{\bf{Adaptive FS}}} & \multicolumn{2}{c|}{{\bf{Global FS}}} & \multicolumn{2}{c|}{{\bf{All Features}}}\\ \cline{2-7} & {{\bf{\# parameters}}} & \multicolumn{1}{c|}{{\bf{size}}} & {{\bf{\# parameters}}} & \multicolumn{1}{c|}{{\bf{ size}}} & {{\bf{\# parameters}}} & \multicolumn{1}{c|}{{\bf{ size}}}\\ \hline {\bf{NG}}& 982,805 & \multicolumn{1}{r|}{4.97 MB} & {\bf{908,820}} & \multicolumn{1}{r|}{{\bf{3.64 MB}}} & 1,652,076 & \multicolumn{1}{r|}{6.61 MB}\\ {\bf{CLEF}} & {\bf{4,715}} & \multicolumn{1}{r|}{{\bf{18.86 KB}}} & {{5,220}} & \multicolumn{1}{r|}{{{20.89 KB}}} & 6,960 & \multicolumn{1}{r|}{27.84 KB }\\ {\bf{IPC}} & {\bf{306,628,256}} & \multicolumn{1}{r|}{\bf{1.23 GB}} & {{331,200,000}} & \multicolumn{1}{r|}{{{1.32 GB}}} & 620,170,344 & \multicolumn{1}{r|}{2.48 GB}\\ {\bf{DMOZ-SMALL}} & {\bf{74,582,625}} & \multicolumn{1}{r|}{\bf{0.30 GB}} & {{85,270,801}} & \multicolumn{1}{r|}{{{0.34 GB}}} & 121,815,771 & \multicolumn{1}{r|}{0.49 GB}\\ {\bf{DMOZ-2010}} & {\bf{ 4,035,382,592}} & \multicolumn{1}{r|}{\bf{16.14 GB}} & {{4,271,272,967}} & \multicolumn{1}{r|}{{{17.08 GB}}} & 6,571,189,180 & \multicolumn{1}{r|}{26.28 GB}\\ {\bf{DMOZ-2012}} & {\bf{3,453,646,353}} & \multicolumn{1}{r|}{{\bf{13.81 GB}}} & {{3,649,820,382}} & \multicolumn{1}{r|}{{{14.60 GB}}} & 4,866,427,176 & \multicolumn{1}{r|}{19.47 GB}\\ \hline \end{tabular} \end{table*} \subsection{{Classification Performance Comparison}} \textbf{Global FS} - Figures \ref{figaccuracyL1} and \ref{figaccuracyL2} shows the $\mu F_1$ and M$F_1$ comparison of LR models with $l_1$-norm and $l_2$-norm regularization combined with various feature selection methods discussed in Section \ref{filterFeatSelect} respectively. We can see that all feature selection method (except Kruskal-Wallis) show competitive performance results in comparison to the full set of features for all the datasets. Overall, Gini-Index feature selection method has slightly better performance over other methods. MRMR methods have a tendency to remove some of the important features as redundant based on the minimization objective obtained from data-sparse leaf categories which may not be optimal and negatively influences the performance. The Kruskal-Wallis method shows poor performance because of the statistical properties that is obtained from data-sparse nodes \cite{2008danger}. On comparing the $l_1$-norm and $l_2$-norm regularized models of best feature selection method (Gini-Index) with all features, we can see that $l_1$-norm models have more performance improvement (especially for M$F_1$ scores) for all datasets whereas for $l_2$-norm models performance is almost similar without any significant loss. This is because $l_1$-norm assigns higher weight to the important predictor variables which results in more performance gain. Since, feature selection based on Gini-Index gives the best performance, in the rest of the experiments we have used the Gini-Index as the baseline for comparison purpose. Also, we consider $l_1$-norm model only due to space constraint. \textbf{Adaptive FS} - Table \ref{table:AdaptiveFS} shows the LR + $l_1$-norm models performance comparison of adaptive and global approaches for feature selection with all features. We can see from the table that adaptive approach based feature selection gives the best performance for all the datasets (except $\mu F_1$ score of NG dataset which has very few categories). For evaluating the performance improvement of models we perform statistical significance test. Specifically, we perform sign-test for $\mu F_1$ \cite{yang1999re} and non-parametric wilcoxon rank test for $M F_1$. Results with 0.05 (0.1) significance level is denoted by $\blacktriangle$ ($\vartriangle$). Tests are between models obtained using feature selection methods and all set of features. We cannot perform test on DMOZ-2010 and DMOZ-2012 datasets because true predictions and class-wise performance score are not available from online web-portal. Statistical evaluation shows that although global approach is slightly better in comparison to full set of features they are not statistically significant. On contrary, adaptive approach is much better with an improvement of $\sim$2\% in $\mu F_1$ and M$F_1$ scores which are statistically significant. \subsection{{Memory Requirements}} Table \ref{table:paramsize} shows the information about memory requirements for various models with full set of features and best set of features that are selected using global and adaptive feature selection. Upto 45$\%$ reduction in memory size is observed for all datasets to store the learned models. This is a huge margin in terms of memory requirements considering the models for large-scale datasets (such as DMOZ-2010 and DMOZ-2012) are difficult to fit in memory. It should be noted that optimal set of features is different for global and adaptive methods for feature selection hence they have different memory requirements. Overall, adaptive FS is slightly better because it selects small set of features that are relevant for distinguishing data-sparse nodes present in CLEF, IPC and the DMOZ datasets. Also, we would like to point out that Table \ref{table:paramsize} represents the memory required to store the learned model parameters only. In practice, 2-4 times more memory is required for temporarily storing the gradient values of model paramaters that is obtained during the optimization process. \begin{table} \begin{centering} \caption{\textbf{Feature selection preprocessing time (in minutes)($\downarrow$)}} \label{table:preprocessing} \begin{tabular}{|l| @{\hskip 0.02in}c@{\hskip 0.02in}|@{\hskip 0.02in} c @{\hskip 0.02in}|@{\hskip 0.02in}c@{\hskip 0.02in} |@{\hskip 0.02in} c@{\hskip 0.02in}|} \hline \multirow{2}{*}{\bf{Dataset}} & \multicolumn{4}{c|}{\bf{Feature Selection Method}}\\ \cline{2-5} & \bf{Gini-Index} & \bf{MRMR-D} & \bf{MRMR-Q} & \bf{Kruskal-Wallis}\\ \hline \multirow{1}{*}{{\bf{NG}}} & {\bf{2.10}} & 5.33 & 5.35 & 5.42\\ \multirow{1}{*}{{\bf{CLEF}}} & {\bf{0.02}} & 0.46 & 0.54 & 0.70\\ \multirow{1}{*}{{\bf{IPC}}} & {\bf{15.24}} & 27.42 & 27.00 & 23.24\\ \multirow{1}{*}{{\bf{DMOZ-SMALL}}} & {\bf{23.65}} & 45.24 & 45.42 & 34.65\\ \multirow{1}{*}{{\bf{DMOZ-2010}}} & {\bf{614}} & 1524 & 1535 & 1314\\ \multirow{1}{*}{{\bf{DMOZ-2012}}} & {\bf{818}}& 1824 & 1848 & 1268\\ \hline \end{tabular} \par\end{centering} \end{table} \subsection{{Runtime Comparison}} \textbf{Preprocessing Time} - Table \ref{table:preprocessing} shows the preprocessing time needed to compute the feature importance using the different feature selection methods. The Gini-index method takes the least amount of time since it does not require the interactions between different features to rank the features. The MRMR methods are computationally expensive due to the large number of pairwise comparisons between all the features to identify the redundancy information. On other hand, the Kruskal-Wallis method has overhead associated with determining ranking of each features with different classes. \textbf{Model Training} - Table \ref{table:RuntimeL1Norm} shows the total training time needed for learning models. As expected, feature selection requires less training time due to the less number of features that needs to be considered during learning. For smaller datasets such as NG and CLEF improvement is not noticeable. However, for larger datasets with high-dimensionality such as IPC, DMOZ-2010 and DMOZ-2012 improvement is much higher (upto 3x order speed-up). For example, DMOZ-2010 dataset training time reduces from 6524 minutes to mere 2258 minutes. \textbf{Prediction Time} - For the dataset with largest number of test instances, DMOZ-2012 it takes 37 minutes to make predictions with feature selection as opposed to 48.24 minutes with all features using the TD HC approach. In Figure \ref{preComp} we show the training and prediction time comparison of large datasets (DMOZ-2010 and DMOZ-2012) between flat LR and the TD HC approach with (and without) feature selection. The flat method is comparatively more expensive than the TD approach ($\sim$6.5 times for training and $\sim$5 times for prediction). \begin{table} \begin{centering} \caption{\textbf{Total training time (in minutes)($\downarrow$)}} \label{table:RuntimeL1Norm} \begin{tabular}{|l| c| c | c|} \hline \multirow{2}{*}{\bf{Dataset}} & \multirow{2}{*}{\bf{Model}} & {\bf{Feature Selection}} & \multirow{2}{*}{\bf{All Features}}\\ && {\bf{(Gini-Index)}} & \\ \hline \multirow{2}{*}{{\bf{NG}}} & LR + $l_1$ & 0.75 & 0.94\\ & LR + $l_2$ & 0.44 & 0.69 \\ \multirow{2}{*}{{\bf{CLEF}}} & LR + $l_1$ & 0.50 & 0.74\\ & LR + $l_2$ & 0.10 & 0.28\\ \multirow{2}{*}{{\bf{IPC}}} & LR + $l_1$ & 24.38 & 74.10\\ & LR + $l_2$ & 20.92 & 68.58\\ \multirow{2}{*}{{\bf{DMOZ-SMALL}}} & LR + $l_1$ & 3.25 & 4.60\\ & LR + $l_2$ & 2.46 & 3.17\\ \multirow{2}{*}{{\bf{DMOZ-2010}}} & LR + $l_1$ & 2258 & 6524\\ & LR + $l_2$ & 2132 & 6418 \\ \multirow{2}{*}{{\bf{DMOZ-2012}}} & LR + $l_1$ & 8024 & 19374\\ & LR + $l_2$ & 7908 & 19193\\ \hline \end{tabular} \par\end{centering} \end{table} \begin{figure} \centering \includegraphics[width=0.5\linewidth,height=3.0cm]{trainflatFeatComparisonLarge.png}% \includegraphics[width=0.5\linewidth,height=3.0cm]{flatFeatComparisonLarge.png} \caption{\textbf{Training and prediction runtime comparison of LR + $l_1$-norm model (in minutes).}} \label{preComp} \end{figure} \begin{table} \begin{centering} \caption{\textbf{Performance comparison of LR + $l_1$-norm model with varying training size (\# instances) per class on NG dataset}} \label{table:PerformanveVaryingTrainSize} \begin{tabular}{|@{}c@{}|@{}c@{}| c c|c c|} \hline {\bf{Dataset}}& {\bf{Train size}} & \multicolumn{2}{c|}{\bf{Feature Selection}} & \multicolumn{2}{c|}{{\bf{All Features}}}\\ {\bf{Distribution}}& {\bf{(per class)}} & \multicolumn{2}{c|}{{\bf{(Gini-Index)}}} &{}&{}\\ \cline{3-6} & & {\bf{$\mu F_1$}} & {\bf{M$F_1$}} & {\bf{$\mu F_1$}} & {\bf{M$F_1$}}\\ \hline & \multirow{2}{*}{5} & {\bf{27.44}} $\blacktriangle$ & {\bf{26.45}} $\blacktriangle$ & 25.74 & 24.33\\ & & (0.4723) & (0.4415) & (0.5811) & (0.6868)\\ & \multirow{2}{*}{10} & {\bf{37.69}} $\vartriangle$ & {\bf{37.51}} $\blacktriangle$ & 36.59 & 35.86\\ {\bf{Low}}& & (0.2124) & (0.2772) & (0.5661) & (0.3471)\\ {\bf{Distribution}}& \multirow{2}{*}{15} & {\bf{43.14}} $\vartriangle$ & {\bf{43.80}} $\vartriangle$ & 42.49 & 42.99\\ & & (0.3274) & (0.3301) & (0.1517) & (0.7196)\\ & \multirow{2}{*}{25} & {\bf{52.12}} $\blacktriangle$ & {\bf{52.04}} $\blacktriangle$ & 50.33 & 50.56\\ & & (0.3962) & (0.3011) & (0.4486) & (0.5766)\\ \hline & \multirow{2}{*}{50} & {\bf{59.55}} & 59.46 & 59.52 & {\bf{59.59}}\\ & & (0.4649) & (0.1953) & (0.3391) & (0.1641)\\ & \multirow{2}{*}{100} & 66.53 & 66.42 & {\bf{66.69}} & {\bf{66.60}}\\ {\bf{High}} & & (0.0346) & (0.0566) & (0.7321) & (0.8412)\\ {\bf{Distribution}}& \multirow{2}{*}{200} & 70.60 & 70.53 & {\bf{70.83}} & {\bf{70.70}}\\ & & (0.6068) & (0.5164) & (0.7123) & (0.6330)\\ & \multirow{2}{*}{250}& 72.37 & 72.24 & {\bf{73.06}} $\vartriangle$ & {\bf{72.86}} \\ & & (0.4285) & (0.4293) & (0.4732) & (0.4898)\\ \hline \end{tabular} \par\end{centering} \begin{tablenotes} \small \item Table shows mean and (standard deviation) in bracket across five runs. $\blacktriangle$ (and $\vartriangle$) indicates that improvements are statistically significant with 0.05 (and 0.1) significance level. \end{tablenotes} \end{table} \subsection{{Additional Results}} {\textbf{Effect of Varying Training Size}} - Table \ref{table:PerformanveVaryingTrainSize} shows the classification performance on NG dataset with varying training dataset distribution. We have tested the models by varying the training size (instances) per class ($t_c$) between 5 and 250. Each experiment is repeated five times by randomly choosing $t_c$ instances per class. Moreover, adaptive method with Gini-Index feature selection is used for experiments. For evaluating the performance improvement of models we perform statistical significance test (sign-test for $\mu F_1$ and wilcoxon rank test for $M F_1$). Results with 0.05 (0.1) significance level is denoted by $\blacktriangle$ ($\vartriangle$). We can see from Table \ref{table:PerformanveVaryingTrainSize} that for low distribution datasets, the feature selection method performs well and shows improvements of upto 2$\%$ (statistically significant) over the baseline method. The reason behind this improvement is that with low data distribution, feature selection methods prevents the models from overfitting by selectively choosing the important features that helps in discriminating between the models of various classes. For datasets with high distribution, no significant performance gain is observed due to sufficient number of available training instances for learning models which prevents overfitting when using all the features. {\textbf{Levelwise Analysis}} - Figure \ref{LevelwiseCLEFfigure} shows the level-wise error analysis for CLEF, IPC and DMOZ-SMALL datasets with or without feature selection. We can see that at topmost level more error is committed compared to the lower level. This is because at higher levels each of the children nodes that needs to be discriminated is the combination of multiple leaf categories which cannot be modeled accurately using the linear classifiers. Another observation is that adaptive feature selection gives best results at all levels for all datasets which demonstrates its ability to extract relevant number of features at each internal node (that belongs to different levels) in the hierarchy. \begin{figure} \centering \includegraphics[width=0.33\linewidth,height=2.75cm]{levelwiseAnalysisCLEF.png}% \includegraphics[width=0.33\linewidth,height=2.75cm]{levelwiseAnalysisIPC.png}% \includegraphics[width=0.33\linewidth,height=2.75cm]{levelwiseAnalysisDMOZSMALL.png} \caption{\textbf{Level-wise error analysis of LR + $l_1$-norm model for CLEF, IPC and DMOZ-SMALL datasets.}} \label{LevelwiseCLEFfigure} \end{figure} \section{Conclusion and future work} In this paper we compared various feature selection methods for solving large-scale HC problem. Experimental evaluation shows that with feature selection we are able to achieve significant improvement in terms of runtime performance (training and prediction) without affecting the accuracy of learned classification models. We also showed that feature selection can be beneficial, especially for the larger datasets in terms of memory requirements. This paper presents the first study of various information theoretic feature selection methods for large-scale HC. In future, we plan to extend our work by learning more complex models at each of the decision nodes. Specifically, we plan to use multi-task learning methods where related tasks can be learned jointly to improve the performance on each task. Feature selection gives us the flexibility of learning complex models due to reduced dimensionality of the features, which otherwise have longer runtime and larger memory requirements. \section*{Acknowledgement} NSF Grant \#1252318 and \#1447489 to Huzefa Rangwala and Summer Research Fellowship from the office of provost, George Mason University to Azad Naik. \renewcommand{\bibfont}{\footnotesize} \bibliographystyle{./IEEEtranBST/IEEEtran}
477b71989fadc92ee27286e74d8808c1e9e5eb2c
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The chiral magnetic interaction discovered by Dzyaloshinskii \cite{Dzyaloshinskii:1958jpcs} and Moriya \cite{Moriya:1960pr} plays an important role in the formation of magnetic nanostructures lacking inversion symmetry. The broken symmetry brought on by the presence of interfaces \cite{Fert:1990msf} or a chirality in the bulk crystal structure \cite{Dzyaloshinskii:1964zetf-2, Moriya:1960pr} leads to a twisting of the magnetic order. Bogdanov first identified this Dzyaloshinskii-Moriya (DM) interaction's unusual ability to create stable cylindrical magnetic solitons, known as \emph{skyrmions} \cite{Bogdanov:1989jetp,Bogdanov:1994jmmm}, that could potentially form the basis for low-energy magnetic storage devices \cite{Kiselev:2011jpd,Sampaio:2013nn, Nagaosa:2013nn}. While a chiral interaction is a necessary ingredient to stabilize multi-dimensional solitons in magnetic materials \cite{Bogdanov:1989jetp,Bogdanov:1994jmmm} and other condensed matter systems \cite{Bogdanov:2000jetp, Leonov:2014pre, Ackerman:2014pre}, additional interactions are required to make the skyrmions thermodynamically stable. The importance of various contributions to their stability remains an active area of investigation in both bulk crystals\cite{Rossler:2006nat,Muhlbauer:2009sci,Pappas:2009prl,Wilhelm:2011prl} and in nanostructures. In the case of magnetic nanostructures, anisotropy \cite{Butenko:2010prb, Vousden:2016apl} and finite size effects \cite{Rybakov:2013prb, Rybakov:2015prl} are two key mechanisms that give the skyrmion phase its robustness over a large temperature and field range. The latter likely plays the dominant role in creating stable skyrmions in free-standing chiral magnetic nano-crystals \cite{Yu:2010nat, Yu:2011nm,Tonomura:2012nl,Du:2015nc2}. Studies of the thickness dependence of the magnetic structure in wedge-shaped specimens reveals the influence of confinement on the skyrmions' stability \cite{Yu:2015prb, Leonov:2016prl}. \begin{figure}[!h] \centering \includegraphics[width = \columnwidth]{fig1.eps} \caption{ (Color online) The phase diagram for a MnSi/Si(111) film with $\mathbf{H}\|[1\bar{1}0]$. The filled (unfilled) circles correspond to peaks in $dM/dH$ measured in decreasing (increasing) magnetic fields for a $d = 26.7$~nm sample. The blue squares are minima in $dM^2/dH^2$ for increasing magnetic fields \cite{Wilson:2012prb}. The PNR experiments were performed in successively decreasing magnetic fields at the $(H,T)$ points shown by the yellow stars (this study), and by the yellow triangles (Ref.~\onlinecite{Wilson:2013prb}). The cyan-colored area taken from Ref.~\onlinecite{Tomoyuki:2015jpsj} shows the region where a drop in the planar Hall effect signal is observed in a similar $d = 26$~nm sample measured in a decreasing field.} \label{fig:PD} \end{figure} Anisotropy is of importance for understanding the magnetic structure of chiral magnetic epilayers grown on Si(111) substrates, including MnSi \cite{Karhu:2010prb,Karhu:2011prb, Karhu:2012prb}, FeGe \cite{Huang:2012prl}, Fe$_x$Co$_{1-x}$Si \cite{Porter:2012prb, Sinha:2014prb} and MnGe \cite{Engelke:2012jpsp}. A hard-axis out-of-plane magnetocrystalline anisotropy exists in the case of MnSi/Si(111) \cite{Karhu:2012prb}. Although numerical simulations show that finite size effects can lead to stable skyrmion states for small enough values of the hard-axis anisotropy and film thickness \cite{Vousden:2016apl}, no evidence for skyrmions are found in magnetometry or electron transport measurements in MnSi/Si(111) for film thicknesses greater than 10~nm for out-of-plane fields \cite{Wilson:2014prb}. A muon-spin rotation study hints at possible additional magnetic phases \cite{Lancaster:2016prb}, and a combined Lorentz microscopy and Hall effect study claims to find evidence for in-plane helicoids and out-of-plane skyrmions\cite{Li:2013prl}. However, these microscopy results can be explained by structural artifacts \cite{Monchesky:2014prl} and the small anomalous Hall effect is explained by non-adiabatic spin transport in the conical phase without a topological contribution from a skyrmion phase \cite{Meynell:2014prb2}. Application of a magnetic field in the easy-plane of MnSi/Si(111) changes the situation. Even in the absence of finite size effects, micromagnetic calculations show that the magnetocrystalline anisotropy is capable of producing stable skyrmion lattices for a range of magnetic field strengths \cite{Wilson:2012prb}. SQUID magnetometry reveals a set of first-order magnetic phase transitions that are entirely absent in out-of-plane fields for thicknesses between 0.8 and 3.5 times the zero-field helical wavelength, $L_D = 13.9$~nm. In Ref.~\onlinecite{Wilson:2012prb}, we constructed the magnetic phase diagram for a $d = 1.9 L_D$ MnSi film in in-plane magnetic fields from the static susceptibility, $dM/dH$. First-order magnetic phase transitions were identified by peaks in the susceptibility. Such peaks are due to energy barriers that arise, for instance, in the transition between magnetic states with different topology. However, the interpretation of these transitions, reproduced in Fig.~\ref{fig:PD}, is controversial. At low temperatures, below approximately $T \simeq 12$~K, two peaks are found in the field dependence of $dM/dH$. PNR in concert with magnetometry measurements demonstrate that these peaks mark the discrete unwinding of the helicoid from a two-turn to a one-turn and finally to a twisted ferromagnetic state. Conversely, Ref.~\onlinecite{Tomoyuki:2015jpsj} claims to find indirect evidence for skyrmions from planar Hall effect (PHE) measurements in this same low temperature region of the phase diagram. However, the author's interpretation contradicts the earlier PNR measurements that provide a direct measure of the magnetic structure. Reference \onlinecite{Tomoyuki:2015jpsj} interprets a drop in the PHE resistivity at low $T$ and high $H$ observed in the cyan colored region in Fig.~\ref{fig:PD} as evidence of an in-plane skyrmion phase. We, however, claim the in-plane skyrmion phase is only observed in the red shaded region of Fig.~\ref{fig:PD}. In this region -- for temperatures $12 \lesssim T \lesssim 42 $~K -- three critical fields, denoted as $H_{\alpha 2}$, $H_{\alpha 1}$, and $H_{\beta}$, provide evidence for the appearance of a magnetic phase not observed at low temperature. This phase is purportedly a distinct class of skyrmions with their core magnetizations pointing in the plane of the film \cite{Wilson:2012prb}. To address the disagreement over the phase diagram, we report on a study of the magnetic structure of MnSi/Si(111) with a combination of polarized neutron reflectometry (PNR) and small angle neutron scattering (SANS). \section{Model} We modeled the magnetic states of MnSi thin films explored in the neutron scattering experiments with the Bak Jensen free energy density,\cite{Bak:1980jpc} $w$,% \begin{equation} w = A(\nabla \U{m})^2 + D \U{m} \cdot \nabla \times \U{m} - K (\U{m} \cdot \U{n})^2 - \mu_0 (\V{H} + \frac{1}{2} \V{H}_d) \cdot \V{M}, \label{eq:Bak} \end{equation} which we have used previously in Ref.~\onlinecite{Wilson:2012prb}. Here, $\U{m}$ is a unit vector along the direction of the magnetization $\V{M}(\V{r})$ and $H$ is the magnetic field. The competition between exchange and the DM interaction, parameterized by $A$ and $D$ respectively, sets the helical wavelength, $L_D = 4\pi A/D$. The model only includes a uniaxial magnetocrystalline anisotropy, $K$, due to epitaxial strain. In the case of MnSi, the Si substrate induces a compression of the (111) planes and results in $K < 0$. \cite{Karhu:2012prb} Solutions to Eq.~\ref{eq:Bak} for out-of-plane fields in the film limit give rise to simple 1-dimensional (1D) solutions, namely helical and conical states\cite{Wilson:2014prb}. The intrinsic transition field between the conical and saturated states is $\mu_0 H_D = D^2/(2AM_s)$, where $M_s$ is the saturation magnetization. In the case of a helical film, this is modified by the demagnetizing field, $\V{H}_d = - \V{M} \cdot \hat{\V{n}} $ and the effective field due to the uniaxial anisotropy, $\mu_0 H_u = 2 K /M_s$, to produce the out-of-plane saturation field\cite{Karhu:2012prb}: \begin{equation} H_{sat}^{\perp} = H_D - H_u + M_s. \label{eq:sat} \end{equation} For in-plane magnetic fields, the solutions to Eq.~(\ref{eq:Bak}) are more complex and lead to helicoids \cite{Wilson:2013prb} and skyrmions \cite{Wilson:2012prb}. These magnetic textures were explored by finite difference methods with a steepest-descent solver implemented in MuMax3 \cite{Vansteenkiste:2014a}. The magnetization was calculated on a 2D grid with 256 cells along the z-axis, and 4096 along the y-direction, with square or nearly square cell dimensions. Periodic boundary conditions are used along the in-plane $x$- and $y$-directions. The demagnetizing field is neglected in the calculation since it plays a minor role relative to the DM interaction \cite{Kiselev:2011jpd}. \section{Experiment} While Lorentz microscopy has been successfully used to study out-of-plane skyrmions \cite{Yu:2010nat, Yu:2011nm,Tonomura:2012nl}, the in-plane skyrmion lattices are generally not amenable to this technique, which is sensitive to the local magnetization averaged over the film thickness. For TEM measurements in a cross-sectional geometry, the Fresnel fringes generated by the film/substrate and film/cap interfaces wash out any magnetic contrast, unless the electron scattering potential of the chiral magnet is matched to the surrounding material, as was accomplished in Pt/FeGe/Pt nanostructures \cite{Du:2015nc2}. This is not the case for MnSi/Si interfaces where there is appreciable electron density differences, and neutron scattering is better suited to investigate the buried magnetic structures in this case. In this paper, we focus on MnSi films $L_D < d < 2 L_D$, where only one row of skrymions are theoretically expected to form in the middle of the film \cite{Wilson:2012prb}. MnSi films with thicknesses of either $d = 25.2$~nm or 26.7~nm were grown by molecular beam epitaxy on Si(111) substrates. The films were capped with 20 nm of amorphous Si to protect them from oxidation. The films' crystal structures were confirmed with X-ray diffraction and X-ray reflectometry to screen for any secondary phase. Details about the sample preparation and growth are given in Ref.~\onlinecite{Karhu:2012prb, Meynell:2014prb2}. We compare the two geometries used in the two neutron scattering experiments in Fig.~\ref{fig:neutron}. In the case of PNR, the specularly reflected beam is measured as a function of angle of incidence such that the scattering vector of the measured intensity is always perpendicular to the film surface. These experiments are only sensitive to the depth profile of the nuclear and the magnetic scattering length densities where in-plane variations are averaged out. The magnetic component of the non-spin flip reflectivities is determined by the component of the magnetization along the field direction, here taken to be the $x$-direction (Fig.~\ref{fig:neutron}(a)). In contrast to PNR, the incident neutron beam in the SANS experiment is along the film normal ($z$-direction), as illustrated Fig.~\ref{fig:neutron}(b), and the transmitted beam is measured with a 2D detector such that the measured intensity is from scattering vectors $\mathbf{Q}$ that lie in the plane of the film. This provides a measure of the in-plane variation of the magnetization while averaging over variations across the depth of the film. These complementary geometries enable us to probe the magnetic structure in all three dimensions. \begin{figure} \includegraphics[width=0.8\columnwidth]{fig2.eps} \caption{ (Color online) Experimental geometries used for a) polarized neutron reflectometry, and b) SANS. } \label{fig:neutron} \end{figure} \subsection{PNR} PNR measurements were conducted at the Canadian Nuclear Laboratories with 0.237~nm neutrons on the D3 reflectometer with an electromagnet and closed-cycle cryostat \cite{Fritzsche:2005rsi}. A spin polarization in excess of 95\% was produced by a CoFe/Si supermirror and a Mezei-type precession spin flipper. Previous measurements showed that the spin-flip signal is negligible due to the cancelling effects of the bi-chiral magnetic domains \cite{Karhu:2012prb}. Therefore we measured the spin-up, $R_+$ and spin-down, $R_-$ reflectivities without an analyzer in order to increase the signal-to-noise ratio. Simulations performed using SimulReflec software included a correction for the flipping ratio of the polarizer (see Ref.~\onlinecite{Meynell:2014prb1}). The magnetic field $\mu_0 H$ was applied along the in-plane MnSi$[1\bar{1}0]$ direction, denoted as the $x$ direction in Fig.~\ref{fig:neutron} (a). \begin{figure} \centering \includegraphics[width=\columnwidth]{fig3.eps} \caption{ (Color online) Magnetization (in black) and the static susceptibility $dM/dH$ is shown (in red) of MnSi films for magnetic fields $\mathbf{H}||[1\bar{1}0]$ at $T=25$~K measured by SQUID magnetometry. The unfilled circles are measurements in increasing applied field $H$, and the filled circles are in decreasing $H$. (a) $d=26.7$~nm thick MnSi layer, and (b) $d=25.4$~nm thick layer. The stars denote the field value of the neutron experiments presented in Figs.~\ref{fig:PNR} and \ref{fig:SANS}. } \label{fig:hys} \end{figure} The stars in Fig.~\ref{fig:PD} show the $(H,T)$ points in the phase diagram sampled by the PNR measurements. The magnetic state of the sample was prepared by cooling in a magnetic field $\mu_0 H = 0.8$~T from $T=100$~K to $T=25$~K, where a series of PNR measurements were performed in consecutively decreasing magnetic fields across the four regions of the magnetic phase diagram. At $T=25$~K, the first-order magnetic phase transitions occur at fields $\mu_0 H_{\alpha 2} = 0.60$~T, $\mu_0 H_{\alpha 1} = 0.38$~T, and $\mu_0 H_{\beta} = 0.22$~T. We chose fields in between these critical fields and avoided fields under the peaks in $dM/dH$ in Fig.~\ref{fig:hys} since first-order transitions are characterized by regions of mixed phases that would complicate the analysis. An accurate measurement of $H_D$ is more difficult in thin films, but needed for a comparison with theory. To estimate $H_D$ we analyzed $M$-$H$ loops measured by SQUID magnetometry. For in-plane fields, the surface twists that exist in the field induced ferromagnetic state never fully saturate and complicate the analysis. These surface twists largely disappear for out-of-plane magnetic fields, and the saturation field is given by Eq.~\ref{eq:sat}. While $H_D$ cannot be determined from the out-of-plane measurement alone, it is possible to obtain the sum of $H_D$ and $H_u$: from Fig.~\ref{fig:hys} we find $\mu_0(H_D - H_u) = 0.86$~T for the $d=26.7$~nm sample at $T=25$~K, (obtained from $\mu_0 H_{sat}^{\perp} = 1.03$~T and $M_s$ = 138 kA/m). To separate the DM interaction from the anisotropy, we note that the penetration depth of the surface twists, measured by PNR, is determined by $H_D$ and $L_D$ (see Eqs.~(9-11) in Ref.~\onlinecite{Meynell:2014prb1}). We therefore treat $H_D$ as a fitting parameter in the analysis of the high-field PNR data below. \begin{figure} \centering \includegraphics[width=\columnwidth]{fig4.eps} \caption{ (Color online) PNR of a $d=26.7$~nm MnSi film for magnetic fields $\mathbf{H}||[1\bar{1}0]$ at $T=25$~K. (a) Polarized reflectivities at $\mu_0 H = 0.7$~T in the twisted magnetic state and the corresponding spin asymmetry in (b). The points with $\pm \sigma$ error bars in (b) - (e) show the spin asymmetry in fields $\mu_0 H = 0.7, 0.5, 0.3$ and 0.08~T as indicated, and the solid and dashed lines show simulations from various models as described in the text. The insets show the magnetization depth profile used in each of the models. The error bars are $\pm 1 \sigma$. } \label{fig:PNR} \end{figure} In Fig.~\ref{fig:PNR}(a) we show the reflectivity measurements, $R_{+}$ and $R_{-}$, in this case in a field of $\mu_0 H = 0.7$~T, together with the numerical calculations shown by the solid, dashed or dotted lines. The corresponding depth profile of the $x$-component of the magnetic moment $m$ is shown in the right-hand panel of Fig.~\ref{fig:PNR}(b). The simulations include the nuclear scattering length densities obtained from combined x-ray reflectometry and PNR measurements \cite{Karhu:2012prb}. To make the comparison with model calculations more clear, the $\mu_0 H = 0.7$~T data are presented in terms of the spin asymmetry, $\alpha = (R_{+} - R_{-})/ (R_{+} + R_{-})$, in the left-hand panel of Fig.~\ref{fig:PNR}(b). For the three remaining field values, the model calculations fit $\alpha$, $R_{+}$ and $R_{-}$ equally well and therefore only $\alpha$ is shown. Similar to measurements at $T=5$~K,\cite{Wilson:2013prb} we find that the magnetic structure is in a twisted ferromagnetic state in fields above $H_{\alpha 2}$. By using the experimentally determined values $L_D$ and $M_s$ as input parameters, we calculated the magnetic structure using the discrete helicoidal model of Ref.~\onlinecite{Wilson:2013prb} with $H_D$ as the sole fitting parameter. A fit to $\alpha$ in Fig.~\ref{fig:PNR}(b) yields $\mu_0 H_D = 1.06 \pm 0.26$~T. The absence of evidence of skyrmions in out-of-plane magnetic fields constrains $H_u < 0$, which leads to a best estimate for $\mu_0 H_D$ of approximately 0.85~T. The estimate for $\mu_0 H_D =0.85~T$ is supported by the lower field data as higher values for $H_D$ lead to worse fits for those fields. The set of measurements in Fig.~\ref{fig:PNR}(c) for $\mu_0 H = 0.5$~T represents the region in the phase diagram between $H_{\alpha 2}$ and $H_{\alpha 1}$. Unlike the measurements at $T=5K$ for the same field range\cite{Wilson:2013prb}, the dashed blue curve calculated from the measured values for $L_{D}$, $M_s$, $K = -0.46$ kJ/m$^3$ and $\mu_0 H_D = 0.85$~T shows that the scattering from a helicoidal state is qualitatively different from the measured asymmetry. The micromagnetic calculations for this field and set of parameters, shown in Fig.~\ref{fig:mumax}(a), indicates that a skyrmion grating is more energetically favourable than the helicoids. The corresponding neutron spin-asymmetry shown by the solid red curve in Fig.~\ref{fig:PNR}(c) quantitatively reproduces the features in the PNR. The right-hand panel shows that the difference in the spin-asymmetries for skyrmions and helicoids arises from the difference in the average magnetization in the center of the film. Since this quantity is a function of the skyrmion density, we have treated $L_{Dy}$ as a fitting parameter in Fig.~\ref{fig:PNR}(c). A series of skyrmion gratings with varying density were calculated with corresponding spin asymmetries, $\alpha(q_z)$. A fit to the $\mu_0 H = 0.5$~T data in Fig.~\ref{fig:PNR}(c) gave a value $L_{Dy} = 22$~nm $\pm 7$~nm, as compared to the expected equilibrium value $L_{Dy} = 21$~nm assuming that the DM interaction is isotropic. This estimate is consistent with the more direct measure of the spacing obtained in the SANS experiments described in the next section. \begin{figure} \includegraphics[width=1.0\columnwidth]{fig5.eps} \caption{ (Color online) The calculation of the magnetization $\V{M}$ in the $y-z$ plane of a 26.4 nm thick MnSi films, where the color-plot corresponds to $M_x$. (a) Skyrmion grating for a field of $\mu_0 H = 0.5$~T. (b) Half of a metastable helicoidal structure at a field of $\mu_0 H = 0.3$~T, formed from a skyrmion when the applied field is dropped below the skyrmion elliptic instability. } \label{fig:mumax} \end{figure} The PNR data in Fig.~\ref{fig:PNR}(d) was collected after the field was reduced to $\mu_0 H = 0.3$~T -- the region between $H_{\alpha 1}$ and $H_{\beta}$. As the field is lowered below $H_{\alpha 1}$, the peak in the susceptibility suggests a change in the topology. For this field range in the simulation, the skyrmions are below the strip-out field where they undergo an elliptic instability and elongate into helicoids, as discussed in Ref.~\onlinecite{Bogdanov:1994pss}. However, the spin asymmetry scattering expected from a 1D helicoidal modulation, represented by the blue dashed line, does not agree with the measured asymmetry. In a real sample, interfacial twists at the chiral grain boundaries repel skyrmions and restrict their elliptic distortion below the strip-out field. The energy barriers associated the film interfaces and grain boundaries lead to metastable structures consisting of a helicoid-like structures with half-skyrmions at either end. An example of one end of such a structure is shown in Fig.~\ref{fig:mumax}(b). These structures have been observed in Fe$_x$Co$_{1-x}$Si crystals\cite{Yu:2010nat, Milde:2013sci}. The calculation initially places a single skyrmion straddling across the periodic boundaries, and the relaxation of the magnetic structure causes the skyrmion to elongate along the $y$-direction and fill the entire width of the simulation. The number of cells in the simulation along the $y$-direction is varied in order to alter the relative amount of skyrmion and helicoid character in the magnetization depth profile. The red curve in Fig.~\ref{fig:PNR}(d) is for a 20.5~nm wide simulation and corresponds to a single skyrmion. The best fit to the PNR data is given for a $44\pm17$~nm wide structure, shown by the dotted green curve in Fig.~\ref{fig:PNR}(d). Finally, Fig.~\ref{fig:PNR}(e) shows that below a field $H_{\beta}$, a pure helicoidal state is recovered. In the low field regime, the calculated ground state helicoid yields a different spin asymmetry than the data. The presence of bi-chiral domains creates frustration at the grain boundaries that is responsible for the reported glassy behavior \cite{Karhu:2010prb}. This frustration causes disorder in the phase of the helices in each grain. The resulting rotation of the net magnetization of the grains away from the applied field produces the reduction in the average moment observed in the data. We fit the phase, amplitude and wavelength of the helical spin-density wave in Fig.~\ref{fig:PNR}(e). The right-hand panel shows the fitted magnetic structure. \subsection{SANS} The SANS measurements were performed at the NIST Center for Neutron Research (NCNR) on the NG7 beam line with a neutron wavelength of $0.500 \pm 0.012$~nm. The sample was mounted in a cryostat with Si windows to minimize the background signal. The sample-detector distance was set to $4.5$~m to provide a $Q$-range of 0.08 to 0.75 nm$^{-1}$. A circular beam-stop blocked neutrons with scattering vectors $|Q| < 0.063$~nm$^{-1}$. Eight Si-capped MnSi/Si(111) samples with a $d = 25.2$~nm film thickness were stacked one on top of another with their film normal aligned along the incident neutron beam. The geometry for the SANS experiment is shown in Fig.~\ref{fig:neutron}(b), where the incident neutrons propagate along the $-z$ direction. The four spin-dependent neutron cross-sections can be expressed as\cite{Maleyev:1963spss,Blume:1963} \begin{eqnarray} I^{\pm \pm} &=& |F_N(\mathbf{Q}) \pm F_{M,x}(\mathbf{Q})|^2S(\mathbf{Q}), \label{eq:I1} \\ I^{\mp \pm} &=& |F_{M,z}(\mathbf{Q}) \mp F_{M,y}(\mathbf{Q})|^2S(\mathbf{Q}), \label{eq:I2} \end{eqnarray} with two superscripts for the intensities to denote the polarization of the out-going and in-coming neutrons relative to the quantization axis set by the field direction (along the $x$-axis). $F_N(\mathbf{Q})$ is the nuclear form factor, $F_{M,i}$ are the components ($i=x,y,z$) of the magnetic form factor for a single skyrmion in the film, and $S(\mathbf{Q})$ is the structure factor. Only the component of the magnetization perpendicular to the scattering vector $\mathbf{Q}$ contributes to the scattering cross-section: $\mathbf{M}_\perp = \mathbf{M}-(\mathbf{M}\cdot\mathbf{\hat{Q}})\mathbf{\hat{Q}}$ where $\mathbf{\hat{Q}}$ is a unit vector along $\mathbf{Q}$. Hence the magnetic form factor is a function of this Halpern-Johnson vector, $\mathbf{M}_\perp$, \begin{equation} \mathbf{F_{M}} = \int \mathbf{M}_{\perp}(\mathbf{r}) e^{i\mathbf{Q} \cdot \mathbf{r}} d\mathbf{r}. \label{eq:FM} \end{equation} In the SANS experiment, $Q_z$ is nearly zero and so $\mathbf{F_{M}}$ averages $\mathbf{M}_\perp(\mathbf{r})$ across the film thickness. \begin{figure} \includegraphics[width=1.0\columnwidth]{fig6.eps} \caption{ (Color online) An isolated skyrmion taken from a micromagnetic calculation of a disordered arrangement of in-plane skyrmions in a field $H=0.53 H_D$. The top-left figures shows the spin arrangement in the center of the film. The colour scale encodes the $x$-component of the magnetization. The simulation was used to calculate the $x$, $y$, and $z$-components of the Fourier transform of the Halpern-Johnson vector $\mathbf{F}_M(\mathbf{Q})$, shown in the remained 3 panels. } \label{fig:HJ} \end{figure} Due to the small volume in the thin film sample, we used unpolarized neutrons to avoid intensity loss from a polarizer and analyzer. Therefore to extract the magnetic contrast, we performed a differential measurement at $T=30$~K by subtracting a set of SANS intensities measured at $\mu_0 H = 2.0$~T, well above the saturation field, from a set of diffraction patterns measured at $\mu_0 H = 0.45$~T, in the middle of the skyrmion phase. Data were collected for a total of 21 hours at each field. The $\mu_0 H = 0.45$~T were recorded after dropping the field from 2.0~T. The differential intensity, $\Delta I = I(H) - I(H_{sat})$, is proportional to the magnitude of the magnetic form factor, \begin{equation} \Delta I(\mathbf{Q}) = 2 |\mathbf{F_{M}}(\mathbf{Q})|^2 S(\mathbf{Q}), \label{eq:DI} \end{equation} calculated from Eqs.~(\ref{eq:I1} - \ref{eq:I2}). We find evidence for an in-plane modulation of the magnetization along the $y$-direction by averaging $\Delta I(\mathbf{Q})$, along $\mathbf{Q}_x$ between $-0.5$ and $+0.5$~nm$^{-1}$, corresponding to $\left<\Delta I(Q_y)\right>$ in Fig.~\ref{fig:SANS}(a): a weak feature is visible at approximately $Q_y =0.3$~nm$^{-1}$, corresponding to a mean skyrmion spacing $2\pi/0.3$~nm$^{-1} = 21$~nm, as expected from fits to the PNR data. However, this feature is very broad and indicates a large amount of disorder in the skyrmion array. As expected, the feature is absent when $\Delta I(\mathbf{Q})$ is averaged along $\mathbf{Q}_y$, as shown by $\left<\Delta I(Q_x)\right>$ in Fig.~\ref{fig:SANS}(b) since the field tends to align the skyrmions along the field. In addition to the scattering from the skyrmions, there is a relatively large upturn in both $\left<\Delta I(Q_x)\right>$ and $\left<\Delta I(Q_y)\right>$, at low-$Q$. We argue below that this is due to Porod scattering. The Porod contribution can be removed by taking the difference between $\left<\Delta I(Q_y)\right>$ and $\left<\Delta I(Q_y)\right>$, leaving the signal from the skyrmions shown in the inset in Fig.~\ref{fig:SANS}(a). \begin{figure} \includegraphics[width=1.0\columnwidth]{fig7.eps} \caption{ (Color online) SANS measurements of the differential scattering intensity, $\left<\Delta I\right>$, integrated over $Q_x$ in (a) and over $Q_y$ in (b). The error bars are $\pm 1 \sigma$. The dashed line in (a) is $\left<\Delta I(Q_y)\right>$ for the magnetic form factor obtained from micromagnetic calculations for a single skyrmion shown in Fig.~\ref{fig:HJ}. The dash-dotted line is the contribution from Porod scattering. The blue solid line is the best fit to the data with Eq.~\ref{eq:DI}, with $L_{Dy} = 21$~nm and $\sigma_L = 5.6$~nm. Inset (a) plots the difference between $\left<\Delta I\right>$ in Figs. (a) and (b). Inset (b) shows the calculated differential SANS pattern $\Delta I (\mathbf{Q})$ corresponding to the blue curves in (a) and (b). } \label{fig:SANS} \end{figure} To fit the SANS data, we performed 3D micromagnetic calculations with MuMax3. The simulation volume was divided into 256 $\times$ 128 $\times$ 64 cubic cells along the $x$-, $y$- and $z$-directions respectively. We used $\mu_0 H_D = 0.78$~T, $K = -3.8$~kJ/m$^3$ and $M_s = 127$~kA/m in the simulations, estimated from magnetometry measurements, and PNR measurements on similar samples. To simulate the 25.2~nm thick film we implemented periodic boundary conditions in $x$ and $y$, and free boundaries in $z$. We created a disordered ensemble of skyrmions by relaxing the spin arrangements from a random arrangement. Although we cannot discern the detailed nature of the disorder from the experimental data, we choose to fit the data by constructing a simple model from the form factor for a single skyrmion. Figure~\ref{fig:HJ} shows the spin distribution in the center of the film of one of the skyrmions from the simulation. It shows a conventional skyrmion tube truncated at each end by chiral Block points, similar to the chiral bobbers predicted by Rybakov \cite{Rybakov:2015prl}. These short-length in-plane skyrmions are not stable in isolation, but are frozen in by the disorder. Small asymmetries in the spin distribution caused by neighbouring skyrmions were removed for clarity, although this makes no difference to the calculation of $\left<\Delta I(Q_x)\right>$ and $\left<\Delta I(Q_y)\right>$. The skrymion form factor calculated from the micromagnetic calculation is also shown in Fig.~\ref{fig:HJ}. The symmetry of the z-component of the skyrmion $M_z(x,y,z) = -M_z(x,-y,z)$ produces a nodal line along $Q_y = 0$ in the $z$-component of $\mathbf{F}_M$. The figure also shows that the other two components of $\mathbf{F}_M$ have nodal lines along $Q_y = 0$ due to the nature of the Halpern-Johnson vector: \begin{align} F_{M_x} &= \tilde{M}_x(\mathbf{Q})\hat{Q}_y^2,\\ F_{M_y} &= -\tilde{M}_x(\mathbf{Q})\hat{Q}_x\hat{Q}_y, \end{align} where $\tilde{M_x}(\mathbf{Q})$ is the Fourier transform of the $x$-component of the magnetization (the $y$-component, $\tilde{M_y}(\mathbf{Q})$, integrates to zero across the thickness of the film). This results in the drop in $\left<\Delta I(Q_y)\right>$ of the form factor at low-$Q$, represented by the dashed grey line in Fig.~\ref{fig:SANS}(a). The drop in the form factor at $Q=0$ implies that the low-$Q$ upturn is not due to skyrmions and must be due to longer length scale features. The chiral grain boundaries set a second length scale for the problem that is of the order of several hundred nanometers \cite{Karhu:2011prb}. Although the differential SANS measurement removes the nuclear contribution from the signal, the grain boundaries imprint their structure on the magnetic texture. The skyrmion lattice phase possesses a net magnetization, as evidenced by PNR, and variations in the direction of the net magnetization of each grain arise in the sample due to the frustration at the grain boundaries\cite{Karhu:2010prb}. These would be expected to contribute to Porod scattering. We account for this scattering by including a $Q^{-4}$ term in the model shown by the dash-dotted grey line in Fig.~\ref{fig:SANS}(a) and (b). Note that the influence of the beam stop is also included in the fit and accounts for the downturn in intensity below $Q=0.063$~nm$^{-1}$. The disorder in the skrymion lattice was simulated with a structure factor for a 1D paracrystalline material. Under the assumption that the probability distribution function for the spacing $L_{Dy}$ between neighbouring skyrmions is Gaussian with standard deviation $\sigma_L$, the structure factor takes the following form\cite{Lindenmeyer:1963jap}: \begin{equation} S(\mathbf{Q}) = \frac{1 - e^{-Q^2 \sigma_L^2}} {(1+ e^{-Q^2 \sigma_L^2}) - 2e^{-Q^2 \sigma_L^2/2}\cos(QL_{Dy})}. \label{eq:SQ} \end{equation} The best fit to the integrated differential intensities $\left<\Delta I(Q_y)\right>$ and $\left<\Delta I(Q_x)\right>$ is shown by the blue solid line in Fig.~\ref{fig:SANS} (a) and (b). The calculated SANS pattern corresponding to the fit is shown in the inset (b). The fit gives a mean skyrmion separation $L_{Dy} = 21$~nm and standard deviation $\sigma_L = 5.6$~nm. This is in reasonable agreement with the calculated value for the ideal ordered array of skyrmions ($L_{Dy} = 24.7$~nm for $H=0.53 H_D$, and $d = 25.2$~nm). The differential intensity integrated along $Q_y$, $\left<\Delta I(Q_x)\right>$ is somewhat sensitive to the correlation length of the skyrmions along the direction of the field (see Fig.~\ref{fig:SANS} (b)). The $\left<\Delta I(Q_x)\right>$ data shows intensity above the Porod scattering term near $Q=0.2$~nm$^{-1}$. The fit shown in blue corresponds to an average skyrmion length of $L_{x} =14$~nm. Although we have chosen the skrymion shown in Fig.~\ref{fig:HJ} in order to be able to fit the skrymion spacing and length, the actual distribution of skyrmions is likely more continuous than implied by the figure since the truncation of the skyrmion tubes introduces additional regions of ferromagnetic order between the skyrmions that increases the overall magnetization of the chiral grain. Assuming that the disorder in the SANS and PNR samples are the same, our PNR measurements would rule out a spin distribution with a significant fraction of short skrymions. A collection of meandering skyrmion tubes would also further broaden the modeled peak at $Q_y \approx 0.3$~nm$^{-1}$. Therefore the value of $L_{x}$ is likely a representation of the correlation length of meandering skyrmions tubes rather than the average length of the tubes. We conclude from the SANS data that there is a large degree of disorder in the skyrmion lattice. Both PNR and SANS give estimates for the mean skyrmion spacing that are within error of one another. \section{Discussion} The PNR and SANS experiments provide direct measures of the magnetic periodicities in our $25 - 27$~nm thick MnSi films that give further insights into the disputed magnetic phase diagram of MnSi thin films. In the following, we place this new evidence in the context of previously published results. We focus the discussion to the portion of the phase diagram corresponding to the decreasing magnetic field branch of the hysteresis loop, along which the PNR and SANS data were collected. PNR measurements show that these MnSi films are in a ferromagnetic state with surface twists at $\mu_0 H = 0.7$~T, both at $T = 5$~K (Ref.~\onlinecite{Wilson:2013prb}) and $T=25$~K (Fig.~\ref{fig:PNR}(b)) . A comparison of Figs.~\ref{fig:PNR}(b) and (c) demonstrates that PNR can clearly distinguish between a ferromagnetic state and a skyrmionic state. There are few skyrmions below $T = 10$~K, if any, in the decreasing magnetic field branch: the data indicate for this range of parameters the skyrmions cover approximately $5\% \pm 15\%$ of the film. The PHE signal for these films at $T = 5$~K (see Fig.~\ref{fig:PD}) does not appear to be due to skyrmions as claimed in Ref.~\onlinecite{Tomoyuki:2015jpsj}, and it is therefore important to consider other possible sources, such as scattering from the frustrated magnetic structures at the chiral domain walls. The question of why skyrmions are absent from the low temperature region of the phase diagram despite the predictions of micromagnetic calculations is explained by the kinetics of the problem. As the temperature drops, increases in the magnetocrystalline anisotropy raises the skyrmion nucleation energy. It is likely that the diminishing thermal fluctuations become too small to nucleate skyrmions, and helicoids remain as metastable objects at intermediate fields. There is further disagreement between Refs.~\onlinecite{Wilson:2013prb} and \onlinecite{Tomoyuki:2015jpsj} about the winding of the helicoid at low temperatures. At $T = 5$~K, PNR provides proves that the system transitions from a twisted ferromagnetic to a set of discrete helicoidal states as the field is lowered. This is supported by magnetometry, magnetoresistance and theoretical calculations: Analytical solutions to a finite-size 1D Dzyaloshinskii model explain the thickness dependence of the transition fields and variations in the sign of the low-field magnetoresistance \cite{Wilson:2013prb}. The model shows that for a film thickness $d < L_D$, the system has no peaks in the field dependence of $dM/dH$, and it transitions continuously from a twisted ferromagnet to a partial helix as the $H$ is lowered. For $L_D \lesssim d \lesssim 2_D$, the system transitions discontinuously from a twisted ferromagnetic to a 1-turn helicoid at a field $H_{h1}$ with a corresponding peak in $dM/dH$. For $L_D \lesssim d \lesssim 2L_D$, there is an additional transition from a 1-turn state to a 2-turn state at $H_{h2}$. Similarly, for $2L_D \lesssim d \lesssim 3L_D$ the is a third transition from a 2-turn state to a 3-turn state at $H_{h3}$. The authors of Ref.~\onlinecite{Tomoyuki:2015jpsj} argue against the presence of discrete helicoids based on the claim that doubling the thickness from 25 nm to 50 nm doesn't increase the number of helicoidal states, as observed by the number of peaks in $dM/dH$. This, however, is incorrect. The helicoidal unwinding is inherently non-linear, and the critical fields must be calculated from the Dzyaloshinskii model and compared to the broadening of the transitions due to sample defects, heterogeneity, and grain boundaries. As the thickness increases, the switching fields all converge upon $H = (\pi^2/16) H_D = 0.617 H_D$ -- the transition field to a ferromagnetic state observed in bulk uniaxial helical magnets. At a thickness of 3.6 $L_D$, corresponding to the 50 nm thick film in Ref.~\onlinecite{Tomoyuki:2015jpsj}, the 1D model predicts that the magnetic structure transitions from a twisted ferromagnet to the 3.5 turn helical ground state via the nucleation of helicoid turns at fields $H_{h1} = 0.617 H_D$, $H_{h2} = 0.597 H_D$ and $H_{h3} = 0.439 H_D$. But in practice $H_{h1}$ and $H_{h2}$ cannot be distinguished in a 50 nm film because the width of the peaks in $dM/dH$ (of the order of 0.08~T in Fig.~\ref{fig:hys}) is much larger than $H_{h1}-H_{h2}$. We mention in passing that discrete states have also been observed in micron sized CrNb$_3$S$_6$ crytals \cite{Togawa:2015prb}, but are reported to be absent from FeGe/Si(111) for reasons that are not clear \cite{Kanazawa:2016prb}. As the temperature is raised, the MnSi films depart from the simple discrete helicoid picture. The change in the $dM/dH$ data with the appearance of an additional peak heralds a significant change to the magnetic structure for $T \gtrsim 12$~K \cite{Wilson:2012prb}. The pair of large peaks at $H_{\alpha1}$ and $H_{\alpha2}$ in $dM/dH$ observed in Fig.~\ref{fig:hys} demarcate the boundaries of the new magnetic phase shown in Fig.~\ref{fig:PD}, which is the main subject of this paper. The same $dM/dH$ features are observed by Tomoyuki \emph{et al.} (see Fig. 4(e) of Ref.~\onlinecite{Tomoyuki:2015jpsj}), although the authors were dismissive of the ``tiny anomalies in $M$". We point out that while the changes in $M$ are subtle, the peaks in the susceptibilities at $H_{\alpha1}$ and $H_{\alpha2}$ are not: The peaks in $dM/dH$ in Fig.~\ref{fig:hys} are about a factor of 2 times higher than $dM/dH$ in the neighboring phases, and very similar in magnitude to bulk MnSi in the middle of the A-phase (compare Fig.~\ref{fig:hys} with Fig.3(c) in Ref.~\onlinecite{Bauer:2012prb}). In this paper we have used neutrons to probe the magnetic structure of the phase shown in red in Fig.~\ref{fig:PD} in all three dimensions. The PNR measurements presented in Fig.~\ref{fig:PNR}(c) show that the magnetic texture continues to be highly ordered across the depth of the film, and that there are solitons localized in the center of the film that are distinct from the 1D helicoidal modulations at low temperatures. The numerical calculations of the skyrmion phase give a good match to the thickness dependence of $M$ and by fitting the simulations to Fig.~\ref{fig:PNR}(c), we find that the reduction in the average magnetization in the center of the film corresponds to an in-plane skyrmion spacing of $L_{Dy} = 22$~nm $\pm 7$~nm. The complementary SANS results confirm that the solitons in the middle of the film are multi-dimensional: the skyrmions have an average spacing of $21$~nm $\pm 6$~nm, in agreement with the estimate from PNR. While the in-plane value for $L_{Dy}$ is consistent with numerical calculations of a skyrmion phase, the diffraction shows that it is highly-disordered in the plane. The combination of frustration at the irregularly shaped chiral domain boundaries and thermal fluctuations are likely factors that contribute to the destruction of long range order in-plane. Repulsion between the skyrmions and the surface twists provide a confining potential \cite{Nagaosa:2013nn, Meynell:2014prb1} that drives them to the middle of the film and leads to the creation of a 2D skyrmion glass. It is not clear why there is no PHE in this region of the phase diagram. However, the effect, which depends on both band structure and anisotropic electron scattering, is not fully understood. In the case of MnSi there are large variations in the size and sign of the PHE depending on the direction of the magnetic field and the skrymion signal nearly vanishes for $\mathbf{H} \| [111]$ \cite{Tomoyuki:2015jpsj}. A more in-depth understanding of the electron scattering in MnSi in all the magnetic textures is needed to properly interpret the electron-transport measurements. \\ \section{Conclusion} Neutron scattering experiments presented in this paper provide valuable information about the magnetic structure of MnSi thin films to resolve two opposing interpretations of previous transport and magnetometry measurements. The neutron experiments confirm the interpretation of the MnSi phase diagram shown in Fig.~\ref{fig:PD} and prove the existence of multidimensional solitons in the center of the MnSi films for in-plane magnetic fields. The SANS data reveal that the skyrmion phase possesses a large degree of disorder, possibly due to the chiral grain boundaries. This work, together with previous transport measurements \cite{Meynell:2014prb2, Tomoyuki:2015jpsj} will hopefully motivate further theoretical work to understand the Hall effect and the planar Hall effect in B20 thin films. \section{Acknowledgments} We would like to thank Alex Bogdanov and Andrey Leonov for many helpful discussions. We would also like to thank Filipp Rybakov for providing preliminary calculations. T.L.M., M.N.W. and S.A.M. acknowledge support from NSERC. This research was enabled in part by support provided by WestGrid (www.westgrid.ca) and Compute Canada (www.computecanada.ca)
6043529eb324e2aa7a1d1f15f313e47e2588f2f2
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Many astrophysical systems are found in states out of thermal equilibrium. This is not surprising especially when gravity is the dominant interaction, given the overwhelmingly large relaxation times\footnote{Strictly speaking, ``true'' thermodynamic equilibrium is impossible in isolated and finite self-gravitating systems in three dimensions, due to the non-confining nature of the potential; in this case the relaxation time denotes the time needed to effectively erase the memory of the initial condition. However, in the following we shall be mainly concerned with systems that are effectively two-dimensional, where the gravitational potential becomes confining and a thermal equilibrium state is possible.} that grow with the number of constituents of a self-gravitating system (see e.g.\ \citealt{2008gady.book.....B}). Recent observations, especially those obtained in submillimetre band by the {\em Herschel Space Observatory}, revealed that filaments in molecular clouds are not an exception to this rule, i.e., exhibit density profiles that are not consistent with thermal equilibrium (\citealt{2011A&A...529L...6A}; see also the discussion in \citealt{2015MNRAS.446.2110T}). Filaments are elongated structures present in galactic molecular clouds with densities ranging from $10^4$ to $10^6$ particles per ${\rm cm^3}$ that extend for tens of parsecs in length and that typically host star forming cores (see e.g.\ \citealt{2011EAS....51..133K,2015ApJ...806..226M}). Molecular filaments are expected to be short-lived ($\approx 10^7$ yr) and, at least in their initial stages, gravitationally supported structures (\citealt{2014ApJ...791..124G}, see also \citealt{2004ApJ...616..288B}) embedded in galactic magnetic fields (\citealt{1996ApJ...472..673G,2012ARA&A..50...29C,2013MNRAS.436.3707L,2015MNRAS.446.2118T}, and references therein). Another intriguing feature of the non-thermal states of filaments is that the radial density $\rho(r)$ and kinetic temperature $T(r)$ profiles are often anticorrelated, i.e., the kinetic temperature of the gas is higher at larger radii where the density is smaller; this emerges indirectly, from the fact that density profiles are well fitted by polytropic solutions yielding $T$ versus $\rho$ power laws with negative exponents (\citealt{2015MNRAS.446.2110T}), and also from some direct observations of velocity dispersion (\citealt{0004-637X-504-1-223,2010ApJ...712L.116P}). This feature, dubbed ``temperature inversion'', is often found also in astrophysical plasmas encompassing a broad range of sizes and temperatures, from, for example, cool cores of galaxy clusters (\citealt{0004-637X-601-1-184}) to the hot ($5\times 10^6$ K) plasma torus surrounding Jupiter's moon Io (\citealt{1993JGR....9821163M,MeyerVernet1995202,2004jpsm.book..537S}). Stellar coronae also show temperature profiles increasing with radius (from $10^3$ K at the photosphere up to $10^6$ K for our Sun) where instead the density rapidly falls off with radius (see e.g.\ \citealt{2005psci.book.....A,GolubPasachoff:book}, and references therein). Observations have been reported of elliptical galaxies where the velocity dispersion increases with the distance from the nucleus \citep{LoubserEtAl:mnras2008,2017arXiv170800870V}. Transient anticorrelated density and temperature profiles have been observed also in one-dimensional self-gravitating systems \citep{W:thesis}. Typical non-thermal features that might bear a relation with temperature inversion are core--halo structures, that are ubiquitous in long-range-interacting systems \citep{LevinEtAlphysrep:2014}, having been observed in charged particle beams \citep{2014ApPhL.104g4109N,2001picp.book.....D,2008PhRvS..11h2801H}, in one-dimensional toy models of gravity \citep{1969MNRAS.146..161C,2011MNRAS.417L..21T,2013MNRAS.431...49S}, and in two- and three-dimensional models of self-gravitating systems \citep{2015MNRAS.451..622R,1988SvA....32..374D,1999ApJ...518..233D}. Recently it has been suggested that non-thermal states with temperature inversion may be typical of any long-range-interacting many-body system (\citealt{2014EPJB...87...91C,2015PhRvE..92b0101T,2016PhRvE..93f6102T}), being long-time quasi-stationary states of the dynamics arising after a violent relaxation process, and that could be observed also in condensed matter systems (\citealt{njp2016}).\\ \indent The observation of non-thermal states in filaments raised questions about the physical processes that may support such nonequilibrium states, and many ideas have been put forward, typically involving the r\^{o}le of local turbulence and of magnetic fields (see e.g.\ \citealt{2015MNRAS.446.2110T,2015MNRAS.446.2118T} and references therein). In this paper we argue that ingredients other than gravitational interactions may not be necessary at all, as such states may simply be the end states of the dynamics of the self-gravitating particles composing the filament, after a cold collapse as well as after a strong perturbation of an initially thermal state. To this end, we present a dynamical study of a very simple model of a filament, where both dissipative effects and magnetic fields are completely neglected, assuming our system is infinitely extended with perfect cylindrical symmetry, so that its dynamics reduces to that of a two-dimensional system of $N$ self-gravitating particles. We study the dynamics of the collapse of Gaussian overdensities, showing that after the damping of the virial oscillations the system settles in a quasi-stationary state whose density profile is well described by the empiric law used to model the radial density profile of observed filaments in \cite{2011A&A...529L...6A} and discussed by \cite{2015MNRAS.446.2110T} showing its relation to polytropic solutions of the fluid equations for the gas in the filament. For sufficiently cold collapses, the end states we find do exhibit temperature inversion. The same kind of non-thermal states with temperature inversion is observed after a strong perturbation of an initially thermal state.\\ \indent The paper is organized as follows. In Section \ref{sec:model} we first recall previously studied fluid models, then introduce our particle-based model and our numerical approach. In Section \ref{sec:collapse} we study the collapse of cylindrical Gaussian overdensities, with different initial values of the virial ratio and of the spread of the Gaussian, and in Section \ref{sec:perturb} we study the dynamics after a strong perturbation of an initial state in thermal equilibrium. In Section \ref{sec:discussion} we discuss our results and their connection with those found for other long-range-interacting many-body systems, also in non-astrophysical contexts, and finally in Section \ref{sec:conclusions} we draw our conclusions. \section{Model and numerical techniques} \label{sec:model} \subsection{Fluid models} \label{sec:fluidmodels} Neglecting the presence of galactic magnetic fields, in the fluid picture the dynamical evolution of self-gravitating filaments is given in terms of mass density $\rho$, pressure $P$, gravitational potential $\Phi$ and velocity field $\mathbf{u}$ by \begin{equation}\label{fluideqs} \begin{cases} \displaystyle \partial_t\rho+\nabla\cdot(\rho\mathbf{u}) = 0\,,\\ \displaystyle \partial_t\mathbf{u} + (\mathbf{u}\cdot\nabla)\mathbf{u}=-\nabla\Phi-\frac{1}{\rho}\nabla P\,,\\ \displaystyle \Delta\Phi=4\pi G\rho\,, \end{cases} \end{equation} where $G$ is the gravitational constant. Within the assumption of cylindrical symmetry, it is natural to express the operators in Eqs.\ (\ref{fluideqs}) in cylindrical coordinates $(r,z,\varphi)$ and to set $\partial_z \ = \partial_\varphi = 0$. Stationary solutions of Eqs.\ (\ref{fluideqs}) (i.e., with $\partial_t\rho = \partial_t \mathbf{u} = 0$ and\footnote{As noted by \cite{2015MNRAS.446.2110T}, stationary solutions with a nonzero velocity field are possible and might be relevant when modeling accretion phenomena or the so-called ``varicose'' instabilities.} $(\mathbf{u}\cdot\nabla)\mathbf{u} = 0$, and thus $\nabla\Phi=-\rho^{-1}\nabla P$) are typically obtained by imposing an equation of state relating pressure to density and solving for $\rho$ the differential equation obtained by combining the second and the third equations after having expressed $P$ as function of $\rho$. One of the most common forms used to model filamentary clouds is the polytropic equation of state (\citealt{1990ApJ...355..172R,1991ApJ...380..476A,2005MNRAS.356.1429S,2014MNRAS.437.2675B,2015MNRAS.454.2815L}) \begin{equation} P=\kappa\rho^\gamma\,, \end{equation} where the constant $\kappa$ is connected to the system's entropy, and the so-called polytropic exponent $\gamma$ is related to the polytropic index $n$ by $\gamma=1+1/n$. In this case, the density profile supporting the polytropic equation of state is obtained by solving \begin{equation}\label{polydiff} \nabla\cdot(\rho^{-1}\nabla\rho^\gamma)+\frac{4\pi G}{\kappa}\rho=0\,, \end{equation} that after exploiting the cylindrical symmetry and introducing dimensionless coordinates reduces to the standard cylindrical Lane-Emden equation (\citealt{2015MNRAS.446.2110T}). In polytropic stationary models, the density profile is related to the temperature profile as $\rho\propto T^n$.\\ \indent A good approximation of the solution of Eq. (\ref{polydiff}) for infinite cylinders is given by the softened power-law radial density profile (\citealt{2015MNRAS.446.2110T,2016MNRAS.457..375F,2016A&A...592A..90C,2017arXiv170301394X}) \begin{equation}\label{softpower} \rho(r)=\frac{\rho_c r_c^\alpha}{(r_c^2+r^2)^{\alpha/2}}\,, \end{equation} associated to the radial mass per unit length profile \begin{equation}\label{massprof} M_\ell(r)=2\pi\int_0^r\rho(r^\prime)r^\prime{\rm d}r^\prime=\frac{2\pi\rho_c r_c^\alpha}{(2-\alpha)}\left[\left(r^2+r_c^2\right)^{1-\alpha/2}-r_c^{2-\alpha}\right]\,. \end{equation} In the equations above $\rho_c$ and $r_c$ are the (finite) core density and core radius, respectively. Note that the total mass per unit length at height $z$, $M_\ell$, obtained extending to $+\infty$ the integral in Eq.\ (\ref{massprof}), is finite for $\alpha>2$. Note also that if $\alpha=4$ in Eq.\ (\ref{softpower}) we would obtain the density profile for the isothermal cylinder (\citealt{1963AcA....13...30S,1964ApJ...140.1056O,1964ApJ...140.1529O}). In this case the core radius $r_c$ becomes \begin{equation}\label{rcostriker} r_c=\sqrt{{2}/{\pi G\beta\rho_c}}\,, \end{equation} where $\beta=m_0/k_BT$ fixes the width of the equilibrium Maxwellian velocity distribution at temperature $T$ with mean molecular mass $m_0$, and $k_B$ is the Boltzmann constant. The parameter $\beta$ can be also expressed as function of the total mass\footnote{Note that $M_\ell$ is a finite quantity at variance with the diverging mass of an isothermal sphere. The total mass of the isothermal filament, however, is indeed infinite, since the integral of $M_\ell$ over $z$ diverges.} per unit length $M_\ell$ as $\beta=2/GM_\ell$.\\ \indent Although early observations with limited spatial extent yielded radial density profiles consistent with an isothermal cylinder, the density profiles from recent observations with high dynamic range like those by the {\em Herschel Space Observatory}, especially of filaments located in nearby molecular clouds, are well described at large radii by considerably softer power laws than the isothermal case, i.e., $\alpha \approx 2$ or even smaller in Eq.\ (\ref{softpower}), indicating that these filaments are in a non-thermal state (\citealt{2015MNRAS.446.2110T}). \subsection{Particle-based model} \label{sec:particlemodel} Our aim is to investigate how non-thermal stationary states may emerge from the dynamics. Hence, instead of studying the fluid equations (\ref{fluideqs}) and their stationary states, we use a particle-based model and study its dynamics by integrating its equations of motion. We still assume our system is infinitely extended and uniform along its longitudinal ($z$) axis, so that its dynamics is that of a system of infinite straight massive wires, whose mutual interaction is described by a two-dimensional (logarithmic) gravitational potential\footnote{We note that a similar model is used also in the context of unbunched charged particle beams in linear accelerators (see e.g.\ \citealt{1995PhRvE..51.3529R,1998PhRvS...1h4201W,2008PhRvL.100d0604L}, and references therein).} (see e.g.\ \citealt{1978MNRAS.184..709K,1994PhRvE..49.3771A,TelesLevinPakterRizzato:jstat2010}). Hence, the dynamics in a plane transverse to the $z$ direction is governed by the Hamiltonian of a two-dimensional system of $N$ self-gravitating particles, \begin{equation}\label{2dgravhamiltonian} \mathcal{H} = \sum_{i = 1}^N \frac{\left|\mathbf{p}_i\right|^2}{2m} + Gm^2 \sum_{i = 1}^N \sum_{j \not = i}^N \log \frac{\left|\mathbf{r}_i - \mathbf{r}_j \right|}{r_s}~, \end{equation} where $\mathbf{r}_i$ and $\mathbf{p}_i$ are, respectively, the position and momentum of the $i$-th particle in the plane, $r_s$ is an arbitrary scale length needed to make the argument of the logarithm dimensionless, and the mass $m$ of each particle is related to the total mass per unit length $M_\ell$ of the filament by $m = M_\ell/N$. The equations of motion to be integrated are thus \begin{equation}\label{acc} \ddot{\mathbf{r}}_i=-Gm\sum_{j\not = i}^N\frac{\mathbf{r}_i-\mathbf{r}_j}{\left|\mathbf{r}_i-\mathbf{r}_j\right|^2}~. \end{equation} Various aspects of the dynamics of such a system have been studied by \cite{2006CRPhy...7..331C}, \cite{TelesLevinPakterRizzato:jstat2010}, \cite{GabrielliJoyceMarcos:prl2010}, \cite{Marcos:pre2013}, \cite{LevinEtAlphysrep:2014}, \cite{MarcosGabrielliJoyce:pre2017}, \cite{2016PhLA..380..337S}. For this model it is convenient to introduce dimensionless quantities in terms of scale radius $r_*$, dynamical time $t_*$ and scale velocity $v_*$. We define the dynamical timescale of the system as \begin{equation} t_*\equiv\sqrt{\frac{2r_*^2}{GM_\ell}}\,, \end{equation} where $r_*=r_{50}(0)$ (i.e. the Lagrangian radius containing half of $M_\ell$ at $t=0$), and the velocity scale as \begin{equation} v_*\equiv r_{*}/t_*\,. \end{equation} \subsection{Numerical approach} \subsubsection{Direct $N$-body simulations} \label{sec:nbody} First of all, we performed direct $N$-body simulations where the acceleration on each particle was evaluated by direct sum. In this case, the divergence of the inter-particle potential and force for vanishing interparticle separation was regularized by introducing a softening length\footnote{The results we are going to present in the following do not depend on the choice of the softening length, at least as long as $10^{-5} \le \epsilon/r_* \le 10^{-2}$. For a theoretical study of the effect of a softening of power-law interactions on the existence and lifetime of nonequilibrium quasi-stationary states see \cite{GabrielliJoyceMarcos:prl2010} and \cite{MarcosGabrielliJoyce:pre2017}.} $\epsilon=10^{-3} r_*$, so that Eq.\ (\ref{acc}) actually reads \begin{equation}\label{accsoft} \ddot{\mathbf{r}}_i=-Gm\sum_{j\not = i}^N\frac{\mathbf{r}_i-\mathbf{r}_j}{\epsilon^2+\left|\mathbf{r}_i-\mathbf{r}_j\right|^2}~; \end{equation} the above equations were then integrated with a third-order symplectic algorithm (see e.g. \citealt{1991CeMDA..50...59K,1995PhyS...51...29C}) with fixed timestep $\Delta t=t_*/100$ ensuring energy conservation up to 14 digits in double precision.\\ \indent In order to effectively explore different initial conditions, we limited ourselves to rather small $N$'s, that is, $N=3\times 10^4$. Our aim is to understand whether the purely gravitational dynamics of the system defined by the Hamiltonian (\ref{2dgravhamiltonian}) is able to produce non-thermal states similar to those observed in real filaments. Since the two-body relaxation time, after which ``collisional'' effects would eventually destroy any non-thermal steady state, is expected to grow\footnote{This happens in any long-range-interacting system; see e.g.\ \cite{CampaEtAl:book} for a general discussion and \cite{Marcos:pre2013}, \cite{TelesLevinPakterRizzato:jstat2010}, \cite{GabrielliJoyceMarcos:prl2010} and \cite{MarcosGabrielliJoyce:pre2017} for a discussion more focused on gravity and general power-law interactions.} with $N$, $N$ should be large enough to allow the formation and survival of such states. It has been shown by \cite{Marcos:pre2013} that the two-body relaxation time in a two-dimensional system of self-gravitating particles is of the order of $N t_*$, that is, a factor of $\ln N$ longer than in a three-dimensional system with the same $N$, while the time needed to form a non-thermal steady state should not depend on $N$ (and we shall see in Sec.\ \ref{sec:collapse} that such a timescale is not larger than $100t_*$). Hence, we expect that a number of particles of the order of $10^4$ is already sufficient to describe the physics we are interested in. This notwithstanding, it would be interesting to check whether our results do depend on $N$. In principle one should run $N$-body simulations with much larger $N$. Being such a task computationally demanding, to increase the total number of particles of three orders of magnitudes, up to $N = 1.5 \times 10^6$, we resorted to a standard two-dimensional particle-in-cell (PIC) method (to be described in Sec.\ \ref{sec:pic}) and to a novel method capable of effectively taking close encounters (collisions) into account in a PIC framework (Sec.\ \ref{sec:mpc}). These methods do not give a description of the dynamics of the model as accurate as the $N$-body method does, in that they do not properly model the physics at small length scales, but should still yield reasonable results, the more so because it has been shown by \cite{Marcos:pre2013} that in a two-dimensional self-gravitating system the slow relaxation processes that would eventually destroy the nonequilibrium stationary state are not dominated by the small-scale physics. Moreover, comparing the results obtained by evolving the same initial conditions with different numerical methods may help us to gain some deeper insights in the results themselves (see Sec.\ \ref{sec:discussion}). \subsubsection{Particle-in-cell simulations} \label{sec:pic} In a PIC approach, the system is represented by $N$ macro particles with mass $m_k$ moving in the plane. At every time step a fixed Cartesian grid of $N_c=N_x\times N_y$ cells is superimposed to the system, so that the mesh based mass density is obtained as \begin{equation}\label{rhocont} \rho_{i,j}=\tilde\rho_{i,j}+\frac{1}{\Delta x\Delta y}\sum_{k=1}^{n_{i,j}}m_k\,, \end{equation} where $\Delta x$ and $\Delta y$ are the cell's side lengths, $n_{i,j}$ is the number of particles enclosed by the cell, and $\tilde\rho$ is a static background density. In our implementation the particles' contribution to the density in a cell is evaluated with the simple nearest-grid-point method (NGP, \citealt{1981csup.book.....H}). In order to compute the resulting gravitational potential, the code solves the Fourier-space based Poisson equation \begin{equation} \hat\Phi_{i,j}=\hat\rho_{i,j}\hat{\mathcal{G}}_{i,j}\,, \end{equation} where the hats over the quantities denote the Fourier transforms, and $\mathcal{G}$ is the Green's function of the Laplace operator. Once the mesh based potential $\Phi_{i,j}$ is recovered by antitransforming $\hat\Phi_{i,j}$, the gravitational acceleration $\mathbf{a}(\mathbf{r}_k)=-\nabla\Phi(\mathbf{r}_k)$ acting on a particle sitting at position $\mathbf{r}_k$ inside the cell of indices $i,j$, is obtained via the gradient interpolation (see \citealt{2000NewA....5..305F}) \begin{equation} \begin{split} \frac{\partial\Phi}{\partial x}(\mathbf{r}_k)=\frac{\Phi_{i+1,j}-\Phi_{i-1,j}}{2\Delta x}+\frac{\Phi_{i+1,j}+\Phi_{i-1,j}-2\Phi_{i,j}}{\Delta x^2}\delta x_k\\ +\frac{\Phi_{i+1,j+1}-\Phi_{i-1,j+1}+\Phi_{i-1,j-1}-\Phi_{i+1,j-1}}{4\Delta x\Delta y}\delta y_k\,. \end{split} \end{equation} In the equation above (and in the analogous one for the $y$ component of $\nabla\Phi$), $\delta x_k$ and $\delta y_k$ are the components of $\mathbf{r}_k-\mathbf{c}_{i,j}$, where $\mathbf{c}_{i,j}$ is the position of the cell's center. As in the $N$-body case, the equations of motion of the particles are integrated with a third order symplectic integrator scheme with fixed timestep $\Delta t=t_*/100$ ensuring energy conservation up to 14 digits in double precision. For the simulations reported here we have used $N=1.5\times 10^6$ particles on a Cartesian grid with $N_c=128\times 128$ equal square cells. \subsubsection{Inclusion of collisions} \label{sec:mpc} One of the limits of a PIC approach is that it underestimates the contribution of close encounters (collisions) between particles, that are included in the computationally heavier $N$-body simulations, at least up to a distance scale of order $\epsilon$. To effectively overcome this limitation, following a suggestion of \cite{2010JPhCS.260a2005B,2013PhRvE..87b3102B} and \cite{2015PhRvE..92f2108D,2017PhRvE..95d3203D} in the context of numerical modelling of plasma transport, we treat collisional processes (i.e.\ particle scatterings) with the stochastic multi-particle collision scheme (hereafter MPC), originally introduced by \cite{1999JChPh.110.8605M} in the field of mesoscopic fluid dynamics (see also \citealt{2004LNP...640..116M,kapral08,2009acsa.book....1G}). The MPC methods simulate inter-particle collisions at the cell level by performing a stochastic rotation of their velocity vectors $\mathbf{v}_k$, constrained by the conservation of the total momentum and kinetic energy of the cell. In a two dimensional implementation, at the beginning of each timestep $\delta t$, in the cell of indexes $i,j$ first of all the center of mass velocity is evaluated as \begin{equation}\label{mtotptot} \mathbf{u}_{ij}=\frac{1}{n_{ij}}\sum_{k=1}^{n_{ij}}\mathbf{v}_k\,. \end{equation} Then an angle $\vartheta_{ij}$ is sampled from a uniform distribution in $(0,2\pi)$. The collision itself is simulated by rotating with probability one-half the relative velocities $ \delta\mathbf{v}_k=\mathbf{v}_k-\mathbf{u}_{ij}$, as \begin{equation}\label{rotation} \mathbf{v}_{k}^\prime=\mathbf{u}_{ij}+\mathcal{R}_{ij}\cdot\delta\mathbf{v}_{k}\,, \end{equation} where $\mathcal{R}_{ij}$ is the 2D rotation matrix of an angle $\vartheta_{ij}$. Such a rotation guarantees the conservation of the total momentum \begin{equation}\label{sist} \mathbf{P}_{ij}=\sum_{k=1}^{n_{ij}} m\mathbf{v}_k = \sum_{k=1}^{n_{ij}} m\mathbf{v}_k^\prime \end{equation} and kinetic energy \begin{equation}\label{sist1} K_{ij}=\frac{1}{2}\sum_{k=1}^{n_{ij}} m\mathbf{v}_k^2=\frac{1}{2}\sum_{k=1}^{n_{ij}} m\mathbf{v}_k^{\prime 2} \end{equation} in the cell. By doing so, however, the total $z$-component $L_z$ of the angular momentum of the cell is not conserved. To overcome this inconvenience, following \cite{tesiryder} in our implementation of the MPC rule, we introduce the following constraints on $\vartheta_{ij}$ \begin{equation}\label{sincosphi} \sin\vartheta_{ij}=-\frac{2a_{ij}b_{ij}}{a_{ij}^2+b_{ij}^2}\,;\quad \cos\vartheta_{ij}=\frac{a_{ij}^2-b_{ij}^2}{a_{ij}^2+b_{ij}^2}\,. \end{equation} The latter hold if the coefficients $a_{ij}$ and $b_{ij}$ are given as functions of particles' positions and velocities in the cell by \begin{equation}\label{adef} a_{ij}=\sum_{k=1}^{n_{ij}}\mathbf{r}_k \wedge (\mathbf{v}_k-\mathbf{u}_{ij})\,;\quad b_{ij}=\sum_{k=1}^{n_{ij}}\mathbf{r}_k\cdot(\mathbf{v}_k-\mathbf{u}_{ij})\,. \end{equation} Since the effective collisionality may in principle depend on the local state of the system (i.e., particles' velocities and density), the collision move is accepted only if a random probability $\mathcal{P}^*_{ij}$ sampled from a uniform distribution in $(0,1)$ is smaller than the cell dependent collision probability \begin{equation} \mathcal{P}_{ij}=1-\exp\left[-(v_{ij}\Delta t n_{ij}d_{ij}/\Delta x\Delta y)^2\right]\,. \end{equation} In the expression above, $v_{ij}$ and $d_{ij}$ are the average velocity and average interparticle distance in the cell, respectively. Note that the collision probability has no adjustable parameters. It must be noted that the ``collisions'' taken into account by this PIC+MPC scheme are not the ``true'' ones dictated by the gravitational interactions, but only a stochastic effective model of the latter. \section{Cold collapses} \label{sec:collapse} The first scenario we investigate for the dynamical generation of non-thermal states in our simple model of a filament is that of cold collapse. As initial condition for the positions we assume a cylindrically symmetric Gaussian overdensity with initial radial density profile given by \begin{equation}\label{rhoexp} \rho(r)=\rho_c\exp\left(-\frac{r^2}{2r_0^2}\right)\,, \end{equation} where the central density $\rho_c$ is taken to be ten times larger than the homogeneous background $\rho$. The initial particle velocities are extracted from a position independent Maxwellian such that the initial virial ratio of the system is $(2K/|W|)_{t=0}<1$, where \begin{equation}\label{cinetica} K=\sum_{i=1}^{N}\frac{m \left|\mathbf{v}_{i}\right|^{2}}{2} \end{equation} is the total kinetic energy of the system, and \begin{equation}\label{viriale1} W = \sum_{i = 1}^N \mathbf{r}_i \cdot \mathbf{F}_{i} \end{equation} is the virial function, where \begin{equation}\label{F} \mathbf{F}_i=-Gm^2\sum_{j\not = i}^N\frac{\mathbf{r}_i-\mathbf{r}_j}{\left|\mathbf{r}_i-\mathbf{r}_j\right|^2} \end{equation} is the force exerted on the $i$-th particle. We note that in the two-dimensional case $W$ does not depend on time, \begin{equation}\label{eq:W} W = -\frac{Gm^2}{2}N(N-1)\,. \end{equation} In the following we report on the results obtained with the Gaussian initial profiles (\ref{rhoexp}), but those with the truncated initial distribution look almost the same. \\ \indent As expected, at small times the system undergoes a phase of violent relaxation with strong oscillations of the virial ratio, stronger when the initial value of $2K/|W|$ is smaller (Fig.\ \ref{fig_virial}). Virial oscillations damp out on a timescale of some tens of dynamical times $t_*$, and at times $t > 100 t_*$ the system appears to be in an essentially steady state. In Fig.\ \ref{fig_virial} only the results obtained with the MPC+PIC simulation protocol are reported but those obtained with simple PIC without collisions and $N$-body simulations are very similar. \begin{figure} \centerline{\includegraphics[width=0.9\columnwidth]{virial.pdf}} \caption{Time evolution of the virial ratio $2K/|W|$ for systems starting with Gaussian density profiles with $r_0 = 1$ and the following initial values of $2K/|W|$: 0.0 (grey dot-dashed line), 0.1 (green thin solid line), 0.3 (red dotted line), 0.5 (red thick solid line) and 0.7 (cyan dot-dot-dashed line). MPC+PIC simulations with $N = 1.5\times 10^6$.} \label{fig_virial} \end{figure} Monitoring the kinetic temperature as a function of the position (i.e., the locally averaged kinetic energy) during the time evolution for a completely cold (i.e., with vanishing initial virial ratio) collapse, we observe that it wildly changes exhibiting highly irregular patterns during the violent relaxation phase, but then settles in an azimuthally symmetric pattern where temperature inversion is clearly evident, as shown in Fig.\ \ref{fig_Tevol}. \begin{figure*} \centerline{\includegraphics[width=0.95\textwidth]{collevol.pdf}} \caption{Local kinetic temperature (colour scale) as a function of the position of an initially perfectly cold (with vanishing initial virial ratio, corresponding to the dot-dashed curve in Fig.\ \ref{fig_virial}) Gaussian filament with $r_0 = 1$ at, from left to right, $t=5t_*$, $20t_*$, $50t_*$ and $200t_*$. The normalization of lengths is given in units of the initial half mass radius $r_*$. PIC-MPC simulations with $N = 1.5\times 10^6$.} \label{fig_Tevol} \end{figure*} \subsection{Density and temperature profiles} \label{sec:profiles} The density and kinetic temperature (azimuthally averaged) radial profiles in the steady states reached after a cold collapse of a Gaussian initial profile with $r_0 = 1$ are shown in Fig.\ \ref{fig_tempcoll}, for all the three types of simulations we performed, PIC+MPC, PIC without collisions, and direct summation $N$-body. The qualitative properties of the density profiles are very similar: all exhibit a flat, essentially isothermal core and decay as a power law at larger radii. The power law is steeper for initially warmer and softer for initially colder systems, that also exhibit temperature inversion, while initially warmer systems do not show this feature and rather their kinetic temperature decreases with radius. Temperature inversion does depend on the simulation method: it is stronger in the $N$-body and especially in the PIC+MPC cases, while it is much less evident in the PIC without collisions simulations. \begin{figure*} \centerline{\includegraphics[width=0.9\textwidth]{colltempc.pdf}} \caption{Azimuthally averaged kinetic temperature (top) and density (bottom) radial profiles at $t=200t_*$ for systems with initial Gaussian density profile, $r_0=1$, and different values of the initial virial ratio (see legend). From left to right the panels shows the results of simulations performed with PIC+MPC method, simple PIC and, finally, direct $N$-body. In the first two cases $N=1.5\times 10^{6}$ particles have been used, while in the last $N=3\times10^4$. The radii are expressed in units of the Lagrangian radius $r_{50}$ at $t=200t_*$ while temperatures and densities are given in units of their central values $T_c$ and $\rho_c$, respectively.} \label{fig_tempcoll} \end{figure*} The properties of the final steady state also depend on the width of the initial Gaussian profile, as shown in Fig.\ \ref{fig_collisionnocollision} for MPC+PIC and simple PIC simulations: as a general rule, regardless of the presence of collisions, initially more concentrated systems produce softer decays at large radii and stronger temperature inversions in the final state. \begin{figure} \centerline{\includegraphics[width=0.85\columnwidth]{invtempbis.pdf}} \caption{Azimuthally averaged kinetic temperature (top) and density (bottom) radial profiles at $t=200t_*$ for systems starting with Gaussian density profile with $(2K/|W|)_0=0.1$ and different values of $r_0$ (see legend), with collisions included (thick lines) and not included (thin lines). In all cases $N=1.5\times 10^6$.} \label{fig_collisionnocollision} \end{figure} Remarkably, as shown in Fig.\ \ref{fig_fit1}, the density profiles in the final steady state are quite well described by the empiric relation\footnote{This may suggest that these states are indeed essentially polytropic, but an analysis of the velocity anisotropies (see Sec.\ \ref{sec:anisotropy}) shows that this may be an oversimplified description.} (\ref{softpower}). The exponent $\alpha$ depends on the initial virial ratio and encompasses a broad range of values that includes the thermal value $\alpha = 4$, being smaller for initially colder systems and varying from $\alpha = 1.9$ for a completely cold collapse in an $N$-body simulations to $\alpha = 8.7$ for a collapse with initial virial ratio equal to 0.5 in a PIC simulation. \begin{figure*} \centerline{\includegraphics[width=0.95\textwidth]{fitrho.pdf}} \caption{Azimuthally averaged density profiles at $t=200t_*$ after the collapse of initially Gaussian states with $r_0 = 1$ and with different initial virial ratios (symbols, see legend) and best-fit curves according to Eq.\ (\ref{softpower}) (lines). Left panel: MPC+PIC simulations with $N = 1.5 \times 10^6$, curves with $\alpha=3.0$, 3.5, 4.0, 5.2 and 6.1 from right to left. Center panel: simple PIC simulations with $N = 1.5 \times 10^6$, curves with $\alpha=3.0$, 4.2, 7.0, 8.7 and 8.5 from right to left. Right panel: $N$-body simulations with $N = 3 \times 10^4$, curves with $\alpha=1.9$, 2.8, 4.0, 4.8 and 7.3 from right to left. Densities are given in units of the numerically evaluated core density $\rho_c$ and radii in terms of the corresponding core radius $r_c$ as given by Eq.\ (\ref{softpower}).} \label{fig_fit1} \end{figure*} The values of the fitted $\alpha$ exponent are also reported in Table \ref{table:alpha} in the various cases of cold collapses of Gaussian initial states with $r_0 = 1$. \begin{table} \begin{tabular}{c|ccc} $2K/|W|$ (t = 0) & $\alpha$ (MPC+PIC) & $\alpha$ (PIC) & $\alpha$ ($N$-body) \\ \hline \hline 0.0 & 3.0 & 3.0 & 1.9 \\ 0.1 & 3.5 & 4.2 & 2.8 \\ 0.3 & 4.0 & 7.0 & 4.0 \\ 0.5 & 5.2 & 8.7 & 4.8 \\ 0.7 & 6.1 & 8.5 & 7.3 \\ \end{tabular} \caption{Values of the $\alpha$ exponent obtained fitting Eq.\ (\ref{softpower}) to the final radial density profiles for cold collapses of initially Gaussian profiles with $r_0 = 1$.} \label{table:alpha} \end{table} \subsection{Velocity distribution anisotropy} \label{sec:anisotropy} Further insight into the properties of the violent relaxation process at the beginning of the collapse as well as into the features of the non-thermal state reached after the damping of the virial oscillations can be obtained by studying the anisotropies of the velocity distribution. Were the system in a thermal equilibrium state, the velocity distribution would be isotropic, but also non-thermal states can be isotropic, e.g., when the single-particle distribution function only depends on the total energy. To this end, in our direct $N$-body simulations we adopted standard diagnostic tools to reveal possible anisotropies. First, we measured the time evolution of the global anisotropy parameter (see e.g.\ \citealt{TrentiBertin:Apj2006} and references therein) \begin{equation} \xi = \frac{K_r}{K_\varphi}\,, \label{eq:xi} \end{equation} where $K_r$ and $K_\varphi$ are the radial and tangential kinetic energies, respectively. In a system where the orbits are mostly radial (resp.\ tangential), $\xi$ is large (resp.\ small); an isotropic velocity distribution yields $\xi = 1$. After the system had reached its steady state, we measured the azimuthally averaged radial profile of the anisotropy parameter \begin{equation} \beta(r) = 1 - \frac{\sigma^2_\varphi(r)}{\sigma^2_r(r)}~, \label{eq:beta} \end{equation} where $\sigma_r$ and $\sigma_\varphi$ are the radial and tangential velocity dispersions, respectively. The parameter\footnote{Not to be confused with the $\beta$ entering Eq.\ \ref{rcostriker}, that is related to the temperature of the isothermal cylinder.} $\beta$ measures the pressure anisotropy as a function of the radius $r$, as well as the kinematical structure of the particles' orbits \citep{2008gady.book.....B}: in an isotropic state $\beta = 0$, while positive (resp.\ negative) values of $\beta$ denote a radial (resp.\ tangential) anisotropy. Purely radial orbits yield $\beta = 1$, while perfectly circular orbits would give $\beta = -\infty$. The results are shown in Fig.\ \ref{fig_anisotropy}. \begin{figure*} \centerline{\includegraphics[width=0.9\textwidth]{anisotropy.pdf}} \caption{(Left panel) Time evolution of the global velocity anisotropy parameter $\xi$ defined in Eq.\ (\ref{eq:xi}). (Right panel) Anisotropy profile $\beta$, defined in Eq.\ (\ref{eq:beta}), as a function of the rescaled radius $r/r_{50}$ in the non-thermal end state at $t = 200t_*$. All the curves have been obtained via direct $N$-body simulations of collapses of initially Gaussian overdensities with $r_0 = 1$ and $N = 3\times 10^4$. In both panels, the different curves correspond to the following initial values of $2K/|W|$: 0.0 (grey dot-dashed line), 0.1 (green thin solid line), 0.3 (red dotted line), 0.5 (red thick solid line) and 0.7 (cyan dot-dot-dashed line), that is, the same color code as in Figs.\ \ref{fig_virial} and \ref{fig_tempcoll}.} \label{fig_anisotropy} \end{figure*} The time evolution of $\xi$ shows that the global velocity anisotropy is rather large at the beginning of the collapse (colder collapses are more anisotropic) and decreases with the damping of the virial oscillations; in warmer collapes the global amount of anisotropy is negligible at large times, while it remains quite relevant for initially colder states. The $\beta(r)$ profiles in the non-thermal steady state are all monotonously increasing with radius (with the only exception of the warmer collapse) and show that in the outer regions anisotropy is always present and low-angular momentum orbits dominate (again with the exception of the warmer collapse where the anisotropy becomes tangential at large radii). The fact that initially warmer states are also more isotropic, both in their time evolution and in their end states, is expected due to the larger amount of random motions with respect to the initially colder cases. The rather large amount of radial anisotropy found in the initially colder cases, especially in the outer regions, may be due to the fact that in cold collapses the velocities are initially extremely anisotropic, because in the initial stages of virial oscillations the motion is predominantly radial when starting from cylindrically symmetric initial conditions (this is witnessed by the fact that $\xi$ is very large at small times)\footnote{We note that in two dimensions we may expect larger anisotropies than in three dimensions, due to the smaller number of available tangential channels for the velocity to relax to an isotropic distribution.}. Anisotropy is thus generated at the beginning of the virial oscillations and decreases during the relaxation to the non-thermal end state, but only in warmer collapses this process efficiently reduces the initial anisotropy to a small amount\footnote{In three-dimensional collapses it has been shown that starting from highly symmetric initial conditions results in more anisotropic end states than in the case of less symmetric initial states \citep{TrentiBertin:Apj2006,vanAlbada:mnras1982}.}. Since the initially colder collapses are also those where temperature inversion is more pronounced, we observe a correlation between temperature inversion and velocity anisotropy in our simulations; however, our results alone are not sufficient to suggest that a correlation between temperature inversion and anisotropy should hold in general in a low-dimensional self-gravitating system. \\ \indent As mentioned in Sec.\ \ref{sec:fluidmodels}, density profiles given by Eq.\ (\ref{softpower}) are very close to those obtained in a fluid picture assuming a polytropic equation of state. However, the latter states are isotropic, hence our results on velocity anisotropy suggest that an interpretation of the non-thermal states of filaments in terms of purely polytropic states may be an oversimplified picture, although it correctly describes the radial density profile. \section{Perturbation of a thermal state} \label{sec:perturb} The second dynamical scenario we consider is the evolution of a strong impulsive radial perturbation of an initially isothermal profile, i.e., given by the Ostriker-Stod\'olkiewicz self-gravitating cylinder--Eq.\ (\ref{softpower}) with $\alpha = 4$. Physically, this scenario may model, albeit in a very simplified way, the evolution of an already thermally relaxed filament that is suddenly perturbed by a shock wave. Moreover, such scenario is interesting because it bridges our results to other recent results obtained for models of long-range-interacting systems in non-astrophysical contexts (\citealt{2014EPJB...87...91C,2015PhRvE..92b0101T,2016PhRvE..93f6102T,njp2016}), where perturbations of initially thermal states were considered.\\ \indent The density profile of the isothermal cylinder is given by setting $\alpha = 4$ in Eq.\ (\ref{softpower}), thus obtaining \begin{equation}\label{ostriker} \rho(r)=\frac{r_c^4\rho_c}{(r_c^2+r^2)^2}\,, \end{equation} so that the associated radial mass per unit length profile becomes \begin{equation}\label{massprofost} M_\ell(r)=\frac{\pi \rho_c r^2r_c^2}{r^2+r_c^2}=\frac{M_\ell r^2}{r^2+r_c^2}\,, \end{equation} where the core radius $r_c$ is linked to $T$ through Eq.\ (\ref{rcostriker}) and $r_*=r_c$, see also \cite{1964ApJ...140.1056O}. Initial particle positions are obtained by sampling Eq.\ (\ref{massprofost}) for the radial coordinate $r$ and then assigning an angular coordinate $\varphi$ form a uniform distribution in the interval $(0,2\pi)$. After this, the velocity components $v_r$ and $v_\varphi$ are extracted consistently from the position independent isotropic Maxwellian at temperature $T$ \begin{equation}\label{maxwell} f(v)=\sqrt{\left(\frac{m}{2\pi k_B T}\right)^3}4\pi v^2e^{-\frac{mv^2}{2k_BT}};\quad v=\sqrt{v_r^2+v_\varphi^2}, \end{equation} and finally converted in Cartesian coordinates along with their positions components. In order to simulate a radial compression, the radial component of particles' velocities $v_r$ is instantaneously increased of a quantity $\delta v_r\approx 2\sqrt{k_B T}$. Alternatively, in some simulations particles' positions have been displaced of a quantity $\delta_r\approx r_*/80$ along their radial coordinate; the results are very similar to those obtained with the velocity displacement, and in the following we report only on the latter.\\ \indent The time evolution of the virial ratio for different strengths of the perturbation is shown in Fig.\ \ref{fig_virialpert}. As in the cold collapses, the system undergoes virial oscillations, that damp out on a timescale of tens of dynamical times, and then settles in a steady state. Kinetic temperature and density profiles of such a state are shown\footnote{Preliminary results limited to the $N$-body case were already presented by \cite{2015PhRvE..92b0101T}. } in Fig.\ \ref{fig_ostriker}. It is apparent that the kinetic temperature and density radial profiles are anticorrelated: temperature inversion is even stronger than in the completely cold collapse case. As far as the relation between temperature and density is concerned, the steady states reached after the perturbation of a thermal cylinder appear as polytropic, at least when density is not too small: indeed, the $\rho$ versus $T$ relation is reasonably fitted by a power law (data not shown), and in general the quality of the fit improves for systems undergoing stronger perturbations. However, also in this case there are velocity anisotropies (data not shown), so that these states can not be considered as ``true'' polytropic states. \begin{figure} \centerline{\includegraphics[width=0.9\columnwidth]{virialpert.pdf}} \caption{Time evolution of the virial ratio $2K/|W|$ for systems starting with initial conditions corresponding to an Ostriker equilibrium model with applied radial perturbations of different strength (lines), obtained with MPC+PIC simulations with $N = 1.5 \times 10^6$; $\sigma$ is the velocity dispersion of the initial state.} \label{fig_virialpert} \end{figure} \begin{figure} \includegraphics[width=0.85\columnwidth]{invtempb.pdf} \caption{Azimuthally averaged kinetic temperature (top) and density (bottom) profiles at $t=200t_*$ for Ostriker filaments undergoing a radial perturbations. Lines refer to the same cases as in Fig.\ \ref{fig_virialpert}, while symbols refer to an $N$-body simulation with $N = 10^4$ and $\delta v_r = 2\sigma$. Densities and temperatures are normalized to their central values and radii to $r_{50}$. The thick dashed line in the bottom panel marks the initial density profile given by Eq.\ (\ref{ostriker}). } \label{fig_ostriker} \end{figure} \section{Discussion} \label{sec:discussion} As shown in Sec.\ \ref{sec:profiles}, the steady states reached by our simple model of a filament after a cold collapse are definitely non-thermal, unless the initial condition is fine-tuned, and qualitatively very similar to the observed states, as their density profiles are in good agreement with Eq.\ (\ref{softpower}) with values of the exponent $\alpha$ that depend on the initial condition, being in general smaller for colder collapses. Another indication of the fact that the steady states are non-thermal is the observed velocity anisotropy (Sec.\ \ref{sec:anisotropy}). Moreover, colder collapses exhibit appreciable temperature inversion. The fact that such a simple model of a filament, neglecting all the dissipative effects, rotation, radiation, and magnetic fields, and retaining only self-gravity, exhibits steady states that are so similar to the observed ones suggests that the dynamics alone is sufficient to produce and support the non-thermal states observed in real filaments, and that other mechanisms are not strictly necessary. Moreover, the fact that all the three numerical methods ($N$-body, PIC and PIC+MPC) yield qualitatively similar results is an indication of the robustness of the results themselves. Quantitatively, the values of the exponent $\alpha$ governing the decay of the radial density profile at large radii obtained for colder collapses with $N$-body simulations seem compatible with those observed in real filaments (\citealt{2015MNRAS.446.2110T}), while all the other cases yield values that are larger than the observed ones (see Table \ref{table:alpha}). Still, the values of $\alpha$ depend not only on the initial conditions, but also on the choice of the simulation protocol. First of all, we note that the values of $\alpha$ closer to the observed ones are obtained by means of $N$-body simulations. This is an important result because the $N$-body method is the most correct one among the three considered, since it captures the physics at all length scales (larger than the softening length). Then, as witnessed by the values reported in Table \ref{table:alpha}, we observe that the general trend, i.e., colder collapses corresponding to final profiles decaying with softer power laws, is the same for all the three simulation techniques, but $N$-body and PIC simulations have the same spread in the values of $\alpha$ while the $\alpha$'s obtained with MPC+PIC simulations are closer to each other; moreover, as far as absolute values are concerned, $N$-body simulations yield the smallest $\alpha$'s, at least for colder collapses, while the values found in PIC simulations are the largest. This may suggest that the small-scale physics, including close encounters between particles, that is somewhat suppressed in PIC simulations and (only approximately, via a stochastic model) restored in MPC+PIC ones, is important for the processes that produce ``hot'' particles able to create a more diffuse halo at large radii. Consistently, temperature inversion is stronger in states obtained with MPC+PIC and $N$-body simulations, while is suppressed in PIC simulations. On the other hand, the fact that the values of $\alpha$ obtained with MPC+PIC simulations span a smaller interval and are closer to the thermal value may be a consequence of that including random collisions allows the system to get closer to thermal than in the other cases.\\ \indent As recalled in the Introduction, self-gravitating systems do not reach thermal equilibrium (that in the case of two-dimensional systems exists also for a finite system, at variance with the three-dimensional case) when starting from nonequilibrium initial conditions because the time need to reach a thermal state is exceedingly long and grows with the number of particles $N$. The steady states we observe after the violent relaxation phase are rather non-thermal, quasi-stationary states that would become exactly stationary in the limit $N\to\infty$. Theoretically, such states are identified with stable stationary solutions of the Vlasov (or collisionless Boltzmann) equation, that describes the evolution of the single-particle distribution function for such systems for time scales smaller than the relaxation time (that becomes infinite in the $N\to\infty$ limit). In the last decades, it has been recognized that the presence of such quasi-stationary, non thermal states as well as of long relaxation times growing with $N$ and preventing an effective relaxation to thermodynamic equilibrium are common to all many-body systems with long-range interactions and not restricted at all to self-gravitating systems (\citealt{CampaEtAl:book}; see also \citealt{2013MNRAS.431.3177D,2011IJBC...21.2279D}). It has been recently suggested that non-thermal states with temperature inversion are a typical outcome when a generic many-body long-range-interacting system relaxes to a quasi-stationary states after undergoing collective oscillations (\citealt{2014EPJB...87...91C,2015PhRvE..92b0101T,2016PhRvE..93f6102T,njp2016}). A possibly ``universal'' mechanism has been proposed to explain the ubiquity of temperature inversion by \citet{2015PhRvE..92b0101T}. The mechanism can be summarized as follows: during the initial violent relaxation phase the interaction of the particles with the collective oscillations, that will eventually lead to the Landau-like damping of the oscillations themselves, may produce suprathermal tails in the velocity distribution function even when starting from a thermal state. In an inhomogeneous system, this may trigger a ``velocity filtration'' process (\citealt{1992ApJ...398..299S,1992ApJ...398..319S}) that effectively broadens the velocity distribution function in the regions where the system is less dense, because only sufficiently fast particles can escape the potential well produced by the central concentration. \\ \indent The systems studied by \cite{2015PhRvE..92b0101T} and \cite{njp2016} were initially in a thermal state, and then brought out of equilibrium by a sudden perturbation or a quench of an external parameter. The results we have shown in Sec.\ \ref{sec:perturb} confirm the general picture also for two-dimensional gravitational systems. The fact that also cold collapses, where the starting configuration is not a thermal one, may exhibit temperature inversion is a significant addition to this picture: it indeed suggests that collective oscillations and wave-particle interactions are the crucial ingredient to produce a final state with temperature inversion, although not a sufficient one. Our results with MPC+PIC simulations then suggest that collisions may even enhance the temperature inversion. \section{Concluding remarks} \label{sec:conclusions} The main result of the work we have presented here is that a very simple model of a filament, that completely neglects dissipative effects, radiation, magnetic fields, and rotation, retaining only gravity and effectively mapping the dynamics of a filament onto that of a two-dimensional system of self-gravitating particles, is able to produce non-thermal steady states similar to those observed in real filaments, as end states emerging after the damping of virial oscillations in cold collapses. The radial density profiles of such states are well described by Eq.\ (\ref{softpower}) and for sufficiently cold collapses $N$-body simulations yield values of the exponent $\alpha$ governing the decay of the density profile at large radii in the range of the observed ones. \\ \indent Clearly, our results do not imply that mechanisms other than dissipationless dynamics alone are not at work and that they are not important in the real case; all the effects and processes we neglected in our very simple models may be important and a strategy to understand their r\^{o}le and relevance may be the progressive addition of other ingredients to our simple model, to see whether they may bring the non-thermal final states closer or not to the observed ones. The first step is naturally the inclusion of magnetic fields, that couple to the small fraction of ionized molecules in the filament and whose effect is thus transferred to the whole system by the interactions between the ionized particles and all the others. Work is in progress in this direction. In the fluid picture, polytropic solutions for infinite cylinders with magnetic fields were analyzed by \cite{2015MNRAS.446.2118T}, while the effect of rotation and of an imposed temperature gradient were considered by \cite{2013A&A...558A..27R,2014MNRAS.444.1775R}. \\ \indent Finally, the non-thermal states observed as end products of the dynamics of our simple model exhibit temperature inversion, that seems a common feature of a wide class of non-thermal states of any long-range-interacting system, hinting at a possible and intriguing relation between non-thermal states of galactic filaments and properties of nonequilibrium states that could be observed in other systems, even in condensed matter ones. \section*{Acknowledgments} We thank Guido Ciraolo, Daniele Galli, and Tarc\'{\i}sio N.\ Teles for insightful discussions and important comments at an early stage of this work. We also thank an anonymous referee for very useful comments that helped us to improve the presentation of our work. \bibliographystyle{mnras}
86f516a27c4ce227c4119ec731e5d92680a6eac5
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Several websites like Wikipedia, DMOZ and Yahoo archive documents (text data) into hierarchies with large number of classes. Several classification methods have been developed to automatically classify text documents into different classes. In this work we seek to leverage the often implicit relationships that exists between multiple archival datasets to classify documents within them in a combined manner. Further, datasets have several classes with very few samples which make it harder to learn good classification models. Specifically, we develop a Multi-Task Learning (MTL) based approach to learn the model vectors associated with several linear classifiers (one per class) in a joint fashion. Using the nearest-neighbor algorithm we identify the hidden relationships between the different document datasets and use that within the MTL framework. MTL approaches are known to achieve superior performance on unseen test examples, especially when the number of training examples is small. MTL has been successfully applied in varied applications such as medical informatics \cite{30}, structural classification \cite{1}, sequence analysis \cite{12}, web image and video search \cite{48}. In this paper our key contributions include development of a document classification method using MTL that leverages information present across dual hierarchical datasets. We focused on classifying documents within classes as categorized by Wikipedia and DMOZ dataset. In text classification, for each of the class labels we define a binary one-versus-rest classification task. We then find the related tasks corresponding to each task using $k$-nearest neighbor, which is then learned together to find the best suited model vector (or parameters) corresponding to each task. Based on how information from related tasks was integrated with the original classification task we developed two class of approaches: (i) Neighborhood Pooling Approach and (ii) Individual Neighborhood Approach. We evaluated the performance of our MTL approach for document classification with dual hierarchical datasets against a transfer learning approach, semi-supervised learning approach and a single task learning approach. Our empirical evaluation demonstrated merits of the MTL approach in terms of the classification performance. The rest of the paper is organized as follows. Section II provides background related to MTL and TL. Section III discusses our developed methods. Section IV provides the experimental protocols. Section V discusses the experimental results. Finally, Section VI draws conclusion and provides several future directions. \section{Background} \subsection{Multi-Task Learning} Multi-Task Learning (MTL) \cite{7} is a rapidly growing machine learning paradigm that involves the simultaneous training of multiple, related prediction tasks. This differs from the traditional single-task learning (STL), where for each task the model is learned independently. MTL-based models have the following advantages: (i) they leverage the training signal across related tasks, which leads to better generalization ability for the different tasks and (ii) empirically they have been shown to outperform STL models, especially when there are few examples per task and the tasks are related \cite{7}\cite{8}\cite{9}\cite{10}. The past few years has seen an tremendous growth in the development and application of MTL-based approaches. A concise review of all these approaches can be found in the survey by Zhou et. al. \cite{46}. For STL, we are given a training set with $n$ examples. Given an input domain ($\mathcal{X}$) and output domain ($\mathcal{Y}$), the $i$-th training example is represented by a pair $(x_i, y_i)$ where $x_i \in \mathcal{X}$ and $y_i \in \mathcal{Y}$. Within classical machine learning, we seek to learn a mapping function $f: \mathcal{X} \in \mathbb{R}^{d} \rightarrow \mathcal{Y}$, where $d$ denotes the dimensionality of the input space. Assuming that $f(x)$ is a linear discriminant function, it is defined as $f(x) = sign (\langle \theta, x \rangle + c)$, where $\theta \in \mathbb{R}^{d}$ denotes the weight vector or model parameters. $f(x)$ allows us to make predictions for new and unseen examples within the $\mathcal{X}$ domain. This model parameter $\theta$ are learned by minimizing a loss function across all the training examples, while restricting the model to have low complexity using a regularization penalty. As such, the STL objective can be shown as: \begin{equation} \min_{\theta} \sum_{i=1}^{n} \underbrace { L(\theta, x_i, y_i)}_{Loss} + \lambda \underbrace{R(\theta)}_{Regularization} \end{equation} where $L(\cdot)$ represents the loss function being minimized, $R(\cdot)$ represents the regularizer (e.g., $l_1$-norm) and $\lambda$ is a parameter that balances the trade-off between the loss function and regularization penalty. The regularization term safeguards against model over-fitting and allows the model to generalize to the examples not encountered in the training set. Within MTL, we are given $T$ tasks with training examples per task. For the $t$-th task, there are $n_t$ number of training examples that are represented by $\{(x_{it},y_{it}) ; \forall i=1\ldots n_t \}$. We seek to learn $T$ linear discriminant functions, each represented by weight vector $\theta_{t}$. We denote the combination of all task-related weight vectors as a matrix that stacks all the weight vectors as columns, $\Theta = [\theta_1,\ldots,\theta_T]$ of dimensions $d \times T$, where $d$ is the number of input dimensions. The MTL objective is given by \begin{equation} \min_{\Theta} \sum_{t=1}^{T} \sum_{i=1}^{n_t} \underbrace { L(\theta_t, x_{it}, y_{it})}_{loss} + \lambda \underbrace{R(\Theta)}_{Regularization} \end{equation} The regularization term $R(\Theta)$ captures the relationships between the different tasks. Different MTL approaches vary in the way the combined regularization is performed but most methods seek to leverage the ``task relationships'' and enforce the constraint that the model parameters (weight vectors) for related tasks are similar. In the work of Evgeniou et. al \cite{11} the model for each task is constrained to be close to the average of all the tasks. In multi-task feature learning and feature selection methods \cite{13}\cite{14}\cite{15}\cite{16}, sparse learning based on lasso \cite{17}, is performed to select or learn a common set of features across many related tasks. However, a common assumption made by these approaches \cite{11}\cite{18}\cite{19} is that all tasks are equally related. This assumption does not hold in all cases, especially when there is no knowledge of task relationships. Kato et. al \cite{20} and Evgeniou et. al \cite{21} propose formulations which use an externally provided task network or graph structure. However, these relationships might not be available and may need to be determined from the data. Clustered multi-task learning approaches assume that tasks exhibit a group-wise structure, which is not known a-priori and seeks to learn the clustering of tasks that are then learned together \cite{22}\cite{23}\cite{24}. Another set of approaches, mostly based on Gaussian Process models, learn the task co-variance structure \cite{25}\cite{26} and are able to take advantage of both positive and negative correlations between the tasks. In this paper we have focused on the use of MTL based models for the purpose of multi-class text classification, when the documents are categorized by multiple hierarchical datasets. We use a non-parametric, lazy approach to find the related tasks within different domain datasets and use these relationships within the regularized MTL approach. \subsection{Transfer Learning} \label{ref:tl:background} Related to MTL are approaches developed for Transfer Learning (TL). Within the TL paradigm, it is assumed that there exists one/more target (or parent) tasks along with previously learned models for related tasks (referred to as children/source tasks). While learning the model parameters for the target task, TL approaches seek to transfer information from the parameters of the source tasks. The key intuition behind using TL is that the information contained in the source tasks can help in learning predictive models for the target task of interest. When transferred parameters from the source task assist in better learning the predictive models of the target task then it is referred to as positive transfer. However, in some cases if source task(s) are not related to the target task, then the TL approach leads to worse prediction performance. This type of transfer is known as negative transfer. It has been shown in the work of Pan et. al \cite{47} that TL improves the generalization performance of the predictive models, provided the source tasks are related to the target tasks. One of the key differences between TL and MTL approaches is that within the MTL approaches, all the task parameters are learned simultaneously, whereas in TL approaches, first the parameters of the source tasks are learned and then they are transferred during the learning of parameters for the target task. In the literature, TL has also been referred to as Asymmetric Multi-Task Learning because of the focus on one/more of the target tasks. Given a target task with $n_t$ training examples, represented as $\{(x_{1t},y_{1t}),\ldots,(x_{nt},y_{nt})$ we seek to learn the parameters for the target task ($\theta_{t}$) using the parameters from the source tasks given by ($\Theta_{s}$). Using a similar notation as used before the matrix $\Theta_{s}$ represents all the parameters from the different source tasks that are learned separately beforehand. We can write the minimization function for the target task within the TL framework as: \begin{equation} \min_{\theta_t} \sum_{i=1}^{n_t} \underbrace { L(\theta_t, x_{it}, y_{it})}_{loss} + \underbrace{\lambda_1 R(\theta_t) + \lambda_2 R(\theta_t, \Theta_s)}_{Regularization}\end{equation} where the regularization term $R(\theta_t)$ controls model complexity of the target task $t$ and the term $R(\theta_t, \Theta_s)$ captures how the parameters from the source tasks will be transferred to the target task. The exact implementation of the regularization term is discussed in Section \ref{sec:methodology}. \section{Methods} \label{sec:methodology} Given two different datasets that categorize/archive text documents (e.g., Wikipedia and DMOZ), our primary objective is to classify new documents into classes within these datasets. We specifically, use regularized MTL approaches to improve the document classification performance. First, we assume that each of the classes within the different datasets is associated with a binary classification task. For each of the tasks within one of the datasets we want to determine related tasks within the other database, and by performing the joint learning using MTL, we gain improvement in the classification performance. We compare the MTL approach against the standard STL approach, the TL approach that assumes the tasks in one of the datasets to be the target task and tasks from the second dataset as the source tasks. We also compare our approach to a semi-supervised learning approach (SSL). \subsection{Finding Related Tasks} We first discuss our approach to determine task relationships across the two datasets using the non-parametric, lazy nearest neighbor approach (kNN) \cite{42}. We use kNN to find similar classes between the two datasets i.e., Wikipedia and DMOZ. For determining the nearest neighbor(s), we represent each of the classes within the DMOZ and Wikipedia datasets by their centroidal vectors. The centroidal vector per class is computed by taking the average across all the examples within a given class. We then use Tanimoto Similarity (Jaccard index) to compute similarities between the different classes across the two datasets. Tanimoto similarity is the ratio of the size of intersection divided by the union. The similarity is known to work well for large dimensions with a lot of zeros (sparsity). Using kNN, we find for each class of interest a set of neighboring classes within the second dataset. Within the MTL approach we constrain the related classes to learn similar weight vectors when jointly learning the model parameters. In TL approach we learn the weight vectors for related classes and transfer the information over to the target task. We also use the related classes to supplement the number of positive examples for each of the classes within a baseline semi-supervised learning approach (SSL). \subsection{MTL method} Given the two dataset sources $S_1$ and $S_2$, we represent the total number of classes (and hence the number of binary classification tasks) within each of them by $T^{S_1}$ and $T^{S_2}$, respectively. The individual parameters per classification task is represented by $\theta$ with model parameters for $S_1$ denoted by $\theta^{S_1}$ and parameters for $S_2$ denoted by $\theta^{S_2}$. The combined model parameters for $S_1$ and $S_2$ are denoted by $\Theta^{S_1}$ and $\Theta^{S_2}$, respectively. The MTL minimization objective can then be given by: \begin{multline} \sum_{t=1}^{T^{S_1}} \sum_{i=1}^{n_t} L(\theta_t^{S_1}, x_{it}, y_{it}) + \sum_{t=1}^{T^{S_2}} \sum_{i=1}^{n_t} L(\theta_t^{S_2}, x_{it}, y_{it}) +\\ \lambda_1 \sum_{t=1}^{T^{S_1}} ||\theta_t^{S_1}||_2^2 + \lambda_2 \sum_{t=1}^{T^{S_2}} ||\theta_t^{S_2}||_2^2 + \lambda_3 R(\Theta^{S_1}, \Theta^{S_2}) \end{multline} where the first two terms are loss computed for each of the two dataset-specific models. To control the model complexity we then include a $l_2$-norm (denoted by $||\cdot ||_2$), for each of the different classification tasks within $S_1$ and $S_2$. Finally, $R(\Theta^{S_1}, \Theta^{S_2})$ controls the relationships between the tasks found to be related using the kNN approach across the two databases. Parameters $\lambda_1$, $\lambda_2$ and $\lambda_3$ control the weights associated with each of the different regularization parameters. Based on how we constrain the related tasks, we discuss two approaches: \begin{itemize} \item Neighborhood Pooling Approach (NPA). In this approach, for each of the tasks within $S_1$ we find the $k$-related neighbors from the other dataset $S_2$. We repeat this by finding related neighbors in $S_1$ for each class in $S_2$. Then we pool all the training examples within the related classes and assume that there exists one pooled task for each of the original task. We then constrain the model vectors for each task to be similar to the pooled model vector. We represent this as \begin{small} \begin{equation} R(\Theta^{S_1}, \Theta^{S_2}) = \sum_{t=1}^{T^{S_1}} ||\theta_t^{S_1} - \theta_{NPA(t)}^{S_2}||_2^2 + \sum_{t=1}^{T^{S_2}} ||\theta_t^{S_2} - \theta_{NPA(t)}^{S_1}||_2^2 \end{equation} \end{small} where $\theta_{NPA}(t)^{S_2}$ represents the pooled related neighbor model within $S_2$. The weight vectors for the original tasks and new pooled tasks are learned simultaneously. We denote this approach as MTL-NPA. \item Individual Neighborhood Approach (INA). In this approach we consider all the $k$ related neighbors from the second source as individual tasks. As such we constrain each task model vector to be similar to each of the $k$ related task vectors. The regularization term can then be given by: \begin{small} \begin{equation} R(\Theta^{S_1}, \Theta^{S_2}) = \sum_{t=1}^{T^{S_1}} \sum_{l=1}^{k}||\theta_t^{S_1} -\Theta_{I(l)}^{S_2}||_2^2 + \sum_{t=1}^{T^{S_2}} \sum_{l=1}^{k} ||\theta_t^{S_2} - \Theta_{I(l)}^{S_1}||_2^2 \end{equation} \end{small} where $I(\cdot)$ is an indicator function representing the identified nearest neighbor task vectors within the second dataset. We refer to this approach as MTL-INA. \end{itemize} \subsection{Transfer Learning Approach.} The TL method differs from the MTL method in the learning process. In MTL all the related task model parameters are learned simultaneously whereas in TL method learned parameters of the related task are transferred to the main task to improve model performance. Within our TL method, we use the parameters from the neighboring tasks within the regularization term for the main task. Similar to the MTL models, we implement both the pooling and individual neighborhood approaches for transfer learning. \subsubsection{Neighborhood Pooling Approach (TL-NPA)} This method pools the $k$ neighbors for each of the tasks considered to be within the primary dataset. After pooling, at first using STL the parameters for the pooled model are learned. The pooled parameters for task $t$ from the secondary source database (S) are represented as $\theta_{NPA(t)}^{S}$. Assuming $S_1$ to be the main task dataset we can write the objective function for each of the $t$ task within $S_1$ as follows: \begin{equation} \min_{\theta_t^{S_1}} \sum_{i=1}^{n_t} L(\theta_t^{S_1}, x_{it}, y_{it}) + \lambda_1 ||\theta_t^{S_1}||_2^2 + \lambda_2 || \theta_t - \theta_{NPA(t)}^{S_2}||_2^2 \end{equation} We can similarly write the objective assuming $S_2$ to be the main/primary dataset. \subsubsection{Individual Neighborhood Approach (TL-INA)} In this approach, for each of the $k$ neighborhood tasks, we learn the parameter vectors individually (using STL). After this, a transfer of information is performed from each of the related tasks to the main/parent tasks. We can represent this within the TL objective as follows: \begin{equation} \min_{\theta_t^{S_1}} \sum_{i=1}^{n_t} L(\theta_t^{S_1}, x_{it}, y_{it}) + \lambda_1 ||\theta_t^{S_1}||_2^2 + \lambda_2 \sum_{l=1}^{k} || \theta_t - \Theta_{I(l)}^{S_2}||_2^2 \end{equation} The last regularization term is similar to the MTL-INA approach discussed earlier, where $I(\cdot)$ represents an indicator function to extract the $k$-related tasks. We can also assume $S_2$ to be the target/parent dataset. \subsection{Single Task Learning} Single Task Learning (STL) lies within the standard machine learning paradigm, where each classification task is treated independently of each other during the training phase. The learning objective of the regularized STL model is given by Equation 1. In this paper, logistic regression is used as the loss function for all the binary classification tasks. One advantage of using this loss function is that it is smooth and convex. Specifically, the STL objective can be rewritten as, \begin{equation} \min \sb \theta \sum_{i=1}^{n}log\Big({1+exp(-y_i\theta^{T}x_i)}\Big) + \frac{\lambda}{2}{||\theta||}_2^2\end{equation} where, $y \in {\{\pm1\}}$ is the binary class label for $x$, $\theta$ is the model vector/parameters. For preventing the model from over-fitting we have used the $l_2$-norm over the $\theta$ and ${\lambda}$ is the regularization parameter. \subsection{Semi-Supervised Learning Approach.} Semi-Supervised Learning (SSL) involves use of both labeled and unlabeled data for learning the parameters of the classification model. SSL approaches lie between unsupervised (no labeled training data) and supervised learning (completely labeled training data) \cite{41}. SSL works on the principle that more the training examples leads to better generalization. However, the performance of SSL is largely dependent on how we treat the unlabeled data with the labeled data. Our SSL approach works the same way as the STL method with only difference in the increase in number of labeled examples from the related classes found using the kNN approach. Within the SSL approach, for each classification task we treat training examples from related classes as positive examples for the class under consideration. We implemented the SSL approach along with STL approach as baseline to compare against the developed MTL and TL approaches. \section{Experimental Evaluations} \subsection{Dataset} To evaluate our methods, we used DMOZ and Wikipedia datasets from ECML/PKDD 2012 Large Scale Hierarchical Text Classification Challenge (LSHTC) (Track 2) \footnote{http://lshtc.iit.demokritos.gr/LSHTC3\_DATASETS}. The challenge is closed for new submission and the labels of the test set are not publicly available. We used the original training set for training, validation and testing by splitting it into 3:1:1 ratios, respectively and reporting the average of five runs. To assess the performance of our method with respect to the class size, in terms of the number of training examples, we categorized the classes into Low Distribution (LD), with 25 examples per class and High Distribution (HD), with 250 examples per class. This resulted in DMOZ dataset having 75 classes within LD and 53 classes within HD. For the Wikipedia dataset we had 84 classes within LD and 62 classes within HD. More details about the dataset can be found in the Naik et. al. thesis \cite{naik2013using}. \subsection{Implementation} For learning the weight vectors across all the models, we implemented gradient descent algorithm. Implementation was done in MATLAB and all runs were performed on a server workstation with a dual-core Intel Xeon CPU 2.40GHz processor and 4GB RAM. \subsection{Metrics\label{sec:metrics}} We used three metrics for evaluating the classification performance that take into account True Positives ($TP$), False Positives ($FP$), True Negatives ($TN$) and False Negatives ($FN$) for each of the classes. \subsubsection{Micro-Averaged $F_1$} Micro-Averaged $F_1$ ($\mu$A$F_1$) is a conventional metric for evaluating classifiers in category assignment\cite{39}\cite{40}. To compute this metric we sum up the category specific True Positives $(TP_c)$, False Positives $(FP_c)$, True Negatives $(TN_c)$ and False Negatives $(FN_c)$ across all the categories, $c\in C \equiv \{c_1,c_2,\ldots,c_{N_c}\}$ and compute the averaged $F_1$ score. It is defined as follows, \begin{equation}Global Precision \;P = \frac{\sum_{c=1}^{N_c}TP_c}{\sum_{c=1}^{N_c}(TP_c + FP_c)}\end{equation} \begin{equation}Global Recall \;R = \frac{\sum_{c=1}^{N_c}TP_c}{\sum_{c=1}^{N_c}(TP_c + FN_c)}\end{equation} \begin{equation}\mu A F_1 = \frac{2PR}{P + R}\end{equation} where, $N_c$ is the number of categories/classes.\\ \subsubsection{Macro-Averaged Precision, Recall and $F_1$} The Macro-Averaged Precision (MAP), Recall (MAR) and $F_1$ (MA$F_1$) are computed by calculating the respective Precision, Recall and $F_1$ scores for each individual category and then averaging them across all the categories\cite{37}. In computing these metrics all the categories are given equal weight so that the score is not skewed in favor of the larger categories, \begin{equation}Category-specific \;Precision \;P_c = \frac{TP_c}{TP_c + FP_c}\end{equation} \begin{equation}Category-specific \;Recall \;R_c = \frac{TP_c}{TP_c + FN_c}\end{equation} \begin{equation}MAP = \frac{1}{N_c}\sum_{c=1}^{N_c}\frac{TP_c}{TP_c + FP_c}\end{equation} \begin{equation}MAR = \frac{1}{N_c}\sum_{c=1}^{N_c}\frac{TP_c}{TP_c + FN_c}\end{equation} \begin{equation}M A F_1 = \frac{1}{N_c}\sum_{c=1}^{N_c}\frac{2P_cR_c}{P_c + R_c}\end{equation}\\ \subsubsection{Averaged Matthews Correlation Coefficient score} Matthews Correlation Coefficient (MCC) score \cite{38} is a balanced measure for binary classification which quantifies the correlation between the actual and predicted values. It returns a value between -1 and +1, where +1 indicates a perfect prediction, a score of 0 signifies no correlation and -1 indicate a perfect negative correlation between the actual and predicted values. The category specific MCC and averaged MCC are defined as, \begin{multline} MCC_c = \\ \frac{(TP_c*TN_c) - (FP_c*FN_c)}{\sqrt{(TP_c + FP_c)(TP_c + FN_c)(TN_c + FP_c)(TN_c + FN_c)}}\end{multline} \begin{equation} Avg. \; MCC \; (AMCC) = \frac{1}{N_c}\sum_{c=1}^{N_c} MCC_c \end{equation} \section{Results} We have implemented different models described in Section III using DMOZ and Wikipedia as the two source datasets. Figure \ref{fig:schema} outlines the different models that were evaluated. We varied $k$ (number of nearest neighbor) from 2 to 6. \begin{figure} \centering \includegraphics[scale=0.4]{CLFMODEL.jpg} \caption{Summary of Evaluated Models. Wikipedia/DMOZ are inter-changeable in the protocol.} \label{fig:schema} \end{figure} \begin{table*} \begin{centering} \begin{tabular}{|cc||cc|cc|cc|cc|cc|} \hline \hline Model & & \multicolumn{2}{c|}{$\mu$A$F_1$} & \multicolumn{2}{c|}{MAP} & \multicolumn{2}{c|}{MAR} & \multicolumn{2}{c|}{MA$F_1$} & \multicolumn{2}{c|}{AMCC}\\ \hline \hline STL && 0.5758 & (0.0121) & 0.7914 & (0.0267) & 0.6167 & (0.0115) & 0.6486 & (0.0060) & 0.6732 & (0.0074)\\ \hline \hline \multirow{5}{*}{SSL} & ($k = 2$) & 0.6178 & (0.0160) & 0.8064 & (0.0413) & 0.6649 & (0.0125) & 0.6789 & (0.0231) & 0.7048 & (0.0263) \\ & ($k = 3$) & 0.6316 & (0.0216) & 0.8059 & (0.0218) & 0.6782 & (0.0230) & 0.6808 & (0.0195) & 0.7092 & (0.0185)\\ & ($k = 4$) & 0.6581 & (0.0392) & 0.8090 & (0.0292) & 0.6888 & (0.0329) & 0.6974 & (0.0284) & 0.7208 & (0.0492)\\ & ($k = 5$) & 0.6719 & (0.0540) & \bf0.8091 & \bf(0.0406) & 0.7093 & (0.0314) & 0.7045 & (0.0152) & 0.7359 & (0.0064) \\ & ($k = 6$) & 0.6624 & (0.0356) & 0.8011 & (0.0216) & 0.7089 & (0.0387) & 0.6919 & (0.0284) & 0.7175 & (0.0182)\\ \hline \hline \multirow{5}{*}{TL-NPA} & ($k = 2$) & 0.5739 & (0.0044) & 0.7987 & (0.0278) & 0.6247 & (0.0091) & 0.6481 & (0.0062) & 0.6732 & (0.0074) \\ & ($k = 3$) & 0.5728 & (0.0103) & 0.7893 & (0.0128) & 0.6250 & (0.0126) & 0.6480 & (0.0081) & 0.6737 & (0.0171)\\ & ($k = 4$) & 0.5732 & (0.0124) & 0.7981 & (0.0221) & 0.6232 & (0.0753) & 0.6483 & (0.0375) & 0.6738 & (0.0128)\\ & ($k = 5$) & 0.5755 & (0.0030) & 0.8027 & (0.0314) & 0.6262 & (0.0077) & 0.6504 & (0.0083) & 0.6757 & (0.0097)\\ & ($k = 6$) & 0.5738 & (0.0462) & 0.7413 & (0.0593) & 0.6096 & (0.0522) & 0.6248 & (0.0563) & 0.6631 & (0.0387)\\ \hline \hline \multirow{5}{*}{TL-INA} & ($k = 2$) & 0.5736 & (0.0038) & 0.7967 & (0.0262) & 0.6246 & (0.0184) & 0.6478 & (0.0040) & 0.6728 & (0.0054) \\ & ($k = 3$) & 0.5810 & (0.0731) & 0.7918 & (0.0137) & 0.6182 & (0.0126) & 0.6488 & (0.0031) & 0.6794 & (0.0138)\\ & ($k = 4$) & 0.5771 & (0.0192) & 0.7939 & (0.0191) & 0.6173 & (0.0188) & 0.6394 & (0.0113) & 0.6748 & (0.0312)\\ & ($k = 5$) & 0.5712 & (0.0034) & 0.8024 & (0.0226) & 0.6212 & (0.0091) & 0.6467 & (0.0034) & 0.6724 & (0.0047)\\ & ($k = 6$) & 0.5700 & (0.0144) & 0.7853 & (0.0268) & 0.6132 & (0.0164) & 0.6298 & (0.0372) & 0.6489 & (0.0189)\\ \hline \hline \multirow{5}{*}{MTL-NPA} & ($k = 2$) & \bf0.7442 & \bf(0.0201) & 0.7819 & (0.0356) & \bf0.7840 & \bf(0.0169) & \bf0.7373 & \bf(0.0349) & \bf0.7527 & \bf(0.0335)\\ & ($k = 3$) & 0.7438 & (0.0192) & 0.7901 & (0.0461) & 0.7782 & (0.0329) & 0.7350 & (0.0247) & 0.7515 & (0.0282)\\ & ($k = 4$) & 0.7403 & (0.0431) & 0.7884 & (0.0453) & 0.7891 & (0.0212) & 0.7346 & (0.0221) & 0.7501 & (0.0101)\\ & ($k = 5$) & 0.7394 & (0.0219) & 0.7720 & (0.0421) & 0.7814 & (0.0140) & 0.7293 & (0.0318) & 0.7488 & (0.0298)\\ & ($k = 6$) & 0.7120 & (0.0128) & 0.7104 & (0.0144) & 0.7581 & (0.0213) & 0.6866 & (0.0422) & 0.7061 & (0.0431)\\ \hline \hline \multirow{5}{*}{MTL-INA} & ($k = 2$) & 0.7208 & (0.0180) & 0.7583 & (0.0503) & 0.7664 & (0.0211) & 0.7052 & (0.0520) & 0.7326 & (0.0367) \\ & ($k = 3$) & 0.7294 & (0.0213) & 0.7592 & (0.0101) & 0.7616 & (0.0473) & 0.7070 & (0.0211) & 0.7313 & (0.0312)\\ & ($k = 4$) & 0.7000 & (0.0431) & 0.7281 & (0.0213) & 0.7502 & (0.0131) & 0.6899 & (0.0432) & 0.7024 & (0.0293)\\ & ($k = 5$) & 0.7079 & (0.0136) & 0.7352 & (0.0306) & 0.7508 & (0.0085) & 0.6949 & (0.0255) & 0.7147 & (0.0243)\\ & ($k = 6$) & 0.6992 & (0.0721) & 0.7271 & (0.0721) & 0.7321 & (0.0632) & 0.6797 & (0.0413) & 0.7024 & (0.0339)\\ \hline \hline \end{tabular} \par\end{centering} \begin{tablenotes} \tiny \item \center Table shows mean across five runs and (standard deviation) in bracket, standard error for best model: MTL-NPA ($k$ = 2) = 0.0054 \end{tablenotes} \caption{Classification Performance for LD Sample shown for DMOZ dataset. \label{tab:low-distribution-DMOZ}} \end{table*} \begin{table*} \begin{centering} \begin{tabular}{|cc||cc|cc|cc|cc|cc|} \hline \hline Model & & \multicolumn{2}{c|}{$\mu$A$F_1$} & \multicolumn{2}{c|}{MAP} & \multicolumn{2}{c|}{MAR} & \multicolumn{2}{c|}{MA$F_1$} & \multicolumn{2}{c|}{AMCC}\\ \hline \hline STL && 0.5236 & (0.0989) & 0.6415 & (0.0741) & 0.5213 & (0.0998) & 0.5318 & (0.0625) & 0.5837 & (0.0782)\\ \hline \hline \multirow{5}{*}{SSL} & ($k = 2$) & 0.5182 & (0.0321) & 0.6392 & (0.0932) & 0.5348 & (0.0631) & 0.5264 & (0.0674) & 0.5748 & (0.0183)\\ & ($k = 3$) & 0.5234 & (0.0723) & 0.6334 & (0.0673) & 0.5354 & (0.0300) & 0.5670 & (0.0641) & 0.5739 & (0.0629)\\ & ($k = 4$) & 0.5329 & (0.0631) & 0.6312 & (0.0681) & 0.5360 & (0.0810) & 0.5698 & (0.0524) & 0.5802 & (0.0285)\\ & ($k = 5$) & 0.5102 & (0.0642) & 0.6124 & (0.0773) & 0.5279 & (0.0273) & 0.5490 & (0.0831) & 0.5772 & (0.0641)\\ & ($k = 6$) & 0.5043 & (0.0731) & 0.6042 & (0.0204) & 0.5186 & (0.0942) & 0.5468 & (0.0632) & 0.5547 & (0.0228)\\ \hline \hline \multirow{5}{*}{TL-NPA} & ($k = 2$) & 0.5418 & (0.0182) & 0.6682 & (0.0136) & 0.5633 & (0.0362) & 0.5823 & (0.0317) & 0.6930 & (0.0831) \\ & ($k = 3$) & 0.5512 & (0.0521) & 0.6620 & (0.0317) & 0.5784 & (0.0674) & 0.5982 & (0.0742) & 0.6894 & (0.0674)\\ & ($k = 4$) & 0.5332 & (0.0153) & 0.6581 & (0.0239) & 0.5616 & (0.0083) & 0.5813 & (0.0873) & 0.6740 & (0.0543)\\ & ($k = 5$) & 0.5295 & (0.0743) & 0.6327 & (0.0854) & 0.5610 & (0.0674) & 0.5704 & (0.0029) & 0.6649 & (0.0895)\\ & ($k = 6$) & 0.5238 & (0.0235) & 0.6136 & (0.0487) & 0.5427 & (0.0500) & 0.5684 & (0.0748) & 0.6386 & (0.0856)\\ \hline \hline \multirow{5}{*}{TL-INA} & ($k = 2$) & 0.5368 & (0.0573) & 0.6734 & (0.0198) & 0.5464 & (0.0563) & 0.5982 & (0.0130) & 0.6946 & (0.0846) \\ & ($k = 3$) & 0.5408 & (0.0464) & 0.6648 & (0.0895) & 0.5696 & (0.0187) & 0.5928 & (0.0481) & 0.6994 & (0.0101)\\ & ($k = 4$) & 0.5319 & (0.0042) & 0.6598 & (0.0452) & 0.5573 & (0.0526) & 0.5810 & (0.0736) & 0.6848 & (0.0654)\\ & ($k = 5$) & 0.5278 & (0.0674) & 0.6394 & (0.0895) & 0.5210 & (0.0183) & 0.5624 & (0.0901) & 0.6740 & (0.0538)\\ & ($k = 6$) & 0.5101 & (0.0587) & 0.6153 & (0.0519) & 0.5052 & (0.0456) & 0.5248 & (0.0831) & 0.6382 & (0.0873)\\ \hline \hline \multirow{5}{*}{MTL-NPA} & ($k = 2$) & 0.6389 & (0.0648) & 0.6635 & (0.0782) & 0.6615 & (0.0637) & 0.6626 & (0.0682) & 0.6582 & (0.0738)\\ & ($k = 3$) & \bf0.6390 & \bf(0.0723) & \bf0.6832 & \bf(0.0672) & \bf0.6650 & \bf(0.0421) & \bf0.6724 & \bf(0.0432) & \bf0.6628 & \bf(0.0764)\\ & ($k = 4$) & 0.6283 & (0.0748) & 0.6624 & (0.0613) & 0.6593 & (0.0382) & 0.6602 & (0.0936) & 0.6585 & (0.0631)\\ & ($k = 5$) & 0.6128 & (0.0784) & 0.6626 & (0.0632) & 0.6429 & (0.0823) & 0.6593 & (0.0529) & 0.6497 & (0.0874)\\ & ($k = 6$) & 0.6003 & (0.0524) & 0.6498 & (0.0874) & 0.6193 & (0.0623) & 0.6282 & (0.0817) & 0.6046 & (0.0734)\\ \hline \hline \multirow{5}{*}{MTL-INA} & ($k = 2$) & 0.6120 & (0.0629) & 0.6448 & (0.0325) & 0.6428 & (0.0618) & 0.6432 & (0.0663) & 0.6420 & (0.0728)\\ & ($k = 3$) & 0.6194 & (0.0437) & 0.6328 & (0.0224) & 0.6480 & (0.0642) & 0.6406 & (0.0910) & 0.6394 & (0.0429)\\ & ($k = 4$) & 0.6036 & (0.0421) & 0.6262 & (0.0639) & 0.6338 & (0.0632) & 0.6324 & (0.0138) & 0.6310 & (0.0309)\\ & ($k = 5$) & 0.6040 & (0.0101) & 0.6160 & (0.0819) & 0.6282 & (0.0192) & 0.6202 & (0.0328) & 0.6290 & (0.0456)\\ & ($k = 6$) & 0.5842 & (0.0457) & 0.5820 & (0.0282) & 0.5926 & (0.0478) & 0.5846 & (0.0885) & 0.6082 & (0.0402)\\ \hline \hline \end{tabular} \par\end{centering} \begin{tablenotes} \tiny \item \center Table shows mean across five runs and (standard deviation) in bracket, standard error for best model: MTL-NPA ($k$ = 3) = 0.0087 \end{tablenotes} \caption{Classification Performance for LD sample shown for Wikipedia dataset. \label{tab:low-distribution-Wikipedia}} \end{table*} \subsection{Accuracy Comparison} \subsubsection{Low distribution sample} Tables \ref{tab:low-distribution-DMOZ} and \ref{tab:low-distribution-Wikipedia} show the average performance across five runs for DMOZ and Wikipedia Low Distribution (LD) classes. The following observations can be made from the results. \begin{itemize} \item {\bf {STL v/s SSL v/s TL v/s MTL}}: For both the datasets we see that the MTL methods outperforms all the other methods across all the metrics, exception being in case of LD DMOZ dataset MAP metric. Reason for such exception is high relatedness between the main task and its corresponding neighboring task(s). We also note that among the MTL approaches the Neighborhood Pooling Approach (MTL-NPA) outperformed the Individual Neighborhood Approach (MTL-INA) (statistically significant). Semi-Supervised Learning (SSL) method marginally outperformed both Single Task Learning (STL) as well as Transfer Learning (TL) methods. TL did not seem to have any benefit over STL. \item {\bf {$k$ = 2 v/s $k$ = 3 v/s $k$ = 4 v/s $k$ = 5 v/s $k$ = 6}}: In general, lower value of $k$ gave better models compared to higher values of $k$. We conjecture that as the value of $k$ increases, similarity between the main task and the surrogate tasks decreases, which in turn affects the performance negatively. \end{itemize} \begin{table*} \begin{centering} \begin{tabular}{|cc||cc|cc|cc|cc|cc|} \hline \hline Model & & \multicolumn{2}{c|}{$\mu$A$F_1$} & \multicolumn{2}{c|}{MAP} & \multicolumn{2}{c|}{MAR} & \multicolumn{2}{c|}{MA$F_1$} & \multicolumn{2}{c|}{AMCC}\\ \hline \hline STL && 0.7592 & (0.0120) & 0.7947 & (0.0068) & 0.7618 & (0.0056) & 0.7567 & (0.0085) & 0.7626 & (0.0075)\\ \hline \hline \multirow{5}{*}{SSL} & ($k = 2$) & 0.7535 & (0.0040) & 0.7938 & (0.0065) & 0.7601 & (0.0011) & 0.7547 & (0.0052) & 0.7609 & (0.0048)\\ & ($k = 3$) & 0.7542 & (0.0127) & 0.7998 & (0.0032) & 0.7624 & (0.0102) & 0.7657 & (0.0020) & 0.7646 & (0.0091)\\ & ($k = 4$) & 0.7512 & (0.0031) & 0.7972 & (0.0084) & 0.7618 & (0.0090) & 0.7592 & (0.0029) & 0.7628 & (0.0075)\\ & ($k = 5$) & 0.7545 & (0.0027) & 0.7948 & (0.0060) & 0.7610 & (0.0018) & 0.7559 & (0.0039) & 0.7619 & (0.0034)\\ & ($k = 6$) & 0.7491 & (0.0042) & 0.7778 & (0.0143) & 0.7482 & (0.0042) & 0.7437 & (0.0092) & 0.7542 & (0.0086)\\ \hline \hline \multirow{5}{*}{TL-NPA} & ($k = 2$) & 0.7536 & (0.0042) & 0.7936 & (0.0054) & 0.7588 & (0.0015) & 0.7546 & (0.0048) & 0.7610 & (0.0043)\\ & ($k = 3$) & 0.7538 & (0.0053) & 0.7941 & (0.0027) & 0.7590 & (0.0061) & 0.7551 & (0.0024) & 0.7595 & (0.0063)\\ & ($k = 4$) & 0.7532 & (0.0028) & 0.7940 & (0.0037) & 0.7585 & (0.0072) & 0.7544 & (0.0053) & 0.7623 & (0.0022)\\ & ($k = 5$) & 0.7533 & (0.0038) & 0.7937 & (0.0063) & 0.7584 & (0.0024) & 0.7542 & (0.0052) & 0.7605 & (0.0046)\\ & ($k = 6$) & 0.7406 & (0.0064) & 0.7888 & (0.0022) & 0.7414 & (0.0072) & 0.7389 & (0.0041) & 0.7594 & (0.0027)\\ \hline \hline \multirow{5}{*}{TL-INA} & ($k = 2$) & 0.7529 & (0.0040) & 0.7958 & (0.0054) & 0.7591 & (0.0011) & 0.7540 & (0.0048) & 0.7603 & (0.0043)\\ & ($k = 3$) & 0.7631 & (0.0074) & 0.7964 & (0.0010) & 0.7612 & (0.0027) & 0.7548 & (0.0029) & 0.7696 & (0.0072)\\ & ($k = 4$) & 0.7530 & (0.0091) & 0.7968 & (0.0020) & 0.7606 & (0.0013) & 0.7542 & (0.0017) & 0.7596 & (0.0062)\\ & ($k = 5$) & 0.7527 & (0.0038) & 0.7957 & (0.0046) & 0.7590 & (0.0010) & 0.7538 & (0.0036) & 0.7602 & (0.0042)\\ & ($k = 6$) & 0.7432 & (0.0015) & 0.7849 & (0.0034) & 0.7442 & (0.0051) & 0.7414 & (0.0053) & 0.7591 & (0.0068)\\ \hline \hline \multirow{5}{*}{MTL-NPA} & ($k = 2$) & 0.7572 & (0.0080) & 0.7961 & (0.0063) & 0.7637 & (0.0058) & 0.7587 & (0.0087) & 0.7644 & (0.0076)\\ & ($k = 3$) & 0.7598 & (0.0072) & 0.7978 & (0.0089) & 0.7644 & (0.0062) & 0.7649 & (0.0074) & 0.7701 & (0.0086)\\ & ($k = 4$) & 0.7571 & (0.0035) & 0.7964 & (0.0076) & 0.7632 & (0.0093) & 0.7584 & (0.0102) & 0.7640 & (0.0054)\\ & ($k = 5$) & 0.7569 & (0.0043) & 0.7969 & (0.0058) & 0.7627 & (0.0012) & 0.7581 & (0.0053) & 0.7639 & (0.0048)\\ & ($k = 6$) & 0.7482 & (0.0087) & 0.7712 & (0.0081) & 0.7512 & (0.0014) & 0.7392 & (0.0076) & 0.7436 & (0.0030)\\ \hline \hline \multirow{5}{*}{MTL-INA} & ($k = 2$) & 0.7579 & (0.0103) & 0.7978 & (0.0076) & 0.7644 & (0.0079) & 0.7599 & (0.0111) & 0.7657 & (0.0099)\\ & ($k = 3$) & \bf0.7680 & \bf(0.0097) & \bf0.8020 & \bf(0.0047) & \bf0.7790 & \bf(0.0089) & \bf0.7728 & \bf(0.0092) & \bf0.7728 & \bf(0.0121)\\ & ($k = 4$) & 0.7662 & (0.0087) & 0.8012 & (0.0026) & 0.7742 & (0.0085) & 0.7696 & (0.0129) & 0.7719 & (0.0105)\\ & ($k = 5$) & 0.7657 & (0.0067) & 0.8017 & (0.0073) & 0.7717 & (0.0037) & 0.7678 & (0.0081) & 0.7726 & (0.0072)\\ & ($k = 6$) & 0.7526 & (0.0089) & 0.7818 & (0.0129) & 0.7664 & (0.0051) & 0.7529 & (0.0066) & 0.7648 & (0.0059)\\ \hline \hline \end{tabular} \par\end{centering} \begin{tablenotes} \tiny \item \center Table shows mean across five runs and (standard deviation) in bracket, standard error for best model: MTL-INA ($k$ = 3) = 0.0038 \end{tablenotes} \caption{Classification Performance for HD sample shown for DMOZ dataset. \label{tab:high-distribution-DMOZ}} \end{table*} \begin{table*} \begin{centering} \begin{tabular}{|cc||cc|cc|cc|cc|cc|} \hline \hline Model & & \multicolumn{2}{c|}{$\mu$A$F_1$} & \multicolumn{2}{c|}{MAP} & \multicolumn{2}{c|}{MAR} & \multicolumn{2}{c|}{MA$F_1$} & \multicolumn{2}{c|}{AMCC}\\ \hline \hline STL && 0.6648 & (0.0628) & 0.6841 & (0.0630) & 0.6429 & (0.0089) & 0.6748 & (0.0172) & 0.6881 & (0.0120)\\ \hline \hline \multirow{5}{*}{SSL} & ($k = 2$) & 0.6584 & (0.0067) & 0.6848 & (0.0178) & 0.6492 & (0.0238) & 0.6780 & (0.0324) & 0.6782 & (0.0182)\\ & ($k = 3$) & 0.6528 & (0.0262) & 0.6804 & (0.0572) & 0.6498 & (0.0546) & 0.6680 & (0.0821) & 0.6778 & (0.0239)\\ & ($k = 4$) & 0.6530 & (0.0287) & 0.6768 & (0.0231) & 0.6400 & (0.0262) & 0.6612 & (0.0387) & 0.6704 & (0.0263)\\ & ($k = 5$) & 0.6428 & (0.0624) & 0.6706 & (0.0189) & 0.6364 & (0.0423) & 0.6596 & (0.0346) & 0.6686 & (0.0456)\\ & ($k = 6$) & 0.6320 & (0.0822) & 0.6700 & (0.0037) & 0.6342 & (0.0892) & 0.6502 & (0.0521) & 0.6648 & (0.0190)\\ \hline \hline \multirow{5}{*}{TL-NPA} & ($k = 2$) & 0.6628 & (0.0636) & 0.6820 & (0.0976) & 0.6528 & (0.0174) & 0.6792 & (0.0733) & 0.6840 & (0.0785)\\ & ($k = 3$) & 0.6614 & (0.0463) & 0.6838 & (0.0842) & 0.6510 & (0.0597) & 0.6797 & (0.0471) & 0.6888 & (0.0823)\\ & ($k = 4$) & 0.6528 & (0.0367) & 0.6735 & (0.0963) & 0.6482 & (0.0871) & 0.6626 & (0.0913) & 0.6710 & (0.0731)\\ & ($k = 5$) & 0.6500 & (0.0689) & 0.6629 & (0.0729) & 0.6285 & (0.0463) & 0.6389 & (0.0582) & 0.6618 & (0.0838)\\ & ($k = 6$) & 0.6450 & (0.0893) & 0.6482 & (0.0572) & 0.6021 & (0.0578) & 0.6124 & (0.0527) & 0.6484 & (0.0657)\\ \hline \hline \multirow{5}{*}{TL-INA} & ($k = 2$) & 0.6531 & (0.0462) & 0.6623 & (0.0572) & 0.6482 & (0.0863) & 0.6504 & (0.0427) & 0.6731 & (0.0865)\\ & ($k = 3$) & 0.6512 & (0.0845) & 0.6547 & (0.0864) & 0.6273 & (0.0974) & 0.6397 & (0.0645) & 0.6682 & (0.0472)\\ & ($k = 4$) & 0.6510 & (0.0467) & 0.6524 & (0.0246) & 0.6244 & (0.0755) & 0.6326 & (0.0624) & 0.6539 & (0.0573)\\ & ($k = 5$) & 0.6427 & (0.0533) & 0.6510 & (0.0217) & 0.6218 & (0.0381) & 0.6304 & (0.0256) & 0.6512 & (0.0972)\\ & ($k = 6$) & 0.6308 & (0.0572) & 0.6404 & (0.0384) & 0.6036 & (0.0330) & 0.6198 & (0.0472) & 0.6380 & (0.0753)\\ \hline \hline \multirow{5}{*}{MTL-NPA} & ($k = 2$) & 0.6620 & (0.0672) & 0.6824 & (0.0317) & 0.6428 & (0.0871) & 0.6704 & (0.0174) & 0.6868 & (0.0623)\\ & ($k = 3$) & 0.6702 & (0.0053) & 0.6826 & (0.0183) & 0.6440 & (0.0542) & 0.6748 & (0.0831) & 0.6880 & (0.0542)\\ & ($k = 4$) & 0.6634 & (0.0184) & 0.6782 & (0.0172) & 0.6210 & (0.0281) & 0.6529 & (0.0600) & 0.6693 & (0.0622)\\ & ($k = 5$) & 0.6608 & (0.0731) & 0.6616 & (0.0722) & 0.6201 & (0.0193) & 0.6500 & (0.0783) & 0.6524 & (0.0734)\\ & ($k = 6$) & 0.6529 & (0.0620) & 0.6583 & (0.0318) & 0.6183 & (0.0731) & 0.6472 & (0.0561) & 0.6510 & (0.0582)\\ \hline \hline \multirow{5}{*}{MTL-INA} & ($k = 2$) & \bf0.6720 & \bf(0.0134) & \bf0.6898 & \bf(0.0531) & 0.6548 & (0.0146) & \bf0.6784 & \bf(0.0142) & \bf0.6898 & \bf(0.0712)\\ & ($k = 3$) & 0.6717 & (0.0108) & 0.6864 & (0.0142) & \bf0.6550 & \bf(0.0398) & 0.6772 & (0.0152) & 0.6720 & (0.0256)\\ & ($k = 4$) & 0.6683 & (0.0040) & 0.6747 & (0.0051) & 0.6484 & (0.0193) & 0.6696 & (0.0641) & 0.6704 & (0.0138)\\ & ($k = 5$) & 0.6601 & (0.0839) & 0.6630 & (0.0931) & 0.6418 & (0.0322) & 0.6642 & (0.0412) & 0.6652 & (0.0313)\\ & ($k = 6$) & 0.6539 & (0.0713) & 0.6565 & (0.0172) & 0.6402 & (0.0742) & 0.6598 & (0.0193) & 0.6584 & (0.0105)\\ \hline \hline \end{tabular} \par\end{centering} \begin{tablenotes} \tiny \item \center Table shows mean across five runs and (standard deviation) in bracket, standard error for best model: MTL-INA ($k$ = 2) = 0.0068 \end{tablenotes} \caption{Classification Performance for HD sample shown for Wikipedia dataset. \label{tab:high-distribution-Wikipedia}} \end{table*} \subsubsection{High distribution sample} Table \ref{tab:high-distribution-DMOZ} and \ref{tab:high-distribution-Wikipedia} show the average performance across five runs for DMOZ and Wikipedia High Distribution (HD) classes. We make the following observations based on the results. \begin{itemize} \item {\bf {STL v/s SSL v/s TL v/s MTL}}: In this case we see that the MTL methods perform only slightly better than other models, the differences are not statistically significant. This supports our intuition that with sufficient number of examples for learning the SSL, TL and MTL methods do not provide any distinct advantage and the simple STL model is competitive. \item {\bf {$k$ = 2 v/s $k$ = 3 v/s $k$ = 4 v/s $k$ = 5 v/s $k$ = 6}}: As with the case of Low Distribution classes, we noticed a slight degradation of performance as the number of neighbors is increased. \end{itemize} \subsection{Run time Comparison} Table \ref{tab:runtime-DMOZ} shows the average training time (in sec.) per class required to learn the models for the different LD and HD categories. The STL approach has the lowest training times because there is no overhead of incorporating additional constraints is involved. SSL models takes more time than the corresponding STL models because of the increased number of training examples. For TL models as well, run time increases because it requires learning the models for the neighbors. Finally, MTL method takes the longest time, since it requires the joint learning of the model parameters that are updated for each class and related neighbors. \begin{table} \begin{small} \begin{centering} \begin{tabular}{|cc||cc|cc|} \hline \hline & & \multicolumn{2}{c}{DMOZ} &\multicolumn{2}{c|}{Wiki}\\\hline Model & & LD & HD & LD & HD\\ \hline \hline STL && 2.72 & 44.7 & 2.84 & 46.7\\ \hline \hline \multirow{3}{*}{SSL} & ($k = 2$) & 4.58 & 62.4 & 8.64 &68.3\\ & ($k = 4$) & 5.57 & 62.7 & 9.73 & 70.5\\ & ($k = 6$) & 6.48 & 64.3 & 10.6 & 73.0 \\ \hline \hline \multirow{3}{*}{TL-NPA} & ($k = 2$) & 4.65 & 48.6 & 10.2 & 70.7 \\ & ($k = 4$) & 6.3 & 52.6 & 13.6 & 74.6 \\ & ($k = 6$) & 7.5 & 56.1 & 15.5 & 78.8 \\ \hline \hline \multirow{3}{*}{TL-INA} & ($k = 2$) & 4.54 & 48.4 & 12.6 & 72.6 \\ & ($k = 4$) & 6.40 & 50.3 & 14.6 & 76.8\\ & ($k = 6$) & 7.98 & 54.7 & 15.6 & 80.7\\ \hline \hline \multirow{3}{*}{MTL-NPA} & ($k = 2$) & 5.51 & 49.5 & 12.6 & 69.6 \\ & ($k = 4$) & 7.53 & 54.2 & 14.5 & 70.3\\ & ($k = 6$) & 8.75 & 58.1 & 15.8 & 72.4\\ \hline \hline \multirow{3}{*}{MTL-INA} & ($k = 2$) & 9.84 & 56.8 & 17.8 & 78.7\\ & ($k = 4$) & 15.6 & 78.7 & 19.3 & 84.7\\ & ($k = 6$) & 18.8 & 82.8 & 22.3 & 92.4 \\ \hline \hline \end{tabular} \par\end{centering} \caption{Run time (in sec.) comparison (Reported per class across five runs)\label{tab:runtime-DMOZ}} \end{small} \end{table} \begin{comment} \begin{table} \begin{centering} \begin{tabular}{|cc||c|c|} \hline \hline Model & & LD & HD\\ \hline \hline STL && 2.8413 & 46.7321\\ \hline \hline \multirow{3}{*}{SSL} & ($k = 2$) & 8.6423 & 68.3135\\ & ($k = 4$) & 9.7313 & 70.5643\\ & ($k = 6$) & 10.6422 & 72.9831\\ \hline \hline \multirow{3}{*}{TL-NPA} & ($k = 2$) & 10.2579 & 70.7575\\ & ($k = 4$) & 13.6574 & 74.6746\\ & ($k = 6$) & 15.5456 & 78.7853\\ \hline \hline \multirow{3}{*}{TL-INA} & ($k = 2$) & 12.6758 & 72.6757\\ & ($k = 4$) & 14.5757 & 76.7575\\ & ($k = 6$) & 15.6464 & 80.6835\\ \hline \hline \multirow{3}{*}{MTL-NPA} & ($k = 2$) & 12.6423 & 69.6016\\ & ($k = 4$) & 14.5563 & 70.3671\\ & ($k = 6$) & 15.8242 & 72.4526\\ \hline \hline \multirow{3}{*}{MTL-INA} & ($k = 2$) & 17.8754 & 78.7204\\ & ($k = 4$) & 19.3910 & 84.6765\\ & ($k = 6$) & 22.3942 & 92.3715\\ \hline \hline \end{tabular} \par\end{centering} \caption{Average run time (in sec.) comparison of all Wikipedia models for low and high distribution\label{tab:runtime-WIKI}} \end{table} \end{comment} \section{Conclusion and Future Work} In this paper we developed Multi-task Learning models for text document classification. Performance of the MTL methods was compared with Single Task Learning, Semi-supervised Learning and Transfer Learning approaches. We compared the methods in terms of accuracy and run-times. MTL methods outperformed the other methods, especially for the Low Distribution classes, where the number of positive training examples was small. For the High Distribution classes with sufficient number of positive training examples, the performance improvement was not noticeable. Datasets organize information as hierarchies. We plan to extract the parent-child relationships existing within the DMOZ and Wikipedia hierarchies to improve the classification performance. We also plan to use the accelerated/proximal gradient descent approach to improve the learning rates. Finally, we also seek to improve run-time performance by implementing our approaches using data parallelism, seen in GPUs. \section{Acknowledgement} This project was funded by NSF career award 1252318. \bibliographystyle{unsrt}
225d119f8f6bbe1a70ce6dc6e65b0c049dbb5450
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Noise performance of the detectors} \label{s:detectors_extra} \begin{figure*}[!bth] \vskip-10pt \centering \includegraphics[width=0.99\textwidth]{figures/noiseASD_O1O2.pdf} \vskip-10pt \caption{Comparison of typical noise amplitude spectra of the LIGO detectors in the first observing run (O1) and the early stages of the second observing run (O2). The noise is expressed in terms of equivalent gravitational-wave strain amplitude. Some narrow features are calibration lines ($22$--$24~\mathrm{Hz}$ for L1, $35$--$38~\mathrm{Hz}$ for H1, $330~\mathrm{Hz}$ and $1080~\mathrm{Hz}$ for both), suspension fibers' resonances ($500~\mathrm{Hz}$ and harmonics) and $60~\mathrm{Hz}$ power line harmonics.} \label{fig:noiseASDO1O2} \end{figure*} Figure~\ref{fig:noiseASDO1O2} shows a comparison of typical strain noise amplitude spectra during the first observing run and early in the second for both of the LIGO detectors~\cite{G1500623}. For the Hanford detector, shot-noise limited performance was improved above about $500~\mathrm{Hz}$ by increasing the laser power. There are new broad mechanical resonance features (e.g., at $\sim 150~\mathrm{Hz}$, $320~\mathrm{Hz}$ and $350~\mathrm{Hz}$) due to increased beam pointing jitter from the laser, as well as the coupling of the jitter to the detector's gravitational-wave channel that is larger than in the Livingston detector. The increase in the noise between $40~\mathrm{Hz}$ and $100~\mathrm{Hz}$ is currently under investigation. For the Livingston detector, significant reduction in the noise between $25~\mathrm{Hz}$ and $100~\mathrm{Hz}$ was achieved mainly by the reduction of the scattered light that re-enters the interferometer. To date, the network duty factor of the LIGO detectors in the second observing run is about $51\%$ while it was about $43\%$ in the first observing run. The improvement came from better seismic isolation at Hanford, and fine tuning of the control of the optics at Livingston. \section{Detectors and data quality} \label{s:detectors} The LIGO detectors measure gravitational-wave strain using two dual-recycled Fabry--Perot Michelson interferometers at the Hanford and Livingston observatories~\cite{GW150914-DETECTORS,TheLIGOScientific:2014jea}. After the first observing run, both LIGO detectors underwent commissioning to reduce instrumental noise, and to improve duty factor and data quality \iftoggle{arXiv}{% (see Appendix~\ref{s:detectors_extra} in the \textit{Supplemental Material}~\cite{Supp-Mat}). }{ (see Sec.~I of the \textit{Supplemental Material}~\cite{Supp-Mat}). } For the Hanford detector, a high-power laser stage was introduced, and as the first step the laser power was increased from $22~\mathrm{W}$ to $30~\mathrm{W}$ to reduce shot noise~\cite{GW150914-DETECTORS} at high frequencies. For the Livingston detector, the laser power was unchanged, but there was a significant improvement in low-frequency performance mainly due to the mitigation of scattered light noise. Calibration of the interferometers is performed by inducing test-mass motion using photon pressure from modulated calibration lasers~\cite{Karki:2016pht,GW150914-CALIBRATION}. The one-sigma calibration uncertainties for strain data in both detectors for the times used in this analysis are better than \macro{\ensuremath{5\%}}{} in amplitude and \macro{\ensuremath{3^\circ}}{} in phase over the frequency range $20$--$1024~\mathrm{Hz}$. At the time of \macro{GW170104}{}, both LIGO detectors were operating with sensitivity typical of the observing run to date and were in an observation-ready state. Investigations similar to the detection validation procedures for previous events~\cite{GW150914-DETECTION,GW150914-DETCHAR} found no evidence that instrumental or environmental disturbances contributed to \macro{GW170104}{}. \section{Binary black hole populations and merger rates} \label{sec:discussion} The addition of the first $11$ days of coincident observing time in the second observing run, and the detection of \macro{GW170104}{}, leads to an improved estimate of the rate density of binary black hole mergers. We adopt two simple representative astrophysical population models: a distribution that is a power law in $m_1$ and uniform in $m_2$, $p\left( m_1, m_2 \right) \propto m_1^{-\alpha}/ \left(m_1 - 5 \, \ensuremath{{M}_\odot}\right)$ with $\alpha = 2.35$~\cite{Salpeter:1955it}, and a distribution uniform in the logarithm of each of the component masses~\cite{GW150914-RATES,O1:BBH}. In both cases, we impose $m_1, m_2 \geq 5 \, \ensuremath{{M}_\odot}$ and $M \leq 100 \, \ensuremath{{M}_\odot}$~\cite{GW150914-RATES}. Using the results from the first observing run as a prior, we obtain updated rates estimates of $\ensuremath{R = \macro{{103}^{+110}_{-63}}~\mathrm{Gpc^{-3}\,yr}^{-1}}{}$ for the power law, and $\ensuremath{R = \macro{{32}^{+33}_{-20}}~\mathrm{Gpc^{-3}\,yr}^{-1}}{}$ for the uniform-in-log distribution~\cite{O1:BBH}. These combine search results from the two offline matched filter analyses, and marginalize over the calibration uncertainty~\cite{GW150914-RATES-SUPPLEMENT}. The range for the merger rate that brackets the two distributions, $\ensuremath{\macro{12\text{--}213}~\mathrm{Gpc^{-3}\,yr}^{-1}}$, is consistent with the range $9$--$240~\mathrm{Gpc^{-3}\,yr^{-1}}$ estimated from the first observing run~\cite{GW150914-RATES,O1:BBH}. Recalculating the rates directly after observing a new event can bias rate estimates, but this bias decreases with increasing event count and is negligible compared to other uncertainties on the intervals. While the median estimates have not changed appreciably, the overall tightening in the credible intervals is consistent with the additional observation time and the increment in the number of events with significant probability of being astrophysical from $3$ to $4$. Following the first observing run, we performed a hierarchical analysis using the inferred masses of GW150914, LVT151012 and GW151226 to constrain the binary black hole mass distribution. We assumed the power-law population distribution described above, treating $\alpha$ as a parameter to be estimated, and found $\alpha = {2.5}^{+1.5}_{-1.6}$~\cite{O1:BBH}. With the addition of \macro{GW170104}{}, \iftoggle{arXiv}{% $\alpha$ is estimated to be $\ensuremath{\macro{{2.3}^{+1.3}_{-1.4}}}$ (see Appendix~\ref{s:pop-inf} in the \textit{Supplemental Material}~\cite{Supp-Mat}); }{ $\alpha$ is estimated to be $\ensuremath{\macro{{2.3}^{+1.3}_{-1.4}}}$ (see Sec.~IV of the \textit{Supplemental Material}~\cite{Supp-Mat}); } the median is close to the power-law exponent used to infer the (higher) merger rates. \section{Astrophysical implications} \macro{GW170104}{}'s source is a heavy stellar-mass binary black hole system. Such binaries are consistent with formation through several different evolutionary pathways~\cite{GW150914-ASTRO}. Assuming black holes of stellar origin, there are two broad families of formation channels: dynamical and isolated binary evolution. Dynamical assembly of binaries is expected in dense stellar clusters~\cite{PortegiesZwart:1999nm,Rodriguez:2016avt,OLeary:2016ayz,Mapelli:2016vca,Banerjee:2016ths,Hurley:2016zkb,Askar:2016jwt,Park:2017zgj}. Dynamical influences are also important for binary coalescences near galactic nuclei~\cite{Stone:2016wzz,Bartos:2016dgn,Antonini:2016gqe}, and through interactions as part of a triple~\cite{Silsbee:2016djf,Antonini:2017ash}. Isolated binary evolution in galactic fields classically proceeds via a common envelope~\cite{Tutokov:1973,Voss:2003ep,Mennekens:2013dja,Belczynski:2016obo,Eldridge:2016ymr,Lipunov:2016cml,Woosley:2016nnw,Kruckow:2016tti,Stevenson:2017tfq}. Variants avoiding common-envelope evolution include (quasi-)chemically homogeneous evolution of massive tidally locked binaries~\cite{Marchant:2016wow,Mandel:2015qlu,Eldridge:2016ymr}, or through stable mass transfer in Population I~\cite{Pavlovskii:2016edh,Heuvel:2017sfe} or Population III binaries~\cite{Hartwig:2016nde,Inayoshi:2017mrs}. Stars lose mass throughout their lives; to leave a heavy black hole as a remnant they must avoid significant mass loss. Low-metallicity progenitors are believed to have weaker stellar winds and hence diminished mass loss~\cite{Vink:2008}. Given the mass of the primary black hole, the progenitors of \macro{GW170104}{} likely formed in a lower metallicity environment $Z \lesssim 0.5 Z_{\odot}$~\cite{Belczynski:2009xy,Spera:2015vkd,Belczynski:2016obo,Rodriguez:2016kxx,GW150914-ASTRO}, but low mass loss may also have been possible at higher metallicity if the stars were strongly magnetized~\cite{Petit:2016uxn}. An alternative to the stellar-evolution channels would be binaries of primordial black holes~\cite{Carr:1974nx,Bird:2016dcv,Clesse:2016vqa,Carr:2016drx}. \macro{GW170104}{}'s component masses lie in a range for which primordial black holes could contribute significantly to the dark matter content of the Universe, but merger rates in such scenarios are uncertain~\cite{Bird:2016dcv,Sasaki:2016jop}. The potential for existing electromagnetic observations to exclude primordial black holes of these masses is an active area of research~\cite{Ricotti:2007au,Clesse:2015wea,Clesse:2016vqa,Kashlinsky:2016sdv,Green:2016xgy,Ali-Haimoud:2016mbv,Mediavilla:2017bok,Carr:2017jsz}. Some of the formation models listed above predict merger rates on the order of $\sim1$--$10~\mathrm{Gpc}^{-3}\,\mathrm{yr}^{-1}$~\cite{Rodriguez:2016kxx,Rodriguez:2016avt,Mapelli:2016vca,Stone:2016wzz,Bartos:2016dgn,Antonini:2016gqe,Silsbee:2016djf,Antonini:2017ash,Mandel:2015qlu,Hartwig:2016nde}. Given that the rate intervals have now tightened and the lower bound (from the uniform-in-log distribution) is $\sim \ensuremath{\macro{12}~\mathrm{Gpc^{-3}\,yr}^{-1}}$, these channels may be insufficient to explain the full rate, but they could contribute to the total rate if there are multiple channels in operation. Future observations will improve the precision of the rate estimation, its redshift dependence, and our knowledge of the mass distribution, making it easier to constrain binary formation channels. Gravitational-wave observations provide information about the component spins through measurements of $\chi_\mathrm{eff}$, and these measurements can potentially be used to distinguish different formation channels. Dynamically assembled binaries (of both stellar and primordial black holes) should have an isotropic distribution of spin tilts, with equal probability for positive and negative $\chi_\mathrm{eff}$, and a concentration around zero~\cite{Rodriguez:2016vmx}. Isolated binary evolution typically predicts moderate ($\lesssim 45^\circ$) spin misalignments~\cite{Kalogera:1999tq}, since the effect of many astrophysical processes, such as mass transfer~\cite{Bardeen:1975zz,King:2005mv} and tides~\cite{Zahn:1977mi,Hut:1981}, is to align spins with the orbital angular momentum. Black hole spins could become misaligned due to supernova explosions or torques during collapse. Large natal kicks are needed to produce negative $\chi_\mathrm{eff}$ by changing the orbital plane~\cite{Kalogera:1999tq,Rodriguez:2016vmx,OShaughnessy:2017eks}. The magnitude of these kicks is currently uncertain~\cite{Martin:2009ny,Wong:2013vya,Janka:2013hfa,Repetto:2015kra,Mandel:2015eta,Repetto:2017gry} and also influences the merger rate, with high kicks producing lower merger rates in some population-synthesis models~\cite{Voss:2003ep,Dominik:2013tma,Belczynski:2016obo,Rodriguez:2016kxx}. For binary neutron stars there is evidence that large tilts may be possible with small kicks~\cite{Spruit:1998sg,Farr:2011gs,Ferdman:2013xia,Kazeroni:2017fup}, and it is not yet understood if similar torques could occur for black holes~\cite{Janka:2013hfa,Miller:2014aaa,Fragos:2014cva,Fuller:2015}. The absolute value of $\chi_\mathrm{eff}$ depends on the spin magnitudes. Small values of $|\chi_\mathrm{eff}|$ can arise because the spin magnitudes are low, or because they are misaligned with the orbital angular momentum or each other. The spin magnitudes for binary black holes are currently uncertain, but GW151226 demonstrated that they can be $\gtrsim \SPINMAXMINBoxing$~\cite{GW151226-DETECTION}, and high-mass x-ray binary measurements indicate that the distribution of black hole spins could extend to larger magnitudes~\cite{Miller:2014aaa}. For \macro{GW170104}{}, we infer $\chi_\mathrm{eff} = \CHIEFFCOMPACTPerihelion$. This includes the possibility of negative $\chi_\mathrm{eff}$, which would indicate spin--orbit misalignment of at least one component. It also excludes large positive values, and thus could argue against its source forming through chemically homogeneous evolution, since large aligned spins ($a_{i} \gtrsim 0.4$) would be expected assuming the complete collapse of the progenitor stars~\cite{Marchant:2016wow}. The inferred range is consistent with dynamical assembly and isolated binary evolution provided that the positive orbit-aligned spin is small (whether due to low spins or misalignment)~\cite{Zaldarriaga:2017qkw,Hotokezaka:2017esv,Gerosa:2013laa,Rodriguez:2016vmx}. Current gravitational-wave measurements cluster around $\chi_\mathrm{eff} \sim 0$ ($|\chi_\mathrm{eff}| < \CHIEFFMAGLIMITBoxing$ at the $90\%$ credible level for all events; \iftoggle{arXiv}{% see Fig.~\ref{fig:chi-all} in the \textit{Supplemental Material}~\cite{Supp-Mat})~\cite{O1:BBH}. }{ see Fig.~5 of the \textit{Supplemental Material}~\cite{Supp-Mat})~\cite{O1:BBH}. } Assuming that binary black hole spins are not typically small ($\lesssim 0.2$), our observations hint towards the astrophysical population favoring a distribution of misaligned spins rather than near orbit-aligned spins~\cite{Farr:2017}; further detections will test if this is the case, and enable us to distinguish different spin magnitude and orientation distributions~\cite{Gerosa:2014kta,Vitale:2015tea,Gerosa:2017kvu,Fishbach:2017dwv,Stevenson:2017dlk,Talbot:2017yur}. \section*{Supplemental Material} \label{s:supplement} \section{Introduction} \label{s:intro} The first observing run of the Advanced Laser Interferometer Gravitational-Wave Observatory (LIGO)~\cite{TheLIGOScientific:2014jea} identified two binary black hole coalescence signals with high statistical significance, GW150914~\cite{GW150914-DETECTION} and GW151226~\cite{GW151226-DETECTION}, as well as a less significant candidate LVT151012~\cite{GW150914-CBC,O1:BBH}. These discoveries ushered in a new era of observational astronomy, allowing us to investigate the astrophysics of binary black holes and test general relativity (GR) in ways that were previously inaccessible~\cite{GW150914-ASTRO,GW150914-TESTOFGR}. We now know that there is a population of binary black holes with component masses $\gtrsim 25\,\ensuremath{{M}_\odot}$~\cite{GW150914-ASTRO,O1:BBH}, and that merger rates are high enough for us to expect more detections~\cite{GW150914-RATES,O1:BBH}. \begin{figure} \vskip-10pt \centering \includegraphics[width=1\columnwidth]{figures/qscan.pdf} \vskip-10pt \caption{Time--frequency representation~\cite{Chatterji:2004qg} of strain data from Hanford and Livingston detectors (top two panels) at the time of \macro{GW170104}. The data begin at $1167559936.5$ GPS time. The third panel from top shows the time-series data from each detector with a $30$--$350~\mathrm{Hz}$ bandpass filter, and band-reject filters to suppress strong instrumental spectral lines. The Livingston data have been shifted back by $3~\mathrm{ms}$ to account for the source's sky location, and the sign of its amplitude has been inverted to account for the detectors' different orientations. The maximum-likelihood binary black hole waveform given by the full-precession model (see Sec.~\ref{s:parameters}) is shown in black. The bottom panel shows the residuals between each data stream and the maximum-likelihood waveform. } \label{fig:omega_scan} \end{figure} Advanced LIGO's second observing run began on November 30, 2016. On \macro{January 4, 2017}{}, a gravitational-wave signal was detected with high statistical significance. Figure~\ref{fig:omega_scan} shows a time--frequency representation of the data from the LIGO Hanford and Livingston detectors, with the signal \macro{GW170104}{} visible as the characteristic chirp of a binary coalescence. Detailed analyses demonstrate that \macro{GW170104}{} arrived at Hanford $\sim\imrppTIMEDELAYHLSIMPLEPerihelion~\mathrm{ms}$ before Livingston, and originated from the coalescence of two stellar-mass black holes at a luminosity distance of $\sim\DISTANCELTYRSIMPLEPerihelion$ billion light-years. \macro{GW170104}'s source is a heavy binary black hole system, with a total mass of $\sim\MTOTSSIMPLEPerihelion\,\ensuremath{{M}_\odot}$, suggesting formation in a sub-solar metallicity environment~\cite{GW150914-ASTRO}. Measurements of the black hole spins show a preference away from being (positively) aligned with the orbital angular momentum, but do not exclude zero spins. This is distinct from the case for GW151226, which had a strong preference for spins with positive projections along the orbital angular momentum~\cite{GW151226-DETECTION}. The inferred merger rate agrees with previous calculations~\cite{GW150914-RATES,O1:BBH}, and could potentially be explained by binary black holes forming through isolated binary evolution or dynamical interactions in dense stellar clusters~\cite{GW150914-ASTRO}. Gravitational-wave observations of binary black holes are the ideal means to test GR and its alternatives. They provide insight into regimes of strong-field gravity where velocities are relativistic and the spacetime is dynamic. The tests performed with the sources detected in the first observing run showed no evidence of departure from GR's predictions~\cite{GW150914-TESTOFGR,O1:BBH}; \macro{GW170104}{} provides an opportunity to tighten these constraints. In addition to repeating tests performed in the first observing run, we also test for modifications to the gravitational-wave dispersion relation. Combining measurements from \macro{GW170104}{} with our previous results, we obtain new gravitational-wave constraints on potential deviations from GR. \section{Conclusions} \label{s:outlook} Advanced LIGO began its second observing run on November 30, 2016, and on January 4, 2017 the LIGO-Hanford and LIGO-Livingston detectors registered a highly significant gravitational-wave signal \macro{GW170104}{} from the coalescence of two stellar-mass black holes. \macro{GW170104}{} joins two other high-significance events~\cite{GW150914-DETECTION,GW151226-DETECTION} and a marginal candidate~\cite{GW150914-CBC} from Advanced LIGO's first observing run~\cite{O1:BBH}. This new detection is entirely consistent with the astrophysical rates inferred from the previous run. The source is a heavy binary black hole system, similar to that of GW150914. Spin configurations with both component spins aligned with the orbital angular momentum are disfavored (but not excluded); we do not significantly constrain the component black holes' spin magnitudes. The observing run will continue until mid 2017. Expanding the catalog of binary black holes will provide further insight into their formation and evolution, and allow for tighter constraints on potential modifications to GR. Further details of the analysis and the results are given in the \iftoggle{arXiv}{% \textit{Supplemental Material}~\cite{Supp-Mat}. }{ \textit{Supplemental Material}~\cite{Supp-Mat}. } Data for this event are available at the LIGO Open Science Center~\cite{LOSC:GW170104}. \section{Source properties} \label{s:parameters} The source parameters are inferred from a coherent Bayesian analysis of the data from both detectors~\cite{Veitch:2014wba,GW150914-PARAMESTIM}. As a cross-check, we use two independent model-waveform families. Both are tuned to numerical-relativity simulations of binary black holes with nonprecessing spins, and introduce precession effects through approximate prescriptions. One model includes inspiral spin precession using a single effective spin parameter $\chi_\mathrm{p}$~\cite{Hannam:2013oca,Schmidt:2014iyl,Khan:2015jqa}; the other includes the generic two-spin inspiral precession dynamics~\cite{Pan:2013rra,Taracchini:2013rva,Babak:2016tgq}. We refer to these as the effective-precession and full-precession models, respectively~\cite{GW150914-PRECESSING}. The two models yield consistent results. Table~\ref{tab:parameters} shows selected source parameters for \macro{GW170104}{}; unless otherwise noted, we quote the median and symmetric $90\%$ credible interval for inferred quantities. The final mass (or equivalently the energy radiated), final spin and peak luminosity are computed using averages of fits to numerical-relativity results~\cite{Hofmann:2016yih,Jimenez-Forteza:2016oae,Healy:2016lce,T1600168,Keitel:2016krm}. The parameter uncertainties include statistical and systematic errors from averaging posterior probability distributions over the two waveform models, as well as calibration uncertainty~\cite{GW150914-PARAMESTIM} (and systematic uncertainty in the fit for peak luminosity). Statistical uncertainty dominates the overall uncertainty as a consequence of the moderate SNR. \input{GW170104_pe_table_small.tex} \begin{figure} \centering \includegraphics[width=0.98\columnwidth]{figures/m1_m2_allevents.pdf} \caption{Posterior probability density for the source-frame masses $m_1$ and $m_2$ (with $m_1 \geq m_2$). The one-dimensional distributions include the posteriors for the two waveform models, and their average (black). The dashed lines mark the $90\%$ credible interval for the average posterior. The two-dimensional plot shows the contours of the $50\%$ and $90\%$ credible regions plotted over a color-coded posterior density function. For comparison, we also show the two-dimensional contours for the previous events~\cite{O1:BBH}. } \label{fig:mass} \end{figure} For binary coalescences, the gravitational-wave frequency evolution is primarily determined by the component masses. For higher mass binaries, merger and ringdown dominate the signal, allowing good measurements of the total mass $M = m_1 + m_2$~\cite{Ajith:2009fz,Veitch:2015ela,Graff:2015bba,Haster:2015cnn,Ghosh:2015jra}. For lower mass binaries, like GW151226~\cite{GW151226-DETECTION}, the inspiral is more important, providing precision measurements of the chirp mass $\mathcal{M} = (m_1 m_2)^{3/5}/M^{1/5}$~\cite{Finn:1992xs,Cutler:1994ys,Blanchet:1995ez,Vitale:2014mka}. The transition between the regimes depends upon the detectors' sensitivity, and \macro{GW170104}{} sits between the two. The inferred component masses are shown in Fig.~\ref{fig:mass}. The form of the two-dimensional distribution is guided by the combination of constraints on $M$ and $\mathcal{M}$. The binary was composed of two black holes with masses $m_{1} =\MONESCOMPACTPerihelion\,\ensuremath{{M}_\odot}$ and $m_{2} =\MTWOSCOMPACTPerihelion\,\ensuremath{{M}_\odot}$; these merged into a final black hole of mass $\MFINALSavgCOMPACTPerihelion\,\ensuremath{{M}_\odot}$. This binary ranks second, behind GW150914's source~\cite{GW150914-PARAMESTIM,O1:BBH}, as the most massive stellar-mass binary black hole system observed to date. \begin{figure} \centering \includegraphics[width=0.93\columnwidth]{figures/eff_spins_prior.pdf} \\ \includegraphics[width=0.88\columnwidth]{figures/comp_spin_overall.pdf} \caption{\textit{Top:} Posterior probability density for the effective inspiral and precession spin parameters, $\chi_\mathrm{eff}$ and $\chi_\mathrm{p}$. The one-dimensional distributions show the posteriors for the two waveform models, their average (black), and the prior distributions (green). The dashed lines mark the $90\%$ credible interval for the average posterior. The two-dimensional plot shows the $50\%$ and $90\%$ credible regions plotted over the posterior density function. \textit{Bottom:} Posterior probabilities for the dimensionless component spins, $c\mathbf{S}_1/(Gm_1^2)$ and $c\mathbf{S}_2/(Gm_2^2)$, relative to the normal of the orbital plane $\mathbf{\hat{L}}$. The tilt angles are $0^\circ$ for spins aligned with the orbital angular momentum and $180^\circ$ for spins antialigned. The probabilities are marginalized over the azimuthal angles. The pixels have equal prior probability ($1.6\times10^{-3}$); they are spaced linearly in spin magnitudes and the cosine of the tilt angles. Results are given at a gravitational-wave frequency of $20~\mathrm{Hz}$. } \label{fig:spin} \end{figure} The black hole spins play a subdominant role in the orbital evolution of the binary, and are more difficult to determine. The orientations of the spins evolve due to precession~\cite{Apostolatos:1994mx,Blanchet:2013haa}, and we report results at a point in the inspiral corresponding to a gravitational-wave frequency of $20~\mathrm{Hz}$~\cite{GW150914-PARAMESTIM}. The effective inspiral spin parameter $\chi_\mathrm{eff} = (m_1 a_1 \cos\theta_{LS_1} + m_2 a_2 \cos\theta_{LS_2})/M$ is the most important spin combination for setting the properties of the inspiral~\cite{Damour:2001tu,Ajith:2009bn,Santamaria:2010yb} and remains important through to merger~\cite{Campanelli:2006uy,Reisswig:2009vc,Purrer:2013xma,Purrer:2015nkh,Vitale:2016avz}; it is approximately constant throughout the orbital evolution~\cite{Racine:2008qv,Gerosa:2015tea}. Here $\theta_{LS_i} = \cos^{-1}(\mathbf{\hat L} \cdot \mathbf{\hat S}_i)$ is the tilt angle between the spin $\mathbf{S}_i$ and the orbital angular momentum $\mathbf{L}$, which ranges from $0^\circ$ (spin aligned with orbital angular momentum) to $180^\circ$ (spin antialigned); $a_i = |c\mathbf{S}_i/Gm_i^2|$ is the (dimensionless) spin magnitude, which ranges from $0$ to $1$, and $i = 1$ for the primary black hole and $i = 2$ for the secondary. We use the Newtonian angular momentum for $\mathbf{L}$, such that it is normal to the orbital plane; the total orbital angular momentum differs from this because of post-Newtonian corrections. We infer that $\chi_\mathrm{eff} = \CHIEFFCOMPACTPerihelion$. Similarly to GW150914~\cite{GW150914-PARAMESTIM,GW150914-PRECESSING,O1:BBH}, $\chi_\mathrm{eff}$ is close to zero with a preference towards being negative: the probability that $\chi_\mathrm{eff} < 0$ is $\CHIEFFNEGPROBPerihelion$. Our measurements therefore disfavor a large total spin positively aligned with the orbital angular momentum, but do not exclude zero spins. The in-plane components of the spin control the amount of precession of the orbit~\cite{Apostolatos:1994mx}. This may be quantified by the effective precession spin parameter $\chi_\mathrm{p}$ which ranges from $0$ (no precession) to $1$ (maximal precession)~\cite{Schmidt:2014iyl}. Figure~\ref{fig:spin} (top) shows the posterior probability density for $\chi_\mathrm{eff}$ and $\chi_\mathrm{p}$~\cite{Schmidt:2014iyl}. We gain some information on $\chi_\mathrm{eff}$, excluding large positive values, but, as for previous events~\cite{GW150914-PARAMESTIM,GW151226-DETECTION,O1:BBH}, the $\chi_\mathrm{p}$ posterior is dominated by the prior \iftoggle{arXiv}{% (see Appendix~\ref{s:pe-appendix} in the \textit{Supplemental Material}~\cite{Supp-Mat}). }{ (see Sec.~III of the \textit{Supplemental Material}~\cite{Supp-Mat}). } No meaningful constraints can be placed on the magnitudes of the in-plane spin components and hence precession. The inferred component spin magnitudes and orientations are shown in Fig.~\ref{fig:spin} (bottom). The lack of constraints on the in-plane spin components means that we learn almost nothing about the spin magnitudes. The secondary's spin is less well constrained as the less massive component has a smaller impact on the signal. The probability that the tilt $\theta_{LS_i}$ is less than $45^\circ$ is $\TILTANGLEONEPROBPerihelion$ for the primary black hole and $\TILTANGLETWOPROBPerihelion$ for the secondary, whereas the prior probability is $0.15$ for each. Considering the two spins together, the probability that both tilt angles are less than $90^\circ$ is $\ALIGNEDPROBPerihelion$. Effectively all of the information comes from constraints on $\chi_\mathrm{eff}$ combined with the mass ratio (and our prior of isotropically distributed orientations and uniformly distributed magnitudes)~\cite{O1:BBH}. The source's luminosity distance $D_\mathrm{L}$ is inferred from the signal amplitude~\cite{Schutz:1986gp,GW150914-PARAMESTIM}. The amplitude is inversely proportional to the distance, but also depends upon the binary's inclination~\cite{Cutler:1994ys,Nissanke:2009kt,Rodriguez:2013oaa,Farr:2015lna}. This degeneracy is a significant source of uncertainty~\cite{Ghosh:2015jra,Vitale:2016avz}. The inclination has a bimodal distribution with broad peaks for face-on and face-off orientations \iftoggle{arXiv} (see Fig.~\ref{fig:distance} if the \textit{Supplemental Material}~\cite{Supp-Mat}). }{ (see Fig.~4 of the \textit{Supplemental Material}~\cite{Supp-Mat}). } \macro{GW170104}{}'s source is at $D_\mathrm{L} = \DISTANCECOMPACTPerihelion~\mathrm{Mpc}$, corresponding to a cosmological redshift of $z = \REDSHIFTCOMPACTPerihelion$~\cite{Ade:2015xua}. While \macro{GW170104}{}'s source has masses and spins comparable to GW150914's, it is most probably at a greater distance~\cite{GW150914-PARAMESTIM,O1:BBH}. For GW150914, extensive studies were made to verify the accuracy of the model waveforms for parameter estimation through comparisons with numerical-relativity waveforms~\cite{GW150914-ACCURACY,GW150914-NRCOMP}. \macro{GW170104}{} is a similar system to GW150914 and, therefore, it is unlikely that there are any significant biases in our results as a consequence of waveform modeling. The lower SNR of \macro{GW170104}{} makes additional effects not incorporated in the waveform models, such as higher modes~\cite{Varma:2014jxa,Graff:2015bba,Bustillo:2015qty}, less important. However, if the source is edge on or strongly precessing, there could be significant biases in quantities including $\mathcal{M}$ and $\chi_\mathrm{eff}$~\cite{GW150914-ACCURACY}. Comparison to numerical-relativity simulations of binary black holes with nonprecessing spins~\cite{GW150914-NRCOMP}, including those designed to replicate \macro{GW170104}{}, produced results (and residuals) consistent with the model-waveform analysis. \section{Parameter inference} \label{s:pe-appendix} The source properties are estimated by exploring the parameter space with stochastic sampling algorithms~\cite{Veitch:2014wba}. Calculating the posterior probability requires the likelihood of the data given a set of parameters, and the parameters' prior probabilities. The likelihood is determined from a noise-weighted inner product between the data and a template waveform~\cite{Cutler:1994ys}. Possible calibration error is incorporated using a frequency-dependent spline model for each detector~\cite{SplineCalMarg-T1400682}. The analysis follows the approach used for previous signals~\cite{GW150914-PARAMESTIM,GW150914-PRECESSING,O1:BBH}. A preliminary analysis was performed to provide a medium-latency source localization~\cite{GCN20385}. This analysis used an initial calibration of the data and assumed a (conservative) one-sigma calibration uncertainty of $10\%$ in amplitude and $10^\circ$ in phase for both detectors, a reduced-order quadrature model of the effective-precession waveform~\cite{Smith:2016qas,Husa:2015iqa,Khan:2015jqa,Hannam:2013oca} (the most computationally expedient model), and a power spectral density calculated using a parametrized model of the detector noise~\cite{Cornish:2014kda,Littenberg:2014oda}. A stretch of $4~\mathrm{s}$ of data, centered on the event, was analysed across a frequency range of $20$--$1024~\mathrm{Hz}$. We assumed uninformative prior probabilities~\cite{GW150914-PARAMESTIM,O1:BBH}; technical restrictions of the reduced-order quadrature required us to limit spin magnitudes to $< 0.8$ and impose cuts on the masses (as measured in the detector frame) such that $m_{1,2}^\mathrm{det} \in [5.5, 160]\,\ensuremath{{M}_\odot}$, $\mathcal{M}^\mathrm{det} \in [12.3, 45.0]\,\ensuremath{{M}_\odot}$ and mass ratio $q = m_2/m_1 \geq 1/8$. The bounds of the mass prior do not affect the posterior, but the spin distributions were truncated. The source position is not strongly coupled to the spin distribution, and so should not have been biased by these limits~\cite{Singer:2015ema,Farr:2015lna}. The final analysis used an updated calibration of the data, with one-sigma uncertainties of $3.8\%$ in amplitude and $2.2^\circ$ in phase for Hanford, and $3.8\%$ and $1.9^\circ$ for Livingston, and two waveform models, the effective-precession model~\cite{Husa:2015iqa,Khan:2015jqa,Hannam:2013oca} and the full-precession model~\cite{Pan:2013rra,Taracchini:2013rva,Babak:2016tgq}. The spin priors were extended up to $0.99$. As a consequence of the computational cost of the full-precession model, we approximate the likelihood by marginalising over the time and phase at coalescence as if the waveform contained only the dominant $(2,\pm2)$ harmonics~\cite{Veitch:2014wba}. This marginalisation is not exact for precessing models, but should not significantly affect signals with binary inclinations that are nearly face on or face off~\cite{GW150914-PRECESSING}. Comparisons with preliminary results from an investigation using the full-precession waveform without marginalisation confirm that this approximation does not impact results. The two waveform models produce broadly consistent parameter estimates, so the overall results are constructed by averaging the two distributions. As a proxy for the theoretical error from waveform modeling, we use the difference between the results from the two approximants~\cite{GW150914-PARAMESTIM}. A detailed summary of results is given in Table~\ref{tab:event-parameters}, and the final sky localization is shown in Fig.~\ref{fig:sky}. \input{GW170104_pe_table_big_SEOBNRv3} \begin{figure} \centering \includegraphics[width=\columnwidth]{figures/LALInference_celestial.pdf} \caption{A Mollweide projection of the posterior probability density for the location of the source in equatorial coordinates (right ascension is measured in hours and declination is measured in degrees). The location broadly follows an annulus corresponding to a time delay of $\sim\imrppTIMEDELAYHLPerihelion~\mathrm{ms}$ between the Hanford and Livingston observatories. We estimate that the area of the $90\%$ credible region is $\sim\PESKYNINTYPerihelion$. } \label{fig:sky} \end{figure} Figure~\ref{fig:distance} illustrates the distance, and the angle between the total angular momentum and the line of sight $\theta_{JN}$. The latter is approximately constant throughout the inspiral and serves as a proxy for the binary inclination~\cite{Apostolatos:1994mx,Farr:2014qka}. The full-precessing model shows a greater preference (after accounting for the prior) for face-on or face-off orientations with $\theta_{JN} \simeq 0^\circ$ or $180^\circ$. This leads to the tail of the $D_\mathrm{L}$ distribution extending to farther distances. There is a preference towards face-on or face-off inclinations over those which are edge on; the probability that $|\cos\theta_{JN}| > 1/\sqrt{2}$ is $\THETAJNPROBPerihelion$, compared to a prior probability of $0.29$. These inclinations produce louder signals and so are expected to be most commonly detected~\cite{Schutz:2011tw,Nissanke:2012dj}. Viewing the binary near face-on or face-off minimises the impact (if present) of precession~\cite{Vitale:2014mka,GW150914-PARAMESTIM}. \begin{figure} \centering \includegraphics[width=0.98\columnwidth]{figures/dist_thetajn.pdf} \caption{Posterior probability density for the source luminosity distance $D_\mathrm{L}$ and the binary inclination $\theta_{JN}$. The one-dimensional distributions include the posteriors for the two waveform models, and their average (black). The dashed lines mark the $90\%$ credible interval for the average posterior. The two-dimensional plot shows the $50\%$ and $90\%$ credible regions plotted over the posterior density function. } \label{fig:distance} \end{figure} For \macro{GW170104}{}, we obtain weak constraints on the spins. The amount of information we learn from the signal may be quantified by the Kullback--Leibler divergence, or relative entropy, from the prior to the posterior~\cite{Kullback:1951,Mackay:2003}. For $\chi_\mathrm{eff}$ we gain $\CHIEFFKLPerihelion~\mathrm{nat}$ of information, and for $\chi_\mathrm{p}$ we only gain $\CHIPKLPerihelion~\mathrm{nat}$. As comparison, the Kullback--Leibler divergence between two equal-width normal distributions with means one standard deviation apart is $0.5~\mathrm{nat} = 0.72~\mathrm{bit}$. We cannot gain much insight from these spin measurements, but this may become possible by considering the population of binary black holes~\cite{Mandel:2009nx}. Figure~\ref{fig:chi-all} shows the inferred $\chi_\mathrm{eff}$ distributions for \macro{GW170104}, GW150914, LVT151012 and GW151226~\cite{O1:BBH}. Only GW151226 has a $\chi_\mathrm{eff}$ (and hence at least one component spin) inconsistent with zero. The others are consistent with positive or negative effective inspiral spin parameters; the probabilities that $\chi_\mathrm{eff} > 0$ are $\CHIEFFPROBPerihelion$, $\CHIEFFPROB$ and $\CHIEFFPROBSecondMonday$ for \macro{GW170104}{}, GW150914 and LVT151012, respectively. Future analysis may reveal if there is evidence for spins being isotropically distributed, preferentially aligned with the orbital angular momentum, or drawn from a mixture of populations~\cite{Vitale:2015tea,Stevenson:2017dlk,Talbot:2017yur,Farr:2017}. \begin{figure} \centering \includegraphics[width=0.98\columnwidth]{figures/chieff_allevents_prior.pdf} \caption{Posterior probability densities for the effective inspiral spin $\chi_\mathrm{eff}$ for \macro{GW170104}, GW150914, LVT151012 and GW151226~\cite{O1:BBH}, together with the prior probability distribution for \macro{GW170104}. The distribution for \macro{GW170104}{} uses both precessing waveform models, but, for ease of comparison, the others use only the effective-precession model. The prior distributions vary between events, as a consequence of different mass ranges, but the difference is negligible on the scale plotted. } \label{fig:chi-all} \end{figure} While we learn little about the component spin magnitudes, we can constrain the final black hole spin. The final black hole's dimensionless spin $a_\mathrm{f}$ is set by the binary's total angular momentum (the orbital angular momentum and the components' spins) minus that radiated away. Figure~\ref{fig:final} illustrates the probability distributions for the final mass and spin. To obtain these, we average results from different numerical-relativity calibrated fits for the final mass~\cite{Jimenez-Forteza:2016oae,Healy:2016lce} and for the final spin~\cite{Hofmann:2016yih,Jimenez-Forteza:2016oae,Healy:2016lce}. The fitting formulae take the component masses and spins as inputs. We evolve the spins forward from the $20~\mathrm{Hz}$ reference frequency to a fiducial near merger frequency, and augment the aligned-spin final spin fits~\cite{Jimenez-Forteza:2016oae,Healy:2016lce} with the contribution from the in-plane spins before averaging~\cite{T1600168}. From comparisons with precessing numerical-relativity results, we estimate that systematic errors are negligible compared to the statistical uncertainties. We follow the same approach for fits for the peak luminosity~\cite{Healy:2016lce,Keitel:2016krm}; here the systematic errors are larger (up to $\sim10\%$) and we include them in the uncertainty estimate~\cite{GW150914-PARAMESTIM}. We find that $a_\mathrm{f} = \SPINFINALinplaneCOMPACTPerihelion$. This is comparable to that for previous events~\cite{GW150914-PARAMESTIM,GW150914-PRECESSING,O1:BBH}, as expected for near equal-mass binaries~\cite{Gonzalez:2006md,Berti:2007fi}, but extends to lower values because of the greater preference for spins with components antialigned with the orbital angular momentum. \begin{figure} \centering \includegraphics[width=0.98\columnwidth]{figures/final_mass_spin.pdf} \caption{Posterior probability density for the final black hole mass $M_\mathrm{f}$ and spin magnitude $a_\mathrm{f}$. The one-dimensional distributions include the posteriors for the two waveform models, and their average (black). The dashed lines mark the $90\%$ credible interval for the average posterior. The two-dimensional plot shows the $50\%$ and $90\%$ credible regions plotted over the posterior density function. } \label{fig:final} \end{figure} The final calibration uncertainty is sufficiently small to not significantly affect results. To check the impact of calibration uncertainty, we repeated the analysis using the effective-precession waveform without marginalising over the calibration. For most parameters the change is negligible. The most significant effect of calibration uncertainty is on sky localization. Excluding calibration uncertainty reduces the $90\%$ credible area by $\sim\SKYCALIBNINTYimrppPerihelion$. \section{Population inference} \label{s:pop-inf} Gravitational-wave observations are beginning to reveal a population of merging binary black holes. With four probable mergers we can only roughly constrain the population. Here we fit a hierarchical single-parameter population model to the three probable mergers from first observing run~\cite{O1:BBH} and \macro{GW170104}{}. We assume that the two-dimensional mass distribution of mergers is the combination of a power law in $m_1$ and a flat $m_2$ distribution, \begin{equation} \label{eq:mass-dist-assumption} p\left( m_1 , m_2 \right) \propto m_1^{-\alpha} \frac{1}{m_1 - \ensuremath{m_\mathrm{min}}}, \end{equation} with $\ensuremath{m_\mathrm{min}} = 5 \, \ensuremath{{M}_\odot}$~\cite{Ozel:2010su,Farr:2010tu,Kreidberg:2012ud}, and subject to the constraint that $M \leq \ensuremath{M_\mathrm{max}}$, with $\ensuremath{M_\mathrm{max}} = 100 \, \ensuremath{{M}_\odot}$, matching the analysis from the first observing run~\cite{GW150914-RATES,O1:BBH}. Our sensitivity to these choices for lower and upper cut-off masses is much smaller than the statistical uncertainty in our final estimate of $\alpha$. The marginal distribution for $m_1$ is \begin{equation} \label{eq:m1-distribution} p\left( m_1 \right) \propto m_1^{-\alpha} \frac{\min\left( m_1, \ensuremath{M_\mathrm{max}} - m_1 \right) - \ensuremath{m_\mathrm{min}}}{m_1 - \ensuremath{m_\mathrm{min}}}, \end{equation} and the parameter $\alpha$ is the power-law slope of the marginal distribution for $m_1$ at masses $m_1 \leq \ensuremath{M_\mathrm{max}} / 2$. The initial mass function of stars follows a similar power-law distribution~\cite{Salpeter:1955it,Kroupa:2000iv}, and the mass distribution of companions to massive stars appears to be approximately uniform in the mass ratio $q$~\cite{Kobulnicky:2007,Sana:2012px,Kobulnicky:2014ita}. While the initial--final mass relation in binary black hole systems is complicated and nonlinear~\cite{Fryer:1999ht,Fryer:2011cx,Dominik:2012kk,Spera:2015vkd}, this simple form provides a sensible starting point for estimating the mass distribution. Accounting for selection effects and the uncertainty in our estimates of the masses of our four events, and imposing a flat prior on the parameter $\alpha$~\cite{O1:BBH}, we find $\alpha = \ensuremath{\macro{{2.3}^{+1.3}_{-1.4}}}$. Our posterior on $\alpha$ appears in Fig.~\ref{fig:alpha-posterior}. The inferred posterior on the marginal distribution for $m_1$ appears in Fig.~\ref{fig:m1-dist}; the turnover for $m_1 > 50 \, \ensuremath{{M}_\odot}$ is a consequence of our choice of $\ensuremath{M_\mathrm{max}} = 100 \, \ensuremath{{M}_\odot}$ in Eq.~\eqref{eq:m1-distribution}. \begin{figure} \centering \includegraphics[width=0.995\columnwidth]{figures/power-law-slope-posterior} \caption{The posterior distribution for the power-law slope of the massive component of the binary black hole mass distribution, $\alpha$, described in the main text, using the three probable events from the first observing run~\cite{O1:BBH} and \macro{GW170104}{}. We find the median and $90\%$ credible interval are $\alpha = \ensuremath{\macro{{2.3}^{+1.3}_{-1.4}}}$. The black line indicates the Salpeter law~\cite{Salpeter:1955it} slope used in the power-law population for estimating binary black hole coalescence rates.} \label{fig:alpha-posterior} \end{figure} \begin{figure} \centering \includegraphics[width=0.995\columnwidth]{figures/m1-pm1-power-law.pdf} \caption{The posterior probability distribution for the primary component mass $m_1$ of binary black holes inferred from the hierarchical analysis. The black line gives the posterior median as a function of mass, and the dark and light grey bands give the $50\%$ and $90\%$ credible intervals. The colored vertical bands give the $50\%$ credible interval from the posterior on $m_1$ from the analyses of (left to right) GW151226, LVT151012, \macro{GW170104}{}, and GW150914. The marginal mass distribution is a power law for $m_1 \leq 50 \, \ensuremath{{M}_\odot}$, and turns over for $m_1 \geq 50 \, \ensuremath{{M}_\odot}$ due to the constraint on the two-dimensional population distribution that $m_1+m_2 \leq 100 \, \ensuremath{{M}_\odot}$.} \label{fig:m1-dist} \end{figure} \section{Waveform reconstructions} \label{s:reconstructions} \begin{figure} \centering \includegraphics[width=1\columnwidth]{figures/wf_reconstructions.pdf} \caption{Time-domain detector data (gray), and $90\%$ confidence intervals for waveforms reconstructed from the morphology-independent wavelet analysis (orange) and binary black hole (BBH) models from both waveform families (blue), whitened by each instrument's noise amplitude spectral density. The left ordinate axes are normalized such that the amplitude of the whitened data and the physical strain are equal at $200~\mathrm{Hz}$. The right ordinate axes are in units of noise standard deviations. The width of the BBH region is dominated by the uncertainty in the astrophysical parameters.} \label{fig:wf_reconstructions} \end{figure} Consistency of \macro{GW170104}{} with binary black hole waveform models can also be explored through comparisons with a morphology-independent signal model~\cite{Cornish:2014kda}. We choose to describe the signal as a superposition of an arbitrary number of Morlet--Gabor wavelets, which models an elliptically polarized, coherent signal in the detector network. Figure~\ref{fig:wf_reconstructions} plots whitened detector data at the time of \macro{GW170104}, together with waveforms drawn from the $90\%$ credible region of the posterior distributions of the morphology-independent model and the binary black hole waveform models used to infer the source properties. The signal appears in the two detectors with slightly different amplitudes, and a relative phase shift of approximately $180^{\circ}$, because of their different spatial orientations~\cite{GW150914-DETECTION}. The wavelet- and template-based reconstructions differ at early times because the wavelet basis requires high-amplitude, well-localized signal energy to justify the presence of additional wavelets, while the earlier portion of the signal is inherently included in the binary black hole waveform model. The waveforms reconstructed from the morphology-independent model are consistent with the characteristic inspiral--merger--ringdown structure. The overlap~\cite{Finn:1992xs} between the maximum-likelihood waveform of the binary black hole model and the median waveform of the morphology-independent analysis is $\burstOverlap\%$, consistent with expectations from Monte Carlo analysis of binary black hole signals injected into detector data~\cite{GW150914-BURST}. We also use the morphology-independent analysis to search for residual gravitational-wave energy after subtracting the maximum-likelihood binary black hole signal from the measured strain data. There is an $83\%$ posterior probability in favor of Gaussian noise versus residual coherent gravitational-wave energy which is not described by the waveform model, implying that \macro{GW170104}'s source is a black hole binary. \section{Searches} \label{s:searches_sup} The significance of a candidate event is calculated by comparing its detection statistic value to an estimate of the background noise~\cite{Usman:2015kfa, GW150914-CBC, pycbc-github, Messick:2016aqy, Nitz:2017}. Figure~\ref{fig:bkg} shows the background and candidate events from the offline searches for compact binary coalescences obtained from \macro{5.5}{} days of coincident data. At the detection statistic value assigned to GW170104, the false alarm rate is less than \macro{1 in 70,000 years}{} of coincident observing time. \section{Searches} \label{s:searches} \macro{GW170104}{} was first identified by inspection of low-latency triggers from Livingston data~\cite{Canton:2014ena, Usman:2015kfa, pycbc-github}. An automated notification was not generated as the Hanford detector's calibration state was temporarily set incorrectly in the low-latency system. After it was manually determined that the calibration of both detectors was in a nominal state, an alert with an initial source localization~\cite{Singer:2015ema,Singer:2016eax} was distributed to collaborating astronomers~\cite{GCN20364} for the purpose of searching for a transient counterpart. Twenty-eight groups of observers covered the parts of the sky localization using ground- and space-based instruments, spanning from $\gamma$ ray to radio frequencies as well as high-energy neutrinos~\cite{GCN-archive} Offline analyses are used to determine the significance of candidate events. They benefit from improved calibration and refined data quality information that is unavailable to low-latency analyses~\cite{O1:BBH, GW150914-DETCHAR}. The second observing run is divided into periods of two-detector cumulative coincident observing time with $\gtrsim 5$ days of data to measure the false alarm rate of the search at the level where detections can be confidently claimed. Two independently designed matched filter analyses~\cite{Usman:2015kfa, Messick:2016aqy} used \macro{5.5}{} days of coincident data collected from \macro{January 4, 2017}{} to \macro{January 22, 2017}{}. These analyses search for binary coalescences over a range of possible masses and by using discrete banks~\cite{Capano:2016dsf, Brown:2012qf, Harry:2009ea, Ajith:2012mn, Sathyaprakash:1991mt, Owen:1998dk} of waveform templates modeling binaries with component spins aligned or antialigned with the orbital angular momentum~\cite{Bohe:2016gbl}. The searches can target binary black hole mergers with detector-frame total masses $2\,\ensuremath{{M}_\odot} \le M^\mathrm{det} \lesssim 100$--$500\, \ensuremath{{M}_\odot}$, and spin magnitudes up to $\sim0.99$. The upper mass boundary of the bank is determined by imposing a lower limit on the duration of the template in the detectors' sensitive frequency band~\cite{DalCanton:2017}. Candidate events must be found in both detectors by the same template within $15~\mathrm{ms}$~\cite{GW150914-CBC}. This $15$-ms window is determined by the $10$-$\mathrm{ms}$ intersite propagation time plus an allowance for the uncertainty in identified signal arrival times of weak signals. Candidate events are assigned a detection statistic value ranking their relative likelihood of being a gravitational-wave signal: the search uses an improved detection statistic compared to the first observing run~\cite{Nitz:2017}. The significance of a candidate event is calculated by comparing its detection statistic value to an estimate of the background noise~\cite{Usman:2015kfa, GW150914-CBC, pycbc-github, Messick:2016aqy}. \macro{GW170104}{} was detected with a network matched-filter signal-to-noise ratio (SNR) of \macro{13}. At the detection statistic value assigned to \macro{GW170104}{}, the false alarm rate is less than \macro{1 in 70,000 years}{} of coincident observing time. The probability of astrophysical origin $P_{\mathrm{astro}}$ for a candidate event is found by comparing the candidate's detection statistic to a model described by the distributions and rates of both background and signal events~\cite{GW150914-RATES, GW150914-RATES-SUPPLEMENT,Farr:2013yna}. The background distribution is analysis dependent, being derived from the background samples used to calculate the false alarm rate. The signal distribution can depend on the mass distribution of the source systems; however, we find that different models of the binary black hole mass distribution (as described in Sec.~\ref{sec:discussion}) lead to negligible differences in the resulting value of $P_{\mathrm{astro}}$. At the detection statistic value of \macro{GW170104}{}, the background rate in both matched filter analyses is dwarfed by the signal rate, yielding $P_{\mathrm{astro}} > 1 - (3 \times 10^{-5})$. An independent analysis that is not based on matched filtering, but instead looks for generic gravitational-wave bursts~\cite{GW150914-DETECTION,GW150914-BURST} and selects events where the signal frequency rises over time~\cite{Klimenko:2015ypf}, also identified \macro{GW170104}{}. This approach allows for signal deviations from the waveform models used for matched filtering at the cost of a lower significance for signals that are represented by the considered templates. This analysis reports a false alarm rate of \burstEventFAR{} for \macro{GW170104}{}. \section{Tests of general relativity} \label{s:grtests} To check the consistency of the observed signals with the predictions of GR for binary black holes in quasicircular orbit, we employ a phenomenological approach that probes how gravitational-wave generation or propagation could be modified in an alternative theory of gravity. Testing for these characteristic modifications in the waveform can quantify the degree to which departures from GR can be tolerated given the data. First, we consider the possibility of a modified gravitational-wave dispersion relation, and place bounds on the magnitude of potential deviations from GR. Second, we perform null tests to quantify generic deviations from GR: without assuming a specific alternative theory of gravity, we verify if the detected signal is compatible with GR. For these tests we use the three confident detections (GW150914, GW151226 and \macro{GW170104}{}); we do not use the marginal event LVT151012, as its low SNR means that it contributes insignificantly to all the tests~\cite{O1:BBH}. \subsection{Modified dispersion} In GR, gravitational waves are nondispersive. We consider a modified dispersion relation of the form $E^2=p^2 c^2+A p^{\alpha} c^\alpha$, $\alpha\geq0$, that leads to dephasing of the waves relative to the phase evolution in GR. Here $E$ and $p$ are the energy and momentum of gravitational radiation, and $A$ is the amplitude of the dispersion~\cite{Mirshekari:2011yq,Yunes:2016jcc}. Modifications to the dispersion relation can arise in theories that include violations of local Lorentz invariance~\cite{Mattingly:2005re}. Lorentz invariance is a cornerstone of modern physics but its violation is expected in certain quantum gravity frameworks~\cite{Will:2014kxa,Mattingly:2005re}. Several modified theories of gravity predict specific values of $\alpha$, including massive-graviton theories ($\alpha=0$, $\lora>0$)~\cite{Will:2014kxa}, multifractal spacetime~\cite{Calcagni:2009kc} ($\alpha=2.5$), doubly special relativity~\cite{AmelinoCamelia:2002wr} ($\alpha=3$), and Ho{\v r}ava--Lifshitz \cite{Horava:2009uw} and extra-dimensional~\cite{Sefiedgar:2010we} theories ($\alpha=4$). For our analysis, we assume that the only effect of these alternative theories is to modify the dispersion relation. To leading order in $A E^{\alpha-2}$, the group velocity of gravitational waves is modified as $v_g/c = 1 + (\alpha -1) A E^{\alpha-2} /2$~\cite{Yunes:2016jcc}; both superluminal and subluminal propagation velocities are possible, depending on the sign of $A$ and the value of $\alpha$. A change in the dispersion relation leads to an extra term $\delta\Psi(A,\alpha)$ in the evolution of the gravitational-wave phase~\cite{Mirshekari:2011yq}. We introduce such a term in the effective-precession waveform model~\cite{Hannam:2013oca} to constrain dispersion for various values of $\alpha.$ To this end, we assume flat priors on $A$. In Fig.~\ref{fig:tgr_liv} we show $90\%$ credible upper bounds on $|A|$ derived from the three confident detections. We do not show results for $\alpha=2$ since in this case the modification of the gravitational-wave phase is degenerate with the arrival time of the signal. \begin{figure} \centering \includegraphics[width=1\columnwidth]{figures/tgr_alternative3_liv_combined} \caption{$90\%$ credible upper bounds on $|A|$, the magnitude of dispersion, obtained combining the posteriors of \macro{GW170104}{} with those of GW150914 and GW151226. We use picoelectronvolts as a convenient unit because the corresponding frequency scale is around where \macro{GW170104}{} has greatest amplitude ($1~\mathrm{peV} \simeq h \times 250~\mathrm{Hz}$, where $h$ is the Planck constant). General relativity corresponds to $A=0.$ Markers filled at the top (bottom) correspond to values of $|A|$ and $\alpha$ for which gravitational waves travel with superluminal (subluminal) speed.} \label{fig:tgr_liv} \end{figure} There exist constraints on Lorentz invariance violating dispersion relations from other observational sectors (e.g., photon or neutrino observations) for certain values of $\alpha$, and our results are weaker by several orders of magnitude. However, there are frameworks in which Lorentz invariance is only broken in one sector~\cite{Seifert:2009gi,Altschul:2009ae}, implying that each sector provides complementary information on potential modifications to GR. Our results are the first bounds derived from gravitational-wave observations, and the first tests of superluminal propagation in the gravitational sector. The result for $A>0$ and $\alpha=0$ can be reparametrized to derive a lower bound on the graviton Compton wavelength $\lambda_{g}$, assuming that gravitons disperse in vacuum in the same way as massive particles~\cite{Will:1997bb, GW150914-TESTOFGR, O1:BBH}. In this case, no violation of Lorentz invariance is assumed. Using a flat prior for the graviton mass, we obtain $\lambda_{g}>\LAMBDAMGPerihelion~\mathrm{km}$, which improves on the bound of $\LAMBDAMGGWFIRSTEVENT~\mathrm{km}$ from previous gravitational-wave observations~\cite{GW150914-TESTOFGR,O1:BBH}. The combined bound using the three confident detections is $\lambda_{g}>\LAMBDAMGCumulative~\mathrm{km}$, or for the graviton mass $m_g\leq\MASSMGCumulative~\mathrm{eV}/c^2$. \subsection{Null tests} In the post-Newtonian approximation, the gravitational-wave phase in the Fourier domain is a series expansion in powers of frequency, the expansion coefficients being functions of the source parameters~\cite{Blanchet:1995ez,Blanchet:2004ek,Blanchet:2013haa}. In the effective-precession model, waveforms from numerical-relativity simulations are also modeled using an expansion of the phase in terms of the Fourier frequency. To verify if the detected signal is consistent with GR, we allow the expansion coefficients to deviate in turn from their nominal GR value and we obtain a posterior distribution for the difference between the measured and GR values~\cite{Blanchet:1994ex,Blanchet:1995fg,Arun:2006hn,Mishra:2010tp,Yunes:2009ke,Li:2011cg}. We find no significant deviation from the predictions of GR~\cite{GW150914-TESTOFGR,O1:BBH}. Combined bounds for \macro{GW170104}{} and the two confident detections from the first observing run~\cite{O1:BBH} do not significantly improve the bounds on the waveform phase coefficients. Finally, we investigate whether the merger--ringdown portion of the detected signal is consistent with the inspiral part~\cite{GW150914-TESTOFGR,Ghosh:2016qgn,Ghosh:2017gfp}. The two parts are divided at $\IMRTRANSITIONFREQPerihelion{}~\mathrm{Hz}$, a frequency close to the median inferred (detector-frame) innermost-stable-circular-orbit frequency of the remnant Kerr black hole. For each part, we infer the component masses and spins, and calculate from these the final mass and spin using fits from numerical relativity, as in Sec.~\ref{s:parameters}~\cite{Hofmann:2016yih,Jimenez-Forteza:2016oae,Healy:2016lce,T1600168}. We then calculate a two-dimensional posterior distribution for the fractional difference between final mass and spin calculated separately from the two parts~\cite{GW150914-TESTOFGR,Ghosh:2017gfp}. The expected GR value (no difference in the final mass and spin estimates) lies close to the peak of the posterior distribution, well within the $90\%$ credible region. When combined with the posteriors from GW150914, the width of the credible intervals decreases by a factor of $\sim 1.5$, providing a better constraint on potential deviations from GR. In conclusion, in agreement with the predictions of GR, none of the tests we performed indicate a statistically significant departure from the coalescence of Kerr black holes in a quasicircular orbit. \section{Tests of general relativity} \label{s:tgr} The tests of GR use the same algorithm base described in Sec.~\ref{s:pe-appendix}~\cite{Veitch:2014wba} for estimation of source parameters, with appropriate modifications to the analytical waveform models~\cite{GW150914-TESTOFGR,O1:BBH}. In the Fourier domain, gravitational waves from a coalescing binary can be described by \begin{equation} \tilde{h}_\mathrm{GR}(f) = \tilde{A}(f;\vec\vartheta_\mathrm{GR}) e^{i \Psi(f;\vec\vartheta_\mathrm{GR})}, \end{equation} where $\vec\vartheta_\mathrm{GR}$ are the parameters of the source (e.g., masses and spins) in GR. The tests of GR we perform, except for the inspiral--merger--ringdown consistency test, introduce a dephasing term with an unknown prefactor that captures the magnitude of the deviation from GR. While we modify the phase of the waveform from its GR value, the amplitude is kept unchanged; this is because our analysis is more sensitive to the phase evolution than the amplitude. We use a non-GR template of the form \begin{eqnarray} \tilde{h}(f) & = & \tilde{A}(f;\vec\vartheta_\mathrm{GR}) e^{i\left[\Psi(f;\vec\vartheta_\mathrm{GR}) + \delta\Psi(f;\vec\vartheta_\mathrm{GR},X_\mathrm{modGR})\right]}, \end{eqnarray} where $X_\mathrm{modGR}$ is a theory-dependent parameter, which is zero in the usual GR templates. To simulate the non-GR waveform, we used the effective-precession model as a base; all the GR and non-GR parameters are assumed unknown and estimated from the data. With multiple detections it is possible to combine constraints on $X_\mathrm{modGR}$ to obtain tighter bounds. For a generic parameter $\vartheta$, we compute a combined posterior distribution by combining the individual likelihoods~\cite{Mandel:2009pc}. For each event $e_i$ we estimate the marginal likelihood density $p(e_i | \vartheta)$ using a Gaussian kernel density estimator. This gives a simple representation of the likelihood that can be easily manipulated. The combined posterior distribution is computed by multiplying the marginal likelihoods and the chosen prior distribution, \begin{equation} p(\vartheta|e_1,\ldots,e_N) \propto p(\vartheta)\prod_{i=1}^N p(e_i|\vartheta). \end{equation} This is used to compute bounds on $\vartheta$ given $N$ detections. We use the three confident detections (GW150914, GW151226 and \macro{GW170104}{}) to set combined bounds on potential deviation from GR, except in the case of the inspiral--merger--ringdown consistency test where only GW150914 and \macro{GW170104}{} are used as GW151226 has insufficient SNR from the merger--ringdown to make useful inferences. \subsection{Modified dispersion} We have assumed a generic dispersion relation of the form $E^2=p^2 c^2+A p^{\alpha} c^\alpha$, $\alpha\geq0$. To leading order in $A E^{\alpha-2}$, the group velocity of gravitational waves is thus modified as $v_g/c = 1 + (\alpha -1) A E^{\alpha-2} /2$. The modified dispersion relation results in an extra term to be added to the gravitational-wave phase~\cite{Mirshekari:2011yq}: \begin{equation}\label{Eq.LIVdPsi} \delta\Psi = \begin{cases} \displaystyle \frac{\pi}{\alpha-1} \frac{A D_{\alpha}}{(h c)^{2-\alpha}} \left[\frac{(1+z)f}{c}\right]^{\alpha-1} & \alpha \neq 1 \\[15pt] \displaystyle \frac{\pi A D_\alpha}{h c} \ln\left(\frac{\pi G \mathcal{M}^\mathrm{det} f}{c^3}\right) & \alpha = 1 \end{cases}. \end{equation} Here $\mathcal{M}^\mathrm{det}$ is the redshifted (detector-frame) chirp mass, $h$ is the Planck constant, and $D_{\alpha}$ is a distance measure, \begin{equation} D_\alpha = \frac{1+z}{H_0} \int_{0}^{z} \frac{(1+z')^{\alpha - 2}}{\sqrt{\Omega_\mathrm{m}(1+z')^3 + \Omega_\Lambda}}\,\mathrm{d}z', \end{equation} where $H_0$ is the Hubble constant, $\Omega_\mathrm{m}$ and $\Omega_\Lambda$ are the matter and dark energy density parameters~\cite{Ade:2015xua}, respectively. \input{LIV_combinedBounds} Table~\ref{Table:Liv_Combined} lists the $90\%$ credible upper bounds on the magnitude of $\lora$, where the individual and combined bounds for the three confident detections are shown; we see that depending on the value of $\alpha$ and the sign of $\lora$, the combined bounds are better than those obtained from \macro{GW170104}{} alone by a factor of $\sim1$--$4.5$. For all values of $\alpha$, these bounds are consistent with the uncertainties one might expect for heavy binary black holes using Fisher-matrix estimates on simulated GW150914-like signals~\cite{Yunes:2016jcc}. For small values of $\alpha$, it is useful to recast the results in terms of lower bounds on a length scale $\lambda_\lora = h c A^{1/(\alpha -2)}$, which can be thought of as the range (or the screening length) of an effective potential, which is infinite in GR. In Table~\ref{Tab.LIBLambda} we report the numerical values of these bounds for $\alpha<2$. For $\alpha=3,4$, we instead express the bounds as lower limits on the energy scale at which quantum gravity effects might become important, $E_\mathrm{QG} = A^{-1/(\alpha-2)}$~\cite{Moore:2001bv,Borriello:2013ala,Kiyota:2015dla,Wei:2016exb,Wang:2016lne}. This facilitates the comparison with existing constraints from other sectors, which we show in Table~\ref{Table:LivEQG}. \input{LIV_table_lambda} \input{LIV_table} In the subluminal propagation regime, bounds exist from electromagnetic (spectral time lag in gamma-ray bursts~\cite{Wei:2016exb}), neutrino (time delay between neutrino and photons from blazar PKS B1424-418~\cite{Wang:2016lne}), and gravitational (absence of gravitational Cherenkov radiation~\cite{Moore:2001bv,Kiyota:2015dla}) sectors. In the superluminal propagation regime, the only existing limits are from the neutrino sector (absence of Bremsstrahlung from electron--positron pairs~\cite{Borriello:2013ala}). The \macro{GW170104}{} constraints are weaker than existing bounds, but are the first constraints on Lorentz violation in the gravitational superluminal-propagation sector. The posterior distributions for \lora{} have long tails, which makes it difficult to accurately calculate $90\%$ limits with a finite number of samples. To quantify this uncertainty on the bounds, for each value of $\alpha$ and sign of \lora{} we use Bayesian bootstrapping~\cite{Rubin:1981} to generate $1000$ instances of the relevant posterior distribution. We find that the $90\%$ credible upper bounds are estimated within an interval whose $90\%$ credible interval width is $\lesssim20\%$ of the values reported in Table~\ref{Table:Liv_Combined}. For the (GR) source parameters, to check for the potential impact of errors from waveform modelling, we analysed the data using both the effective-precession model and the full-precession model. However, the full-precession model was not adapted in time for tests of GR to be completed for this publication. In the first observing run, we performed tests with two different waveform families~\cite{GW150914-TESTOFGR,O1:BBH}: the effective-precession model~\cite{Husa:2015iqa,Khan:2015jqa,Hannam:2013oca}, and a nonprecessing waveform model~\cite{Taracchini:2013rva,Purrer:2014fza}. We follow the same approach here, and use the same nonprecessing waveform model used for the matched filter search~\cite{Bohe:2016gbl}. The use of a nonprecessing waveform should give conservative bounds on the potential error from waveform modelling, as some of the differences may come from the failure to include precession effects~\cite{GW150914-PRECESSING}. We find that the numbers so obtained are consistent with the results of the effective-precession model at the tens of percent level. \subsection{Parametrized test} \begin{figure*} \centering \includegraphics[width=\textwidth]{figures/violin_combined_gw150914_gw151226_gw170104_corrected05.pdf} \caption{Violin plots for the parametrized test, combining posteriors for \macro{GW170104}{} with the two confident detections made in the first observing run, GW150914 and GW151226~\cite{O1:BBH}. This figure has been corrected according to \cite{GW170104-Erratum}, and its 90\% bars have been re-positioned to correct a previous plotting error.} \label{fig:tgr_parametrized_combined} \end{figure*} The phase evolution of gravitational waves from compact binaries is well understood within GR. The inspiral portion, corresponding to large orbital separation, can be described analytically using the post-Newtonian expansion~\cite{Blanchet:2013haa}. Modelling the merger dynamics requires the use of numerical-relativity simulations~\cite{Pretorius:2005gq,Campanelli:2005dd,Baker:2006ha}, whereas the post-merger signal is described in black hole perturbation theory as a superposition of damped sinusoids~\cite{Vishveshwara:1970zz,Chandrasekhar:1975zza,Teukolsky:1973ha,Kokkotas:1999bd}. Accurate analytical waveforms are obtained by tuning the effective-one-body~\cite{Buonanno:1998gg,Buonanno:2000ef,Bohe:2016gbl} or phenomenological models \cite{Ajith:2007qp,Khan:2015jqa} to numerical-relativity simulations~\cite{Mroue:2013xna,Husa:2015iqa,Chu:2015kft}. Given a phase parameter in the phenomenological model whose value in GR is $p_i,$ we modify the waveform by introducing new dimensionless parameters $\delta \hat p_i$ such that $p_i \rightarrow p_i (1+\delta \hat p_i)$~\cite{GW150914-TESTOFGR,O1:BBH}. In the parametrized null test, we freely vary one $\delta\hat p_i$ at a time (in addition to the other source parameters) to look for deviations from GR. The bounds on $\hat p_i$ obtained from \macro{GW170104}{} are weaker than those from the two confident detections of the first observing run~\cite{O1:BBH}. GW151226 had an SNR comparable to \macro{GW170104}{}, but it is from a significantly lower mass system~\cite{GW151226-DETECTION,O1:BBH}, and hence places better constraints on the inspiral parameters. GW150914 had an SNR twice that of \macro{GW170104}{} (while being of comparable mass), and thus places the best constraints on the late-inspiral and merger--ringdown parameters. Therefore, instead of reporting bounds from \macro{GW170104}, we provide updated combined bounds, combining the results from the three events. In Fig.~\ref{fig:tgr_parametrized_combined} we show a violin plot for each of the test parameters. The parameters are plotted (from the left) following the order in which they appear in the post-Newtonian expansion or enter the phenomenological model (the $\beta$ and $\alpha$ parameters). For all the parameters, the GR solution ($\delta\hat p_i = 0$) is contained in the $90\%$ credible interval. \subsection{Inspiral--merger--ringdown consistency test} GR is well tested in weak gravitational fields, but fewer tests have been performed in the strong-field regime~\cite{Will:2014kxa,Psaltis:2008bb,Berti:2015itd}. It is possible that deviations from the expected behavior of GR only manifest in the most extreme conditions, where spacetime is highly dynamical. The inspiral--merger--ringdown consistency test checks whether the low-frequency, inspiral-dominated portion of the waveform is consistent with the high-frequency, merger--ringdown portion. The two frequency ranges are analysed separately, and the inferred parameters are compared. The test uses the estimated final black hole mass and spin (calculated from the component masses and spins using numerical-relativity fits as detailed in Sec.~\ref{s:pe-appendix})~\cite{GW150914-TESTOFGR,Ghosh:2016qgn}. If the waveform is compatible with the predictions of GR, we expect that the parameters inferred from the two pieces will be consistent with each other, although the difference will not, in general, be zero because of detector noise. \begin{figure}[!hbt] \includegraphics[width=0.95\columnwidth]{figures/tgr_IMR_joint_v2.pdf} \caption{Posterior probability distributions for the fractional differences in the remnant black hole mass $\Delta M_\mathrm{f}/\bar{M}_\mathrm{f}$ and spin $\Delta a_\mathrm{f}/\bar{a}_\mathrm{f}$ calculated using the low-frequency (inspiral) and high-frequency (merger--ringdown) parts of the waveform. The GR solution is at $(0,0),$ shown in the two-dimensional plot as a black $\mathbf{+}$ marker. The contours show the $90\%$ credible region, the lines in the one-dimensional histograms mark the $90\%$ credible interval. We show the posteriors for \macro{GW170104}{} and GW150914, as well as the combined posterior using both.} \label{Fig.TGR.IMR} \end{figure} In Fig.~\ref{Fig.TGR.IMR}, we show the posteriors on the fractional difference in the two estimates of the final mass and spin for \macro{GW170104}{} and GW150914, as well as the combined posterior. The difference in the estimates are divided by the mean of the two estimates to produce the fractional parameters that describe potential departures from the GR predictions: $\Delta a_\mathrm{f}/\bar{a}_\mathrm{f}$ for the spin and $\Delta M_\mathrm{f}/\bar{M}_\mathrm{f}$ for the mass~\cite{Ghosh:2017gfp}. These definitions are slightly different from the ones used in our earlier papers~\cite{GW150914-TESTOFGR,Ghosh:2016qgn}, but serve the same qualitative role~\cite{Ghosh:2017gfp}. Each of the distributions is consistent with the GR value. The posterior for \macro{GW170104}{} is broader, consistent with this event being quieter, and having a lower total mass, which makes it harder to measure the post-inspiral parameters. The width of the $90\%$ credible intervals for the combined posteriors of $\Delta M_\mathrm{f}/\bar{M}_\mathrm{f}$ are smaller than those computed from GW170104 (GW150914) by a factor of $\sim 1.6 ~ (1.3)$, and the intervals for $\Delta a_\mathrm{f}/\bar{a}_\mathrm{f}$ are improved by a factor of $\sim 1.4 ~ (1.2)$.
bf2b596cbac30403349911332df88f04cb49dc89
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The core inverse and the dual core inverse of a matrix were introduced in \cite{BT}. These generalized inverses have been studied by several authors, in particular they have been extended to rings with involution (\hspace{-1pt}\cite{rdd}) and to Hilbert space operators (\hspace{-1pt}\cite{rdd2}). It is worth noticing that the inverses under consideration are closely related to the group inverse and the Moore-Penrose inverse; to learn more results concerning these notions, see for example \cite{BT, rdd, rdd2, 14}. So far the properties of the (dual) core inverse that have been researched are mainly of algebraic nature and the setting has been essentially the one of rings with involution. The objective of the present article is to study the continuity and the differentiability of these inverses in the context of $C^*$-algebras. In fact, in section 3, after having recalled several preliminary results in section 2, the continuity of the core inverse and of the dual core inverse will be studied. Two main characterizations will be presented. The first one relates the continuity of the aforementioned notions to the continuity of the group inverse and of the Moore-Penrose inverse. The second characterization uses the notion of the gap between subspaces; a similar approach has been used to study the continuity of the Drazin inverse and of the Moore-Penrose inverse, see for example \cite{V, V2, kr1} and \cite[Chapter 4]{dr}. In section 4 results regarding the continuity of the (dual) core inverse of Hilbert space operators and matrices will be presented. Finally, in section 5 the differentiability of the generalized inverses under consideration will be researched. Furthermore, some results concerning the continuity and the differentiability of the group inverse and the Moore-Penrose inverse will be also proved. It is noteworthy to mention that the core inverse and the dual core inverse are two particular cases of the $(b, c)$-inverse (\hspace{-1pt}\cite{D}), see \cite[theorem 4.4]{rdd}. Therefore the representations and other results presented in \cite[Section 7]{b2} can be applied to these generalized inverses. \section{Preliminary Definitions} \noindent Since properties of $C^*$-algebra elements will be studied in what follows, although the main notions considered in this article can be given in the context of rings with involution, all the definition will be presented in the frame of $C^*$-algebras. From now on $\aa$ will denote a unital $C^*$-algebra with unity $\uno$. In addition, $\aa^{-1}$ will stand for the set of all invertible elements in $\aa$. Given $a\in\aa$, the {\em image ideals} and the {\em null ideals} defined by $a\in\aa$ are the following sets: \begin{align*} & &&a \aa = \{ ax: x \in \aa \},& &\aa a = \{ xa: x \in \aa \},&\\ & &&a^\circ = \{ x \in \aa: ax=0 \},& &{}^\circ a = \{ x \in \aa: xa=0 \}.&&\\ \end{align*} \noindent Recall that $a\in\aa$ is said to be \it regular, \rm if there exists $b\in \aa$ such that $a=aba$. In addition, $b\in\aa$ is said to be \it an outer inverse of $a\in\aa$, \rm if $b=bab$. The notion of invertible element has been generalized or extended in several ways. One of the most important notion of generalized inverse is the Moore-Penrose inverse. An element $a\in\aa$ is said to be \it Moore-Penrose invertible, \rm if there is $x\in\aa$ such that the following equations hold: \begin{align*} & &&axa=a,& &xax=x,& &(ax)^*=ax,& &(xa)^* = xa.&\\ \end{align*} \noindent It is well known that if such an $x$ exists, then it is unique, and in this case $x$, the Moore-Penrose inverse of $a$, will be denoted by $a^\dag$. Moreover, the subset of $\aa$ composed of all the Moore-Penrose invertible elements of $\aa$ will be denoted by $\aa^\dagger$. It is worth noticing that according to \cite[Theorem 6]{hm1}, a necessary and sufficient condition for $a\in \aa^\dagger$ is that $a\in\aa$ is regular, which in turn is equivalent to $a\aa$ is closed (\hspace{-1pt}\cite[Theorem 8]{hm1}). Moreover, if $a\in\aa^\dagger$, then it is not difficult to prove that $a^\dag \aa=a^* \aa$ and $ \aa a^\dag=\aa a^*$. To learn more properties of the Moore-Penrose inverse in the frame of $C^*$-algebras, see \cite{hm1, hm, P, mb, rs, dr}.\par Another generalized inverse which will be central for the purpose of this article is the group inverse. An element $a \in \aa$ is said to be {\em group invertible}, if there is $x \in \aa$ such that \begin{align*} & & &axa=a,& &xax=x,& &ax=xa.& \end{align*} It can be easily proved that if such $x$ exists, then it is unique. The group inverse is customarily denoted by $a^\#$. The subset of $\aa$ composed by all the group invertible elements in $\aa$ will be denoted by $\aa^\#$. Next follows one of the main notions of this article (see \cite[Definition~2.3]{rdd}, see also \cite{BT} for the original definition in the context of matrices). \begin{df} \label{df1}Given a unital $C^*$-algebra $\aa$, an element $a \in \aa$ will be said to be core invertible, if there exists $x \in \aa$ such that the following equalities hold: $$ axa=a, \qquad x \aa = a \aa, \qquad \aa x = \aa a^*. $$ \end{df} According to \cite[Theorem 2.14]{rdd}, if such an element $x$ exists, then it is unique. This element will be said to be the {\em core inverse} of $a \in \aa$ and it will be denoted by $\core{a}$. In addition, the set of all core invertible elements of $\aa$ will be denoted by $\core{\aa}$. Recall that according to \cite[Theorem 2.14]{rdd}, when $\core{a}$ exists ($a\in\aa$), it is an outer inverse of $a$, i.e., $\core{a} a \core{a} = \core{a}$. Moreover, in \cite[Theorem 2.14]{rdd}, the authors characterized the core invertibility in terms of equalities. This characterization was improved in \cite[Theorem~3.1]{14}. Specifically, $a \in \aa$ is core invertible if and only if there exists $x \in \aa$ such that \begin{align*} \label{prop_core} & &&a x^2 = x,& &x a^2 = a,& &(a x)^* = a x.&\\ \end{align*} Furthermore, if such $x$ exists, then $x = \core{a}$. Another generalized inverse, which is related with the core inverse, was defined in \cite{rdd}. \begin{df}\label{df2} Given $\aa$ a unital $C^*$-algebra, an element $a \in \aa$ is said to be dual core invertible, if there is $x \in \aa$ such that $axa=a$, $x\aa=a^* \aa$, and $\aa x = \aa a$. \end{df} As for the core inverse, it can be proved that this $x$ is unique, when it exists; thus it will be denoted by $\dcore{a}$ and $\dcore{\aa}$ will stand for the set of all dual core invertible elements of $\aa$. Note that $a \in \aa$ is core invertible if and only if $a^*$ is dual core invertible and in this case, $\dcore{(a^*)}=(\core{a})^*$. In addition, according to \cite[Theorem 2.15]{rdd}, when $a\in\dcore{\aa}$, $\dcore{a}$ is an outer inverse of $a$, i.e., $\dcore{a}=\dcore{a} a\dcore{a}$. Observe that according to Definition \ref{df1} (respectively Definition \ref{df2}), if $a\in\aa$ is core invertible (respectively dual core invertible), then it is regular, and hence $a$ is Moore-Penrose invertible (\hspace{-1pt}\cite[Theorem 6]{hm1}). Moreover, if $a\in \core{\aa}\cup\dcore{\aa}$, then $a$ is group invertible (\hspace{-1pt}\cite[Remark 2.16]{rdd}). Furthermore, according to \cite[Theorem 2.19]{rdd}, if $a\in\core{\aa}$, then the following equalities hold: \begin{align*} &a^\#=(\core{a})^2a,& &a^\#=\core{a}a\dcore{a},& &a^\dag=\dcore{a}a\core{a},&\core{a}=a^\# a a^\dag,& &\dcore{a}=a^\dag a a^\#.&\\ \end{align*} \noindent To learn more on the properties of the core and dual core inverse, see \cite{BT, rdd, 14}. On the other hand, $\xx$ will stand for a Banach space and $\ll(\xx)$ for the algebra of all operators defined on and with values in $\xx$. When $A \in \ll(\xx)$, the range and the null space of $A$ will be denoted by $\rr(A)$ and $\nn(A)$, respectively. When $\dim \xx < \infty$ and $A \in \ll(\xx)$, the dimension of $\rr(A)$ will be denoted with $\rk(A)$. Evidently, if $A\in\ce_n$, the set of complex $n \times n$ matrices, by considering that $A \in \ll(\ce^n)$, the rank of the complex matrix $A$ coincides with the previously defined $\rk(A)$; consequently, the same notation will be used for both notions. One of most studied generalized inverses is the outer inverse with prescribed range and null space. This generalized inverse will be introduced in the Banach frame. Let $\xx$ be a Banach space and consider $A \in \ll(\xx)$ and $\ttt$, $\sss$ two closed subspaces in $\xx$. If there exists an operator $B \in \ll(\xx)$ such that $BAB=B$, $\nn(B)=\sss$, and $\rr(B)=\ttt$, then such $B$ is unique (\hspace{-1pt}\cite[Theorem 1.1.10]{dr}). In this case, $B$ will be said to be the {\em $A_{\ttt,\sss}^{(2)}$ outer inverse of} $A$. To prove several results of this article, the definition of the gap between two subspaces need to be recalled. Let $\xx$ be a Banach space and consider $\mm$ and $\nn$ two closed subspaces in $\xx$. If $\mm=0$, then set $\delta(\mm,\nn)=0$, otherwise set \begin{align*} & & &\delta(\mm,\nn) = \sup \{ \ds (x, \nn) : x \in \mm, \| x \| = 1 \},&\\ \end{align*} where $\ds(x,\nn)=\inf \{ \| x - y \| : y \in \nn \}$. The {\em gap between the closed subspaces $\mm$ and $\nn$} is \begin{align*} & &&\gap{\mm}{\nn} = \max \{ \delta(\mm,\nn), \delta(\nn,\mm) \}.&\\ \end{align*} See \cite{dr,dx,kato} for a deeper insight of this concept. Another notion needed to study the continuity of the (dual) core inverse is the following. Let $p$ and $q$ be self-adjoint idempotents in a $C^*$-algebra $\aa$. The {\em maximal angle} between $p$ and $q$ is the number $\psi(p, q) \in [0, \pi/2]$ such that $\| p - q \| = \sin \psi(p, q)$; see \cite[Definition 2.3]{cbl2}. In what follows, given $x\in\aa^\dag$, $\psi_x$ will stand for the maximal angle between $xx^\dag$ and $x^\dag x$, i.e., $\psi_x=\psi (xx^\dag, x^\dag x)$. \section{Continuity of the (dual) core inverse } In first place a preliminary result need to be presented. \begin{theorem}\label{theo310} Let $\aa$ be a unital $C^*$-algebra and consider $a\in\aa$. The following statements are equivalent \begin{enumerate}[{\rm (i)}] \item $a$ is core invertible. \item $a$ is dual core invertible. \item $a^*$ is core invertible. \item $a^*$ is dual core invertible. \item $a$ is group invertible and Moore-Penrose invertible. \end{enumerate} \noindent In particular, $\core{\aa}=\dcore{\aa}=\aa^\#\cap\aa^\dag=\aa^\#$. \end{theorem} \begin{proof} The equivalence between statements (i) and (iv) and between statements (ii) and (iii) can be derived from Definition \ref{df1} and Definition \ref{df2}. Note that to conclude the proof, it is enough to prove the last statement of the Theorem. In fact, this statement implies that statement (i) and (ii) are equivalent. According to \cite[Remark 2.16]{rdd}, $\core{\aa}\cup\dcore{\aa}\subseteq \aa^\#$. Moreover, according to \cite[Theorem 6]{hm1}, $\core{\aa}\cup\dcore{\aa}\subseteq \aa^\dag$. Therefore, according to \cite[Remark 2.16]{rdd}, \begin{align*} &\core{\aa}\subseteq \aa^\#\cap \aa^\dag=\core{\aa}\cap \dcore{\aa}\subseteq \core{\aa},& &\dcore{\aa}\subseteq \aa^\#\cap \aa^\dag=\core{\aa}\cap \dcore{\aa}\subseteq \dcore{\aa}&\\ \end{align*} \noindent Finally, according to \cite[Theorem 6]{hm1}, $ \aa^\#\cap \aa^\dag= \aa^\#$. \end{proof} Note that under the same conditions in Theorem \ref{theo310}, as for the group inverse and the Moore-Penrose inverse, $(\core{\aa})^*=\core{\aa}$ and $(\dcore{\aa})^*=\dcore{\aa}$, where if $X\subseteq \aa$ is a set, $X^*$ stands for the following set: $X^*=\{x^*\colon x\in X\}$. However, in contrast to the case of the group inverse and the Moore-Penrose inverse (when $a^\#$ (respectively $a^\dag$) exits, $(a^*)^\#=(a^\#)^*$ (respectively $(a^*)^\dag=(a^\dag)^*$), $a\in\aa$), recall that to obtain the core inverse (respectively the dual core inverse) of $a^*$ it is necessary to consider the dual core (respectively the core) inverse of $a$: \begin{align*} & &&\core{(a^*)}=(\dcore{a})^*,& &\dcore{(a^*)}=(\core{a})^*.&\\ \end{align*} To prove the first characterization of this section some preparation is needed. \begin{lemma}\label{lema2} Let $\aa$ be a unital $C^*$-algebra and consider $a\in\aa$. \begin{enumerate}[{\rm (i)}] \item If $a \in \core{\aa}$, then $aa^\dag \core{a} = \core{a}$. \item If $a \in \core{\aa}$, then $(aa^\dag + a^\dag a - \uno) \core{a} = a^\dag$. \item Suppose that $a\in\aa$ is regular. The element $aa^\dag + a^\dag a -\uno$ is invertible if and only if $a$ is core invertible. Moreover, in this case, $(aa^\dag + a^\dag a -\uno)^{-1} = \core{a}a + (\core{a}a)^* - \uno$. \item If $a\in\dcore{\aa}$, then $a^\#=a(\dcore{a})^2$. \end{enumerate} \end{lemma} \begin{proof} Recall that according to \cite[Theorem 6]{hm1}, if $a\in \core{\aa}$, then $a^\dag$ exists.\par The proof of statement (i) can be derived from the fact that $\core{a} \in a \aa$. To prove statement (ii), recall that according to \cite[Theorem 2.19 (v)]{rdd}, $\core{a} = a^\# a a^\dag$. Therefore, $$(aa^\dag + a^\dag a - \uno) \core{a} = aa^\dag \core{a} + a^\dag a \core{a}-\core{a}= a^\dag a \core{a} = a^\dag a a^\# a a^\dag = a^\dag.$$ Now statement (iii) will be proved. Note that according to \cite[Theorem 6]{hm1}, $a^\dag$ exists. Recall that according to \cite[Theorem 2.3]{bc}, $aa^\dag + a^\dag a -\uno\in\aa^{-1}$ is equivalent to $a\in\aa^\#$. Thus, according to Theorem \ref{theo310}, necessary and sufficient for $aa^\dag + a^\dag a -\uno\in\aa^{-1}$ is that $a\in\core{\aa}$. Next the formula of the inverse of $aa^\dag + a^\dag a -\uno$ will be proved. Recall that according to \cite[Theorem~3.1]{14}, $ \core{a} a aa^\dag= aa^\dag$. \begin{equation*} \begin{split} [ \core{a} a & + (\core{a}a)^* - \uno ] [ aa^\dag + a^\dag a - \uno ] \\ & = \left[ \core{a} a + (\core{a}a)^* - \uno \right] aa^\dag + \left[ \core{a} a + (\core{a}a)^* - \uno \right] a^\dag a - \left[ \core{a} a + (\core{a}a)^* - \uno \right] & \\ & = aa^\dag + (\core{a}a)^*(aa^\dag)^*-aa^\dag + \core{a}a + (\core{a}a)^*(a^\dag a)^*-a^\dag a - \core{a}a - (\core{a} a)^* + \uno \\ & = (aa^\dag \core{a}a)^* + (a^\dag a \core{a}a)^*-a^\dag a-(\core{a}a)^* +\uno & \\ & = (\core{a}a)^* + (a^\dag a)^*-a^\dag a-(\core{a}a)^* +\uno \\ & = \uno. \end{split} \end{equation*} Since $aa^\dag + a^\dag a - \uno$ is invertible, $(aa^\dag + a^\dag a - \uno)^{-1} = \core{a} a + (\core{a}a)^* - \uno$. To prove statement (iv), recall that according Theorem \ref{theo310}, $a^*\in\core{\aa}$. In addition, according to the paragraph between Theorem \ref{theo310} and the present Lemma, $\dcore{a}=(\core{(a^*)})^*$. However, according to \cite[Theorem 2.19]{rdd}, $(a^*)^\#=(\core{(a^*)})^2a^*$. Thus, $$ a^\#=a((\core{(a^*)})^*)^2=a(\dcore{a})^2. $$ \end{proof} Note that given a ring with involution $\rr$, Lemma \ref{lema2} holds in such a context provided that $a\in\rr$ is Moore-Penrose invertible, In the next theorem the continuity of the (dual) core inverse will be characterized. It is worth noticing that $a\in\aa$ will be not assumed to be core invertible, dual core invertible, group invertible or Moore-Penrose invertible. Note also that the following well known result will be used in the proof of the theorem: given $\aa$ a unital Banach algebra, $b\in\aa$ and $\suc{b_n}\subset\aa^{-1}$ a sequence such that $\suc{b_n}$ converges to $b$, if $\suc{b_n^{-1}}$ is a bounded sequence, then $b$ is invertible and the sequence $\suc{b_n^{-1}}$ converges to $b^{-1}$. \begin{theorem}\label{thm320} Let $\aa$ be a unital $C^*$-algebra and consider $a \in \aa$. Let $\suc{a_n}\subset \core{\aa}=\dcore{\aa}$ be such that $\suc{a_n}$ converges to $a$. The following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The element $a\in\core{\aa}$ and $\suc{\core{a}_n}$ converges to $\core{a}$. \item The element $a\in\dcore{\aa}$ and $\suc{\dcore{a_n}}$ converges to $\dcore{a}$. \item The element $a\in\aa^\#$ and $\suc{a_n^\#}$ converges to $a^\#$. \item The element $a\in\core{\aa}$ and $\suc{\core{a_n}}$ is a bounded sequence. \item The element $a\in\dcore{\aa}$ and $\suc{\dcore{a_n}}$ is a bounded sequence. \item The element $a\in\aa^\dag$, $\suc{a_n^\dag}$ converges to $a^\dag$, and $\suc{\core{a_n}a_n}$ is a bounded sequence. \item The element $a\in\aa^\dag$, $\suc{a_n^\dag}$ converges to $a^\dag$, and $\suc{a_n\dcore{a_n}}$ is a bounded sequence. \item The element $a\in\aa^\dag$, $\suc{a_n^\dag}$ converges to $a^\dag$, and there exists $\psi\in[0, \frac{\pi}{2})$ such that $\psi_n=\psi_{a_n}\le \psi$ for all $n\in\ene$. \end{enumerate} \end{theorem} \begin{proof} Note that according to Theorem \ref{theo310}, $\suc{a_n}\subset \core{\aa}\cap\dcore{\aa}\cap\aa^\#\cap\aa^\dag$. First the equivalence between statements (i) and (iii) will be proved. Suppose that statement (i) holds. Then according to Theorem \ref{theo310}, $a\in\aa^\#$. In addition, $\suc{\core{a}_n a_n}$ converges to $\core{a}a$. However, according to \cite[Remark 2.17]{rdd}, $a^\#a=\core{a}a$, and for each $n\in\ene$, $a_n^\#a_n=\core{a}_na_n$. Consequently, $\suc{a_n^\#a_n}$ converges to $a^\#a$, which according to \cite[Theorem 2.4]{kr1}, implies that $\suc{a_n^\#}$ converges to $a^\#$. Suppose that statement (iii) holds. Note that according to \cite[Theorem 6]{hm1}, $a\in\aa^\dag$. In particular, according to Theorem \ref{theo310}, $a\in \core{\aa}$. Moreover, according to \cite[Corollary 2.1 (ii)]{bc} and \cite[Equation (2.1)]{cbl2}, $$ \| a_n^\dag \| = \| (a_n a_n^\dag +a_n^\dag a_n - \uno) a_n^\# (a_n a_n^\dag +a_n^\dag a_n - \uno) \| \leq \|a_n a_n^\dag +a_n^\dag a_n - \uno\|^2 \| a_n^\#\| \leq \| a_n^\# \|. $$ \noindent Consequently, $\suc{a_n^\dag}$ is a bounded sequence. Now two cases need to be considered. If $a=0$, then $\core{a}=0$. However, according to \cite[Theorem 2.19]{rdd}, $\core{a_n}=a_n^\#a_na_n^\dag$. Since $\suc{a_n}$ converges to $0$ and $\suc{a_n^\#}$ and $\suc{a_n^\dag}$ are bounded sequences, $\suc{\core{a_n}}$ converges to $0$. Now suppose that $a\neq 0$. Since $\suc{a_n}$ converges to $a$, there exists and $n_0\in\ene$ such that $a_n\neq 0$, $n\ge n_0$. Without loss of generality, it is possible to assume that $\suc{a_n}\subset\core{\aa}\setminus\{ 0\}$. Thus, according to \cite[Theorem 1.6]{kol}, $\suc{a_n^\dag}$ converges to $a^\dag$. However, according again to \cite[Theorem 2.19]{rdd}, $\core{a}=a^\#aa^\dag$ and for each $n\in\ene$, $\core{a}_n=a_n^\# a_n a_n^\dag$. Therefore, $\suc{\core{a}_n}$ converges to $\core{a}$. To prove the equivalence between statements (ii) and (iii), apply a similar argument to the one used to prove the equivalence between statements (i) and (iii). In particular, use the following identities, which holds for $b\in\dcore{\aa}$: ($\alpha$) $b^\# b=b\dcore{b}$ (\hspace{-1pt}\cite[Remark 2.17]{rdd}); ($\beta$) $\dcore{b}=b^\dag bb^\#$ (\hspace{-1pt}\cite[Theorem 2.19]{rdd}). It is evident that statement (i) implies statement (iv). Now suppose that statement (iv) holds. It will be proved that statement (iii) holds. According to Theorem \ref{theo310}, $a\in\aa^\#$. In addition, according to \cite[Theorem 2.19]{rdd}, for each $n\in\ene$, $a_n^\#=(\core{a_n})^2a_n$. In particular, $\suc{a_n^\#}$ is a bounded sequence. Consequently, according to \cite[Theorem 2.4]{kr1}, $\suc{a_n^\#}$ converges to $a^\#$, equivalently, statement (iii) holds. The equivalence between statements (ii) and (v) can be proved applying a similar argument to the one used to prove the equivalence between statements (i) and (iv), using in particular Lemma \ref{lema2} (iv). Next it will be proved that statement (iv) implies statement (vi). Suppose then that statement (iv) holds. Then, $\suc{\core{a_n}a_n}$ is a bounded sequence. In addition, according to Theorem \ref{theo310}, $a\in\aa^\dag$. Now two cases need to be considered. Suppose first that $a=0$. Since statement (iv) and (v) are equivalent, $\suc{\dcore{a_n}}$ is a bounded sequence. According to \cite[Theorem 2.19]{rdd}, for each $n\in\ene$, $a_n^\dag=\dcore{a_n}a_n\core{a_n}$. Since $\suc{\core{a_n}}$ and $\suc{\dcore{a_n}}$ are bounded sequences, $\suc{a_n^\dag}$ converges to $0=a^\dag$. If $a\neq 0$, as when it was proved that statement (iii) implies statement (i), it is possible to assume that $\suc{a_n}\subset\aa\setminus\{ 0\}$. According to Lemma \ref{lema2} (ii), $$ \parallel a_n^\dag\parallel\le\parallel a_na_n^\dag +a_n^\dag a_n-\uno\parallel\parallel\core{a_n}\parallel\le 3\parallel\core{a_n}\parallel. $$ \noindent In particular, $\suc{a_n^\dag}$ is a bounded sequence. However, according to \cite[Theorem 1.6]{kol}, $\suc{a_n^\dag}$ converges to $a^\dag$. Suppose that statement (vi) holds. It will be proved that statement (vi) implies statement (iv). According to \cite[Theorem 2.19]{rdd}, for each $n\in\ene$, $\core{a_n}=\core{a_n}a_na_n^\dag$. Since $\suc{a_n^\dag}$ and $\suc{\core{a_n}a_n}$ are bounded sequences, $\suc{\core{a_n}}$ is a bounded sequence. Note that according to Lemma \ref{lema2} (iii), for each $n\in\ene$, $b_n=a_na_n^\dag +a_n^\dag a_n-\uno$ is invertible and $b_n^{-1}=\core{a_n}a_n+(\core{a_n}a_n)^*-\uno$. In addition, the sequence $\suc{b_n^{-1}}$ is bounded. In fact, according to \cite[Lemma 2.3]{kr}, $\parallel b_n^{-1}\parallel=\parallel\core{a_n}a_n\parallel$. Now, since $\suc{b_n}$ converges to $b=aa^\dag +a^\dag a-\uno$, the element $b$ is invertible, which in view of Lemma \ref{lema2} (iii), is equivalent to $a\in\core{\aa}$. According to \cite[Theorem 2.19]{rdd}, for each $n\in\ene$, $\core{a_n}a_n=a_n\dcore{a_n}$. Thus, statement (vii) is an equivalent formulation of statement (vi). Finally, statements (vi) and (viii) will be proved to be equivalent. In fact, note that if $a_n=0$, then $\psi_n=0$. In addition, according to Lemma \ref{lema2} (iii), $a_na_n^\dag+a_n^\dag a_n-\uno$ is invertible, and when $a_n\neq0$, according to Lemma \ref{lema2} (iii), \cite[Theorem 2.4 (iii)]{cbl2} and \cite[Lemma 2.3]{kr}, $$ \frac{1}{\cos \psi_n}=\parallel (a_na_n^\dag +a_n^\dag a_n-\uno)^{-1}\parallel= \parallel \core{a_n}a_n+(\core{a_n}a_n)^*-\uno\parallel= \parallel \core{a_n}a_n\parallel. $$ \noindent In particular, $\suc{\core{a_n}a_n}$ is bounded if and only if there exists $\psi\in[0, \frac{\pi}{2})$ such that $\psi_n\le\psi$ for all $n\in\ene$. \end{proof} Theorem \ref{thm320} shows that the continuity of the group inverse and of the Moore-Penrose inverse are central for the continuity of the core inverse and the dual core inverse. To learn more on the continuity of the group inverse and the Moore-Penrose inverse, see for example \cite{cbl, cbl2, kr1, V, rs} and \cite{hm, kol, mb, rs, V2}, respectively, see also \cite[Chapter 4]{dr}. Observe that the conditions in statement (vi) of Theorem \ref{thm320}, ($\alpha$) $a \in \aa^\dag$, $a_n^\dag \to a^\dagger$, and ($\beta$) $\{ \core{a_n} a_n \}$ is a bounded sequence, are independent from each other, as the following two examples show. \begin{example}\label{example1} {\rm Consider $\ce$ as a $C^*$-algebra. Let $a_n = 1/n$ and $a=0$. It is evident that $a_n \to a$, $a_n^\dag = n$, and $\suc{ a_n^\dag }$ does not converge to $a^\dag =0$. However, it should be clear that $\core{a}_n=n$. Therefore, $\core{a}_n a_n = 1$, and thus, $\suc{ \core{a_n} a_n }$ is a bounded sequence. } \end{example} \begin{example}\label{ejemplo2} {\rm Consider the set of $2 \times 2$ complex matrices as a $C^*$-algebra. Take the conjugate transpose of the matrix as the involution on this matrix. Let $\suc{\psi_n}$ be a sequence in $(0,\pi/2)$ such that $\psi_n \to \pi/2$ and let \begin{align*} & &&A_n = \left[ \begin{array}{cc} \cos \psi_n & \sin \psi_n \\ 0 & 0 \end{array} \right],& &A = \left[ \begin{array}{cc} 0 & 1 \\ 0 & 0 \end{array} \right]. &\\ \end{align*} It is simple prove that \begin{align*} &A_n^\dag = \left[ \begin{array}{cc} \cos \psi_n & 0 \\ \sin \psi_n & 0 \end{array} \right], & &A^\dag = \left[ \begin{array}{cc} 0 & 0 \\ 1 & 0 \end{array} \right],& &\core{A}_n = \left[ \begin{array}{cc} 1/\cos \psi_n & 0 \\ 0 & 0 \end{array} \right].& \end{align*} Therefore, $\suc{A_n^\dag}$ converges to $A^\dag$ and \begin{align*} & &&\core{A}_n A_n = \left[ \begin{array}{cc} 1 & \tan \psi_n \\ 0 & 0 \end{array} \right],&\\ \end{align*} which shows that $\suc{ \core{A}_n A_n }$ is not bounded. Note also that $\suc{\core{A_n}}$ is not a convergent sequence. } \end{example} \indent Observe also that if $\aa$ is a unital $C^*$-algebra and $\suc{a_n}\subset\core{\aa}$ is such that $\suc{a_n}$ converges to $a\in\aa$, Example \ref{example1} also shows that the condition $\suc{\core{a_n}a_n}$ is a convergent sequence does not implies that $\suc{\core{a_n}}$ is convergent. \indent It is worth noticing that Example \ref{ejemplo2} also proves that $\core{\aa}=\dcore{\aa}$ is not in general a closed set. In fact, using the same notation as in Example \ref{ejemplo2}, $\suc{A_n}\subset\core{\aa}$, $\suc{A_n}$ converges to $A$ but $A\notin\core{\aa}$ ($A^2=0$, $\rk(A^2)=0\neq 1=\rk(A)$, i.e., $A$ is not group invertible). \indent Next an extension of \cite[Theorem 2.7]{cbl2} will be derived from Theorem \ref{thm320}. \begin{corollary}\label{cor3900} Let $\aa$ be a unital $C^*$-algebra and consider $a\in\aa$. Suppose that the sequence $\suc{a_n}\subset\aa^\#$ is such that $\suc{a_n}$ converges to $a$. Then, the following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The element $a\in\aa^\#$ and $\suc{a_n^\#}$ converges to $a^\#$. \item The sequence $\suc{a_n^\#}$ is bounded. \item The element $a\in\aa^\dag$, $\suc{a_n^\dag}$ converges to $a^\dag$, and the sequence $\suc{a_n^\# a_n}$ is bounded. \item The element $a\in\aa^\dag$, $\suc{a_n^\dag}$ converges to $a^\dag$, and there exists $\psi\in[0, \frac{\pi}{2})$ such that $\psi_n=\psi_{a_n}\le \psi$ for all $n\in\ene$. \end{enumerate} \end{corollary} \begin{proof} Statement (ii) is a consequence of statement (i). Suppose that statement (ii) holds. Then, $\suc{a_n^\# a_n}$ is a bounded sequence. To prove that $a\in\aa^\dag$ and $\suc{a_n^\dag}$ converges to $a^\dag$, proceed as in the corresponding part of the proof of \cite[Theorem 2.7]{cbl2} (see statement (ii) implies statement (iii) in \cite[Theorem 2.7]{cbl2}). Suppose that statement (iii) holds. First note that if $a_n=0$, then $\psi_n=0$. In addition, according to \cite[Theorem 2.5]{cbl2}, if $a_n\neq 0$, then, $$ \|a_na_n^\# \|=\frac{1}{\cos \psi_{a_n}}. $$ \noindent Therefore, the sequence $\suc{a_n^\# a_n}$ is bounded if and only if there exists $\psi\in[0, \frac{\pi}{2})$ such that $\psi_n=\psi_{a_n}\le \psi$ for all $n\in\ene$. To prove that statement (iv) implies statement (i), apply Theorem \ref{thm320} (equivalence between statements (iii) and (viii)). \end{proof} In Theorem \ref{thm320} and Corollary \ref{cor3900} the general case has been presented for sake of completeness. However, the case $a=0$ is particular and it deserves to be studied. Recall that given a unital $C^*$-algebra $\aa$, if $\suc{a_n}\subset\aa^{-1}$ is such that $\suc{a_n}$ converges to 0, then the sequence $\suc{a_n^{-1}}$ is unbounded. Next the case of a sequence $\suc{a_n}\subset\aa^\#=\core{\aa}=\dcore{\aa}\subseteq \aa^\dag$ such that it converges to $0$ will be studied. In first place the Moore-Penrose inverse will be considered. \begin{remark}\label{rem3950}\rm Let $\aa$ be a unital $C^*$-algebra and consider $a\in\aa^\dag$ and $\suc{a_n}\subset\aa^\dag$ such that $\suc{a_n}$ converges to $a$. Recall that according to \cite[Theorem 1.6]{kol}, the following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{a_n^\dag}$ converges to $a^\dag$. \item The sequence $\suc{a_n a_n^\dag}$ converges to $aa^\dag$. \item The sequence $\suc{a_n^\dag a_n}$ converges to $a^\dag a$. \item The sequence $\suc{a_n^\dag}$ is bounded. \hspace*{\dimexpr\linewidth-\textwidth\relax}{\noindent Now when $a=0$, according to \cite[Theorem 1.3]{kol}, the following equivalence holds:} \item A necessary and sufficient condition for $\suc{a_n^\dag}$ to converge to 0 is that the sequence $\suc{a_n^\dag}$ is bounded. \hspace*{\dimexpr\linewidth-\textwidth\relax} \begin{minipage}[t]{\textwidth} \noindent However, concerning the convergence of $\suc{a_n a_n^\dag}$, note that given $n\in\ene$, since $a_n a_n^\dag$ is a self-adjoint idempotent, if $\parallel a_n a_n^\dag\parallel < 1$, then $a_n a_n^\dag =0$, which implies that $a_n=0$; \hskip.1truecm a similar result can be derived for the convergence of $\suc{a_n^\dag a_n}$. Consequently, the following statements are equivalent. \end{minipage} \item The sequence $\suc{a_n^\dag}$ converges to 0. \item There exists $n_0\in\ene$ such that for $n\ge n_0$, $a_n=0$. \hspace*{\dimexpr\linewidth-\textwidth\relax}{\noindent Therefore, according to statements (v)-(vii), given $\suc{a_n}\subset\aa^\dag$ such that $\suc{a_n}$ converges to $0$, there are only two possibilities.} \item There exists $n_0\in\ene$ such that for $n\ge n_0$, $a_n=0$; or \item the sequence $\suc{a_n^\dag}$ is unbounded. \end{enumerate} \end{remark} In the following proposition, sequences of group invertible or (dual) core invertible elements that converge to 0 will be studied. \begin{proposition}\label{prop3960} Let $\aa$ be a unital $C^*$-algebra and consider a sequence $\suc{a_n}\subset \aa^\#=\core{\aa}=\dcore{\aa}$. such that $\suc{a_n}$ converges to 0. The following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{a_n^\#}$ converges to 0. \item The sequence $\suc{\core{a_n}}$ converges to 0. \item The sequence $\suc{\dcore{a_n}}$ converges to 0. \item The sequence $\suc{a_n^\#}$ is bounded. \item There exists $n_0\in\ene$ such that for $n\ge n_0$, $a_n=0$. \hspace*{\dimexpr\linewidth-\textwidth\relax}{\noindent In addition, there exist only two possibilities for the sequence $\suc{a_n}$.} \item There exists $n_0\in\ene$ such that for $n\ge n_0$, $a_n=0$; or \item the sequence $\suc{a_n^\#}$ is unbounded. \hspace*{\dimexpr\linewidth-\textwidth\relax}{\noindent Moreover, statement {\rm (vii)} is equivalent to the following two statements.} \item the sequence $\suc{\core{a_n}}$ is unbounded. \item the sequence $\suc{\dcore{a_n}}$ is unbounded. \end{enumerate} \end{proposition} \begin{proof} According to Theorem \ref{thm320}, statements (i)-(iii) are equivalent. It is evident that statement (i) implies statement (iv). Suppose that statement (iv) holds. According to \cite[Theorem 6]{hm1}, $\suc{a_n}\subset \aa^\#\subset \aa^\dag$. In addition according to \cite[Corollary 2.1 (ii)]{bc}, $$ \parallel a_n^\dag\parallel\le \parallel a_n^\#\parallel \parallel a_na_n^\dag+a_n^\dag a_n-\uno\parallel^2\le 9 \parallel a_n^\#\parallel. $$ \noindent In particular, the sequence $\suc{a_n^\dag}$ is bounded. Thus, according to Remark \ref{rem3950} (v), $\suc{a_n^\dag}$ converges to 0. However, according to Remark \ref{rem3950} (vi)-(vii), statement (v) holds. It is evident that statement (v) implies statement (i). Statements (vi) and (vii) can be derived from what has been proved. According to Theorem \ref{thm320}, statements (vii)-(ix) are equivalent. \end{proof} To prove the second characterization of this section some preparation is needed. \begin{remark}\label{nota2}\rm Let $\aa$ be a unital $C^*$-algebra and consider $a \in \core{\aa}=\dcore{\aa}$. If $L_a\colon \aa\to \aa$ and $R_a\colon \aa\to \aa$ are the left and the right multiplication operators defined by $a$, i.e., for $x\in\aa$, $L_a(x)=ax$, $R_a(x)=xa$, respectively, then according to \cite[Theorem 2.14]{rdd}, \begin{align*} & &&L_{\core{a}}L_a L_{\core{a}}=L_{\core{a}},& &R_{\core{a}}R_a R_{\core{a}}=R_{\core{a}}.&&\\ \end{align*} Note also that according to Definition \ref{df1}, \begin{align*} & &&\rr(L_{\core{a}})=a\aa,& &\nn(L_{\core{a}})=(a^*)^\circ.&\\ & &&\rr(R_{\core{a}})=\aa a^*,& &\nn(R_{\core{a}})={}^\circ a.&\\ \end{align*} Therefore, $L_{\core{a}} = (L_a)^{(2)}_{a \aa, (a^*)^\circ}$ and $R_{\core{a}} = (R_a)^{(2)}_{ \aa a^*, {}^\circ a}$. \noindent In addition, since $L_{a \core{a}}=L_a L_{\core{a}}$, $R_{a \core{a}}=R_{\core{a}}R_a\in\ll (\aa)$ are idempotents, observe that according to Definition \ref{df1} and \cite[Theorem 2.14]{rdd}, \begin{align*} & &&\rr(L_{a \core{a}})=a \aa,& &\rr(R_{a \core{a}})=\aa a^*,&\\ & &&\nn(L_{a \core{a}})=(a^*)^\circ ,& &\nn(R_{a \core{a}})={}^\circ a.\\ \end{align*} Similar arguments prove the following facts: $L_{\dcore{a}} = (L_a)^{(2)}_{a^* \aa, a^\circ}$, $R_{\dcore{a}} = (R_a)^{(2)}_{ \aa a, {}^\circ(a^*)}$ and \begin{align*} & &&\rr(L_{\dcore{a}a})=a^* \aa,& &\rr(R_{\dcore{a}a})=\aa a,&\\ & &&\nn(L_{\dcore{a}a})=a^\circ ,& &\nn(R_{\dcore{a}a})={}^\circ (a^*).\\ \end{align*} \end{remark} Next follows the second characterization of the continuity of the (dual) core inverse. In this case, the notion of the gap between subspaces will be used. \begin{theorem} \label{th1} Let $\aa$ be a unital $C^*$-algebra and consider $a \in \core{\aa}=\dcore{\aa}$, $a\neq 0$. Consider a sequence $\suc{a_n} \subset \core{\aa}=\dcore{\aa}$ such that $\suc{a_n}$ converges to $a$. The following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item $\suc{\core{a}_n}$ converges to $\core{a}$. \item $\suc{a_n \core{a}_n}$ converges to $a \core{a}$. \item $\suc{\gap{a_n \aa}{a\aa}}$ and $\suc{\gap{(a_n^*)^\circ}{(a^*)^\circ}}$ converge to $0$. \item $\suc{\gap{\aa a_n^*}{\aa a^*}}$ and $\suc{\gap{{}^\circ a_n}{{}^\circ a}}$ converge to $0$. \item $\suc{\dcore{a_n}}$ converges to $\dcore{a}$. \item $\suc{\dcore{a_n} a_n}$ converges to $\dcore{a} a$. \item $\suc{\gap{a_n^* \aa}{a^*\aa}}$ and $\suc{\gap{a_n^\circ}{a^\circ}}$ converge to $0$. \item $\suc{\gap{\aa a_n}{\aa a}}$ and $\suc{\gap{{}^\circ (a_n^*)}{{}^\circ (a^*)}}$ converge to $0$. \end{enumerate} \end{theorem} \begin{proof} It is evident that statement (i) implies statement (ii). Suppose that statement (ii) holds. According to Remark \ref{nota2}, $a \aa = \rr(L_{a \core{a}})$, $(a^*)^\circ =\nn(L_{a \core{a}})$, $a_n \aa = \rr(L_{a_n \core{a}_n})$ and $(a_n^*)^\circ =\nn(L_{a_n \core{a}_n})$ ($n \in \ene$). However, according to \cite[Lemma 3.3]{kr1}, statement (iii) holds. Suppose that statement (iii) holds. Recall that according to Remark~\ref{nota2}, \begin{align*} & & &L_{\core{a}} = (L_a)^{(2)}_{a \aa, (a^*)^\circ},& &L_{\core{a}_n} = (L_{a_n})^{(2)}_{a_n \aa, (a_n^*)^\circ},&\\ \end{align*} \noindent for each $n \in \ene$. Let $\kappa = \| L_a \| \| L_{\core{a}} \| = \| a \| \| \core{a} \|$ and consider $n_0 \in \ene$ such that for all $n \geq n_0$, \begin{align*} & &&r_n =\gap {\nn \left( (L_{a_n})^{(2)}_{a_n \aa, (a_n^*)^\circ}\right)} {\nn \left( (L_a)^{(2)}_{a \aa, (a^*)^\circ} \right)} =\gap{(a_n^*)^\circ}{(a^*)^\circ}< \frac{1}{3+\kappa},&\\ & &&s_n = \gap {\rr \left( (L_{a_n})^{(2)}_{a_n \aa, (a_n^*)^\circ}\right)} {\rr \left( (L_a)^{(2)}_{a \aa, (a^*)^\circ} \right)} =\gap{a_n \aa}{a \aa} < \frac{1}{(1+\kappa)^2},&\\ \end{align*} and \begin{align*} & &&t_n = \| L_{\core{a}} \| \| L_a - L_{a_n} \| = \| \core{a} \| \| a - a_n \| < \frac{2 \kappa}{(1+\kappa)(4+\kappa)}.&\\ \end{align*} Thus, according to \cite[Theorem~3.5]{dx}, \begin{align*} & &&\left\| \core{a}_n - \core{a} \right\| = \left\| L_{\core{a}_n} - L_{\core{a}} \right\| \leq \frac {(1+\kappa)(s_n+r_n)+(1+r_n)t_n} {1-(1+\kappa)s_n-\kappa r_n - (1+r_n)t_n}\| \core{a} \|, &\\ \end{align*} which implies statement (i). Statements (i), (ii) and (iv) are equivalent. To prove this fact, apply a similar argument to the one used to prove the equivalence among statements (i), (ii) and (iii), using in particular $R_{\core{a}}=(R_a)^{(2)}_{\aa a^*, {}^\circ a}$, $R_{\core{a}_n}=(R_{a_n})^{(2)}_{\aa a_n^*, {}^\circ a_n}$, $R_{a\core{a}}$ and $R_{a_n\core{a}_n}$ instead of the respectively left multiplication operators (Remark~\ref{nota2}, $n\in\ene$). Statements (i) and (v) are equivalent (Theorem \ref{thm320}). To prove the equivalence among statements (v) and (viii), apply a similar argument to the one used to prove that statements (i)-(iv) are equivalent, using in particular Remark~\ref{nota2} and \cite[Theorem~3.5]{dx}. \end{proof} Next, some bounds for $\| \core{a}_n - \core{a} \|$ will be proved, when $\suc{a_n}\subset\aa$ converges to $a\in\aa$ in a $C^*$-algebra $\aa$. Before, a technical lemma is presented. \begin{lemma}\label{lema4} Let $\aa$ be a unital $C^*$-algebra and let $a,b \in \core{\aa}=\dcore{\aa}$. Then \begin{align*} &{\rm (i)}&&\core{b}-\core{a} = \core{b}b(b^\dag -a^\dag)(\uno-a \core{a}) + \core{b}(a-b)\core{a} + (\uno - \core{b}b)(b-a)a^\dag\core{a}. &\\ &{\rm (ii)}& &\dcore{b}-\dcore{a} = (\uno- \dcore{a}a) (b^\dag -a^\dag)b\dcore{b} + \dcore{a}(a-b)\dcore{b}+ \dcore{a}a^\dag(b-a)(\uno - b\dcore{b}). \end{align*} \end{lemma} \begin{proof} To prove statement (i), recall that since $a$ and $b$ are core invertible, $a$ and $b$ are Moore-Penrose invertible (Theorem \ref{theo310}). In addition, according to \cite[Theorem 3.1]{14}, $b=\core{b}b^2$. Thus, according to Lemma \ref{lema2} (i), \begin{align*} & &&(\uno - \core{b}b)(b-a)a^\dag\core{a} = -(\uno - \core{b}b)aa^\dag\core{a} = -(\uno - \core{b}b)\core{a} = \core{b}b\core{a}-\core{a}.&\\ \end{align*} Now, according to \cite[Theorem 2.19]{rdd}, $\core{b}=\core{b}bb^\dag$. In addition, $a^*a\core{a} = a^* (a \core{a})^* = (a\core{a}a)^* = a^*$, i.e., $a^*(\uno-a \core{a})=0$. Moreover, since $a^\dag = a^\dag a a^\dagger = a^\dag (aa^\dag)^* = a^\dag (a^\dagger)^* a^*$, $a^\dag (\uno-a\core{a})=0$. Therefore, \begin{align*} & &&\core{b}b(b^\dag -a^\dag)(\uno-a \core{a}) = \core{b}bb^\dag (\uno-a \core{a}) = \core{b}(\uno-a \core{a}) = \core{b}-\core{b}a\core{a}.&\\ \end{align*} As a result, \begin{align*} & &&\core{b}-\core{a} & &= \core{b} - \core{b}a\core{a} + \core{b}a\core{a} - \core{b}b \core{a} + \core{b}b \core{a} - \core{a} \\ & & & && = \core{b}b(b^\dag -a^\dag)(\uno-a \core{a}) + \core{b}(a-b)\core{a} + (\uno - \core{b}b)(b-a)a^\dag\core{a}. &\\ \end{align*} To prove statement (ii), use that $\dcore{x}=(\core{(x^*)})^*$ ($x\in\aa$), and apply statement (i). \end{proof} Next the aforementioned bounds will be given. \begin{theorem} \label{th_des} Let $\aa$ be a unital $C^*$-algebra and consider $a\in\core{\aa}=\dcore{\aa}$. The following statements holds.\par \begin{enumerate}[{\rm (i)}] \item If $b\in\core{\aa}=\dcore{\aa}$, $b\neq 0$, then \begin{align*} & & &\| \core{b} - \core{a} \| \leq \frac{\| b^\dag -a^\dag \|}{\cos \psi_b} + \left[ \| \core{b} \| + \frac{\| a^\dag\|}{\cos \psi_b} \right] \| \core{a} \|\| a-b\|.&\\ \end{align*} \item In addition, \begin{align*} & &&\| \dcore{b} - \dcore{a} \| \leq \frac{\| b^\dag -a^\dag \|}{\cos \psi_b} + \left[ \| \dcore{b} \| + \frac{\| a^\dag\|}{\cos \psi_b} \right] \| \dcore{a} \|\| a-b\|.&\\ \end{align*} \item If also $a\neq 0$, then \begin{align*} & &&\| \dcore{b} - \dcore{a} \| =\| \core{b} - \core{a} \| \leq \frac{\| b^\dag -a^\dag \|}{\cos \psi_b} + \frac{\| a^\dag \| \left(\| b^\dag \| + \| a^\dag \| \right)}{\cos \psi_a \cos \psi_b} \| a-b \|.&\\ \end{align*} \item In particular, if $a\in\core{\aa}=\dcore{\aa}$, $a\neq 0$, and $\suc{a_n}\subset \core{\aa}=\dcore{\aa}$, $a_n\neq 0$ for all $n\in\ene$, then \begin{align*} & &&\| \dcore{a_n} - \dcore{a} \| =\| \core{a_n} - \core{a} \| \leq \frac{\| a_n^\dag -a^\dag \|}{\cos \psi_n} + \frac{\| a^\dag \| \left(\| a_n^\dag \| + \| a^\dag \| \right)}{\cos \psi_a \cos \psi_n} \| a-a_n \|,&\\ \end{align*} \noindent where $\psi_n=\psi_{a_n}$. \end{enumerate} \end{theorem} \begin{proof} To prove statement (i), note that according to \cite[Lemma 2.3]{kr}, Lemma \ref{lema2} (iii) and \cite[Theorem 2.4 (iii)]{cbl2} $$ \| \uno- \core{b}b \| = \| \core{b} b \| = \| (\core{b}b) + (\core{b} b)^* - \uno\| = \| (b b^\dag + b^\dag b - \uno)^{-1} \| = \frac{1}{\cos \psi_b}. $$ Observe that $\uno-a \core{a}$ is a self-adjoint idempotent, Hence $\| \uno - a \core{a} \| = 1$, and according to Lemma \ref{lema4}, \begin{align*} \| \core{b} -\core{a} \| &\leq \| \core{b}b \| \| b^\dag -a^\dag \| \| \uno-a \core{a}\| + \left[ \| \core{b} \| \| \core{a} \| + \| \uno - \core{b}b \| \| a^\dag\core{a} \| \right] \| a-b \| \\ & = \frac{\| b^\dag -a^\dag \|}{\cos \psi_b} + \left[ \| \core{b} \| \| \core{a} \| + \frac{\| a^\dag\core{a} \|}{\cos \psi_b} \right] \| a-b \|. \\ & \le \frac{\| b^\dag -a^\dag \|}{\cos \psi_b} + \left[ \| \core{b} \| + \frac{\| a^\dag \|}{\cos \psi_b} \right] \| \core{a} \|\| a-b \|. \\ \end{align*} Statement (ii) can be derived from statement (i). In fact, recall that given $x\in\core{\aa}=\dcore{\aa}$, $\dcore{x}=(\core{(x^*)})^*$. Moreover, if $x\in \aa^\dag\setminus\{ 0\}$, then note that $\psi_{x^*}=\psi_{x^\dag}=\psi_x$. Now apply statement (i) to $a^*$ and $b^*$. \indent Now observe that if $a=0$ in statement (i), then $\| \core{b}\|\le\frac{\|b^\dag\|}{\cos \psi_b}$. Thus, if $a\neq 0$, then $\| \core{a}\|\le\frac{\|a^\dag\|}{\cos \psi_a}$. To prove statement (iii) for the core inverse, apply these inequalities to statement (i). To prove statement (iii) for the dual core inverse, proceed as in the proof of statement (ii). \indent Statement (iv) can be derived from statement (iii). \end{proof} \begin{remark} \rm As it was used in the proof of Theorem \ref{th_des}, given $a\in\core{\aa}=\dcore{\aa}$, $a\neq 0$, Theorem \ref{th_des} (i) (respectively Theorem \ref{th_des} (ii)) gives a relationship between the norm of $\core{a}$ (respectively of $\dcore{a}$) and the norm of the $a^\dag$: $\| \core{a}\|\le\frac{\|a^\dag\|}{\cos \psi_a}$ (respectively $\| \dcore{a}\|\le\frac{\|a^\dag\|}{\cos \psi_a}$). \noindent Moreover, under the same hypothesis of Theorem \ref{thm320}, when $a\neq 0$, Theorem \ref{th_des} (iv) gives an estimate of the convergence of $\suc{\core{a_n}}$ and $\suc{\dcore{a_n}}$ to $\core{a}$ and $\dcore{a}$, respectively. \end{remark} \section{Continuity of (dual) core invertible Hilbert space operators} Let $\hh$ be a Hilbert space and consider $A\in\ll (\hh)$. The definition of core invertible Hilbert space operators was given in \cite[Definition 3.2]{rdd2}. In fact, $A\in\ll (\hh)$ is said to be core invertible, if there exists $X\in\ll (\hh)$ such that $$ A=AXA,\hskip.3truecm \rr(X)=\rr(A),\hskip.3truecm \nn (X)=\nn (A^*). $$ \noindent Thus, when $A\in\ll (\hh)$, two definitions of the core inverse of $A$ has been given: as an element of the $C^*$-algebra $\ll (\hh)$ and as Hilbert space operator. However, as the following proposition shows, both definitions coincide in the Hilbert space context. \begin{proposition}\label{proposition410} Let $\hh$ be a Hilbert space and consider $A\in\ll (\hh )$. The following statements are equivalent.\par \begin{enumerate}[{\rm (i)}] \item The core inverse of $A$ exists. \item There exists an operator $X\in \ll (\hh )$ such that $AXA=A$, $\rr(X)=\rr(A)$ and $\nn(X)=\nn(A^*)$. \end{enumerate} \noindent Moreover, in this case $X=\core{A}=A^{(2)}_{\rr(A), \nn(A^*)}$. \end{proposition} \begin{proof} Suppose that $\core{A}$ exists. Then, $A=A\core{A}A$ and there are operator $S$, $T$, $U$, $V\in\ll (\hh )$ such that $$ \core{A}=AS, \hskip.2truecm A=\core{A}T, \hskip.2truecm\core{A}=UA^*, \hskip.2truecmA^*=V\core{A}. $$ \noindent In particular, $\rr(\core{A})=\rr(A)$ and $\nn(\core{A})=\nn(A^*)$.\par \indent Now suppose that statement (ii) holds. Then, there exists $X\in\ll (\hh )$ such that $\rr(X)=\rr(A)$. According to \cite[Theorem 1]{Do}, there are $L$, $K\in\ll (\hh )$ such that $A=XL$ and $X=AK$. In particular, $X\ll (\hh )= A\ll (\hh )$. In addition, since $\rr (A)$ is closed, $\rr(X)$ is closed, which is equivalent to the fact that $X$ is regular. Now since $A^*$ is regular, according to \cite[Remark 6]{b}, there exist operators $M$, $N\in \ll (\hh )$ such that $X=MA^*$ and $A^*=NX$. In particular, $\ll (\hh )X= \ll (\hh )A^*$. Since $A=AXA$ and the core inverse is unique, when it exists (\hspace{-1pt}\cite[Theorem 2.14]{rdd}), $X=\core{A}$. Finally, since according again to \cite[Theorem 2.14]{rdd}, $\core{A}$ is an outer inverse, according to what has been proved, $\core{A}=A^{(2)}_{\rr(A), \nn(A^*)}$. \end{proof} \indent As for the core inverse case, a definition of dual core invertible Hilbert space operators was given in \cite[Definition 3.3]{rdd2}. In the following proposition the equivalence between Definition \ref{df2} and \cite[Definition 3.3]{rdd2} will be considered. \begin{proposition}\label{proposition420} Let $\hh$ be a Hilbert space and consider $A\in\ll (\hh )$. The following statements are equivalent.\par \begin{enumerate}[{\rm (i)}] \item The dual core inverse of $A$ exists. \item There exists an operator $X\in \ll (\hh )$ such that $AXA=A$, $\rr(X)=\rr(A^*)$ and $\nn(X)=\nn(A)$. \end{enumerate} \noindent Moreover, in this case $X=\dcore{A}=A^{(2)}_{\rr(A^*), \nn(A)}$. \end{proposition} \begin{proof} Apply a similar argument to the one used in Proposition \ref{proposition410}. \end{proof} \indent Note that the relationship between the (dual) core inverse and the outer inverse with prescribed range and null space for the case of square complex matrices was studied in \cite[Theorem 1.5]{r} (apply \cite[Theorem 4.4]{rdd}). \indent Next the continuity of the (dual) core inverse will be characterized using the gap between subspaces. The next theorem is the Hilbert space version of Theorem \ref{th1} \begin{theorem}\label{thm430}Let $\hh$ be a Hilbert space and consider $A\in \ll (\hh)$, $A\neq 0$, such that $A$ is (dual) core invertible. Suppose that there exists a sequence of operators $\suc{A_n}\subset \ll (\hh )$ such that for each $n\in\ene$, $A_n$ is (dual) core invertible and $\suc{A_n}$ converges to $A$. Then, the following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{\core{A_n}}$ converges to $\core{A}$. \item The sequence $\suc{\dcore{A_n}}$ converges to $\dcore{A}$. \item The sequence $\suc{\core{A_n}A_n}$ converges to $\core{A}A$. \item The sequence $\suc{A_n\dcore{A_n}}$ converges to $\core{A}A$. \item The sequence $\suc{\gap{\rr(\core{A_n})}{\rr(\core{A})}}$ converges to 0. \item The sequence $\suc{\gap{\rr(A_n)}{\rr(A)}}$ converges to 0. \item The sequence $\suc{\gap{\nn (\core{A_n})} {\nn (\core{A})}}$ converges to 0. \item The sequence $\suc{\gap{\nn (A_n^*)}{\nn (A^*)}}$ converges to $0$. \item The sequence $\suc{\gap{\rr(\dcore{A_n})}{\rr(\dcore{A})}}$ converges to 0. \item The sequence $\suc{\gap{\rr(A_n^*)}{\rr(A^*)}}$ converges to 0. \item The sequence $\suc{\gap{\nn (\dcore{A_n})} {\nn (\dcore{A})}}$ converges to 0. \item The sequence $\suc{\gap{\nn (A_n)}{\nn (A)}}$ converges to $0$. \end{enumerate} \end{theorem} \begin{proof} First of all recall that $\core{\ll (\hh)}=\dcore{\ll (\hh)}$ (Theorem \ref{theo310}).\par Statements (i)-(iv) are equivalent (Theorem \ref{th1}). According to \cite[Lemma 3.3]{kr1}, statement (iii) implies statement (v) and according to Proposition \ref{proposition410} and \cite[Chapter 4, Section 2, Subsection 3, Theorem 2.9]{kato}, Statements (v)-(viii) are equivalent. \indent Now suppose that statement (vi) holds. Thus, according to what has been proved, the sequences $\suc{\gap{\rr(A_n)}{\rr(A)}}$ and $\suc{\gap{\nn(A_n^*)}{\nn(A^*)}}$ converge to $0$ (recall that according to \cite[Chapter 4, Section 2, Subsection 3, Theorem 2.9]{kato}, $\gap{\rr(A_n)}{\rr(A})=\gap{(\nn(A_n^*)}{\nn(A^*)}$, $n\in \ene$). In addition, according to Proposition \ref{proposition410}, for each $n\in\ene$, \begin{align*} & &&\core{A}_n=(A_n)^{(2)}_{\rr(A_n), \nn(A_n^*)},& &\core{A}=A^{(2)}_{\rr(A), \nn(A^*)}.& \end{align*} \noindent Let $\kappa=\parallel A\parallel\parallel \core{A}\parallel$ and consider $n_0\in\ene$ such that for all $n\ge n_0$, \begin{align*} w_n=&\gap{\nn((A_n)^{(2)}_{\rr(A_n), \nn(A_n^*)})}{\nn(A^{(2)}_{\rr(A), \nn(A^*)})}=\gap{(\nn(A_n^*)}{\nn(A^*)}\\ &=\gap{\rr(A_n)}{\rr(A)}=\gap{\rr((A_n)^{(2)}_{\rr(A_n), \nn(A_n^*)})}{\rr(A^{(2)}_{\rr(A), \nn(A^*)})}<\frac{1}{(3+\kappa)^2},\\ &z_n=\parallel \core{A}\parallel\parallel A-A_n\parallel<\frac{2\kappa}{(1+\kappa)(4+\kappa)}.\\ \end{align*} \noindent Since $ \frac{1}{(3+\kappa)^2}\le\min\{\frac{1}{3+\kappa}, \frac{1}{(1+\kappa)^2}\}$, according to \cite[Theorem 3.5]{dx}, $$ \parallel \core{A}_n-\core{A}\parallel \le\frac{2(1+\kappa)w_n+(1+w_n)z_n}{1-(1+2\kappa) w_n-(1+w_n)z_n}\parallel \core{A}\parallel, $$ which implies statement (i). Now, according to \cite[Lemma 3.3]{kr1}, statement (iv) implies statement (xi) and according to Proposition \ref{proposition420} and \cite[Chapter 4, Section 2, Subsection 3, Theorem 2.9]{kato}, Statements (ix)-(xii) are equivalent. Suppose that statement (x) holds. Since then statement (xii) also holds, to prove that statement (ii) holds, it is enough to apply an argument similar to the one used to prove that statement (vi) implies statement (i), interchanging in particular $A$ with $A^*$, $A_n$ with $A_n^*$, $\core{A}$ with $\dcore{A}$, $\core{A_n}$ with $\dcore{A_n}$, $(A_n)^{(2)}_{\rr(A_n), \nn(A_n^*)}$ with $(A_n)^{(2)}_{\rr(A_n^*), \nn(A_n)}$, $A^{(2)}_{\rr(A), \nn(A^*)}$ with $A^{(2)}_{\rr(A^*), \nn(A)}$, and $\kappa$ with $\kappa'=\parallel A\parallel \parallel \dcore{A}\parallel$. \end{proof} \indent Next the continuity of the (dual) core inverse will be studied in a particular case. To this end, two results from \cite{rs} need to be extended first. \begin{proposition}\label{pro540} Let $\xx$ be a Banach space and consider $A\in \ll (\xx)$ such that $A$ is group invertible and the codimension of $\rr(A)$ is finite. Suppose that there exists a sequence of operators $\suc{A_n}\subset \ll (\xx )$ such that for each $n\in\ene$, $A_n$ is group invertible and $\suc{A_n}$ converges to $A$. Then the following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{A^\#_n}$ converges to $A^\#$.\par \item For all sufficiently large $n\in\ene$, $\hbox{\rm codim }\rr(A_n)=\hbox{\rm codim }\rr(A)$. \end{enumerate} \end{proposition} \begin{proof} Recall that $A\in\ll (\xx)$ is group invertible if and only if $A^*\in \ll(\xx^*)$ is group invertible. A similar statement holds for each $A_n\in\ll (\xx)$ ($n\in\ene$). In addition, $\dim \nn(A^*)$ is finite and $\suc{A^*_n}\subset \ll (\xx^* )$ converges to $A^*$. Thus, according to \cite[Theorem 3]{rs}, statement (i) is equivalent to the fact that for all sufficiently large $n\in\ene$, $\dim \nn(A^*_n)=\dim \nn(A^*)$, which in turn is equivalent to statement (ii). \end{proof} \begin{proposition}\label{pro550} Let $\hh$ be a Hilbert space and consider $A\in \ll (\hh)$ such that $A$ is Moore-Penrose invertible and the codimension of $\rr(A)$ is finite. Suppose that there exists a sequence of operators $\suc{A_n}\subset \ll (\hh )$ such that for each $n\in\mathbb{N}$, $A_n$ is Moore-Penrose invertible and $\suc{A_n}$ converges to $A$. Then the following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{A^\dag_n}$ converges to $A^\dag$. \item For all sufficiently large $n\in\ene$, $\hbox{\rm codim }\rr(A_n)=\hbox{\rm codim }\rr(A)$. \end{enumerate} \end{proposition} \begin{proof} Apply a similar argument to the one in the proof of Proposition \ref{pro540}, using in particular \cite[Corollary 10]{rs} instead of \cite[Theorem 3]{rs}. \end{proof} \begin{corollary}\label{cor560}Let $\hh$ be a Hilbert space and consider $A\in \ll (\hh)$ such that $A$ is group invertible and either the codimension of $\rr(A)$ is finite or $\dim \nn(A)$ is finite. Suppose that there exists a sequence of operators $\suc{A_n}\subset \ll (\hh )$ such that for each $n\in\mathbb{N}$, $A_n$ is group invertible and $\suc{A_n}$ converges to $A$. Then, the following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{A^\#_n}$ converges to $A^\#$.\par \item The sequence $\suc{A^\dag_n}$ converges to $A^\dag$. \end{enumerate} \end{corollary} \begin{proof} Recall that given and operator $S\in\ll (\hh)$ such that $S$ is group invertible, then $S$ is Moore-Penrose invertible (\hspace{-1pt}\cite[Theorem 6]{hm1}). To conclude the proof apply, when $\dim\nn(A)$ is finite, \cite[Theorem 3]{rs} and \cite[Corollary 10]{rs}, and when codimension of $\rr(A)$ is finite, Proposition \ref{pro540} and Proposition \ref{pro550}. \end{proof} \indent Now a characterization of the continuity of the (dual) core inverse for a particular case of Hilbert spaces operators will be presented. \begin{theorem} \label{thm570}Let $\hh$ be a Hilbert space and consider $A\in \ll (\hh)$ such that $A$ is (dual) core invertible and either the codimension of $\rr(A)$ is finite or $\dim \nn(A)$ is finite. Suppose that there exists a sequence of operators $\suc{A_n}\subset \ll (\hh )$ such that for each $n\in\ene$, $A_n$ is (dual) core invertible and $\suc{A_n}$ converges to $A$. The following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{\core{A}_n}$ converges to $\core{A}$. \item The sequence $\suc{\dcore{A_n}}$ converges to $\dcore{A}$. \item The sequence $\suc{A^\dag_n}$ converges to $A^\dag$. \hspace*{\dimexpr\linewidth-\textwidth\relax}{\noindent When $\dim \nn (A)$ is finite, statements {\rm (i)}-{\rm (iii)} are equivalent to the following statement. } \item For all sufficiently large $n\in\ene$, $\dim \nn(A_n)=\dim \nn(A)$. \hspace*{\dimexpr\linewidth-\textwidth\relax}{\noindent When $\hbox{\rm codim } (A)$ is finite, statements {\rm (i)}-{\rm (iii)} are equivalent to the following statement. } \item For all sufficiently large $n\in\ene$, $\hbox{\rm codim } \rr(A_n)=\hbox{\rm codim } \rr(A)$. \end{enumerate} \end{theorem} \begin{proof} Apply Theorem \ref{thm320}, Corollary \ref{cor560}, \cite[Theorem 3]{rs} and Proposition \ref{pro540}. For the case $A=0$, apply Remark \ref{rem3950} and Proposition \ref{prop3960}. \end{proof} \indent Now the finite dimensional case will be derived from Theorem \ref{thm570}. It is worth noticing that the following corollary also provides a different proof of a well known result concerning the continuity of the Moore-Penrose inverse in the matricial setting, see \cite[Theorem 5.2]{S}. \begin{corollary}\label{cor580} Let $A \in \ce_m$ be a (dual) core invertible matrix. Suppose that exists a sequence $\suc{A_n} \subset \ce_m$ of (dual) core invertible matrices such that $\suc{A_n}$ converges to $A$. The following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The sequence $\suc{\core{A}_n}$ converges to $\core{A}$. \item The sequence $\suc{\dcore{A_n}}$ converges to $\dcore{A}$. \item The sequence $\suc{A_n^\dag}$ converges to $A^\dag$. \item There exists $n_0 \in \ene$ such that $\rk(A_n) = \rk(A)$, for $n \geq n_0$. \end{enumerate} \end{corollary} \begin{proof} Apply Theorem \ref{thm570}. \end{proof} \section{Differentiability of the (dual) core inverse} \noindent To prove the main results of this section, some preparation is needed. Let $U\subseteq \ere$ be an open set and consider ${\bold a}\colon U\to\aa$ a function such that ${\bold a}(U)\subseteq\core{\aa}$. Since according to Theorem \ref{theo310}, $\core{\aa}=\dcore{\aa}=\aa^\#\subset\aa^\dag$, it is possible to consider the functions $$ \core{{\bold a}},\, \dcore{{\bold a}},\, {\bold a}^\#,\, {\bold a}^\dag\colon U\to\aa, $$ \noindent which are defined as follows. Given $u\in U$, \begin{align*} & &&\core{{\bold a}}(u)=\core{({\bold a}(u))},&&\dcore{{\bold a}}(u)=\dcore{({\bold a}(u))},&\\ & &&{\bold a}^\#(u)=({\bold a}(u))^\#,&&{\bold a}^\dag (u)= ({\bold a}(u))^\dag.&\\ \end{align*} Since in this section functions instead of sequence will be considered and the notion of continuity will be central in the results concerning differentiability, Theorem \ref{thm320} will be reformulated for functions. \begin{theorem}\label{thm530} Let $\aa$ be a unital $C^*$-algebra and consider $U\subseteq \ere$ an open set and a function ${\bold a}\colon U\to\aa$ such that ${\bold a}(U)\subseteq\core{\aa}$ and ${\bold a}$ is continuous at $t_0\in U$. The following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The element ${\bold a}(t_0)\in\core{\aa}$ and the function $\core{{\bold a}}$ is continuous at $t_0$. \item The element ${\bold a}(t_0)\in\dcore{\aa}$ and the function $\dcore{{\bold a}}$ is continuous at $t_0$. \item The element ${\bold a}(t_0)\in\aa^\#$ and the function ${\bold a}^\#$ is continuous at $t_0$. \item The element ${\bold a}(t_0)\in\core{\aa}$ and there exists an open set $V\subseteq U$ such that $t_0\in V$ and the function $\core{{\bold a}}$ is bounded on $V$. \item The element ${\bold a}(t_0)\in\dcore{\aa}$ and there exists an open set $W\subseteq U$ such that $t_0\in W$ and the function $\dcore{{\bold a}}$ is bounded on $W$. \item The element ${\bold a}(t_0)\in\aa^\dag$, the function ${\bold a}^\dag$ is continuous at $t_0$, and there exists and open set $I\subseteq U$ such that $t_0\in I$ and the function $\core{{\bold a}}{\bold a}$ is bounded on $I$. \item The element ${\bold a}(t_0)\in\aa^\dag$, the function ${\bold a}^\dag$ is continuous at $t_0$ , and there exists and open set $J\subseteq U$ such that $t_0\in J$ and the function ${\bold a}\core{{\bold a}}$ is bounded on $J$. \item The element ${\bold a}(t_0)\in\aa^\dag$, the function ${\bold a}^\dag$ is continuous at $t_0$, and there exist an open set $Z$ such that $t_0\in Z$and $\psi\in[0, \frac{\pi}{2})$ such that when ${\bold a}(t)\neq 0$ ($t\in Z$), $\psi_t=\psi_{{\bold a}(t)}\le \psi$. \end{enumerate} \end{theorem} \begin{proof} Apply Theorem \ref{thm320}. \end{proof} \begin{remark}\label{rem591}\rm Note that under the same hypotheses of Theorem \ref{thm530}, when ${\bold a}(t_0)=0$, the continuity of the function $\core{{\bold a}}$ (respectively $\dcore{{\bold a}}$, ${\bold a}^\#$, ${\bold a}^\dag$) at $t_0$ is equivalent to the following condition: there exists an open set $K\subseteq U$, $t_0\in K$ and ${\bold a}(t)=0$, for all $t\in K$ (Remark \ref{rem3950}, Proposition \ref{prop3960}). \end{remark} \indent To study the differentiability of the (dual) core inverse, the differentiability of the Moore-Penrose inverse need to be considered first. \begin{remark}\label{rem540} \rm Let $\aa$ be a unital $C^*$-algebra and consider an open set $U$ and ${\bold a} \colon U\to \aa$ a function such that ${\bold a}(U)\subset \aa^\dag$ and there is $t_0$ such that ${\bold a}$ is differentiable at $t_0$. Thus, a necessary and sufficient condition for ${\bold a}^\dag$ to be differentiable at $t_0$ is that ${\bold a}^\dag$ is continuous at $t_0$. In fact, if ${\bold a}(t_0)\neq 0$, there is an open set $V\subseteq U$ such that $t_0\in V$ and ${\bold a}(t)\neq 0$ for $t\in V$, and then according to \cite[Theorem 2.1]{kol}, this equivalence holds. On the other hand, if ${\bold a}(t_0)=0$, according to Remark \ref{rem3950} (vi)-(vii), the function ${\bold a}^\dag$ is continuous at $t_0$ if and only if there exists an open set $W$ such that $t_0\in W$ and ${\bold a}(t)=0$ for $t\in W$, which implies that ${\bold a}^\dag$ is differentiable at $t_0$. As a result, in \cite[Theorem 2.1]{kol} it is not necessary to assume that ${\bold a}(t)\neq 0$ for $t$ in a neighbourhood of $t_0$. \end{remark} \indent In the following theorem the differentiability of the (dual) core inverse will be studied. Note that the following notation will be used. Given a unital $C^*$-algebra $\aa$, if $U\subseteq \ere$ is an open set and ${\bold b}\colon U\to\aa$ is a function, then ${\bold b}^*\colon U\to\aa$ will denote the function ${\bold b}^*(t)=({\bold b}(t))^*$ ($t\in U$). In addition, if ${\bold b}\colon U\to\aa$ is differentiable at $t_0\in U$, then ${\bold b}'(t_0)$ will stand for the derivative of ${\bold b}$ at $t_0$. \begin{theorem}\label{thm510} Let $\aa$ be a unital $C^*$-algebra and consider $U\subseteq \ere$ an open set and ${\bold a}\colon U\to\aa$ a function such that is differentiable at $t_0\in U$ and ${\bold a}(U)\subset \core{\aa}=\dcore{\aa}=\aa^\#$. The following statements are equivalent. \begin{enumerate}[{\rm (i)}] \item The function $\core{{\bold a}}$ is continuous at $t_0$. \item The function $\core{{\bold a}}$ is differentiable at $t_0$. \item The function $\dcore{{\bold a}}$ is differentiable at $t_0$. \item The function ${\bold a}^\#$ is differentiable at $t_0$. \hspace*{\dimexpr\linewidth-\textwidth\relax}{\noindent Furthermore, the following formulas hold.} \item \begin{align*} (\core{{\bold a}})'(t_0)&=\core{{\bold a}}(t_0){\bold a}(t_0)({\bold a}^\dag)'(t_0)(\uno-{\bold a}(t_0)\core{{\bold a}}(t_0))- \core{{\bold a}}(t_0){\bold a}'(t_0)\core{{\bold a}}(t_0)\\ &+(\uno-\core{{\bold a}}(t_0){\bold a}(t_0)){\bold a}'(t_0){\bold a}^\dag(t_0)\core{{\bold a}}(t_0).\\ \end{align*} \item \begin{align*} (\dcore{{\bold a}})'(t_0)&=(\uno-\dcore{{\bold a}}(t_0){\bold a}(t_0))({\bold a}^\dag)'(t_0){\bold a}(t_0)\dcore{{\bold a}}(t_0) - \dcore{{\bold a}}(t_0){\bold a}'(t_0)\dcore{{\bold a}}(t_0)\\ &+\dcore{{\bold a}}(t_0){\bold a}^\dag(t_0){\bold a}'(t_0)(\uno-{\bold a}(t_0)\dcore{{\bold a}}(t_0)).\\ \end{align*} \item \begin{align*} ({\bold a}^\#)'(t_0)&=2\core{{\bold a}}(t_0)(\core{{\bold a}})'(t_0){\bold a}(t_0)+ (\core{{\bold a}}(t_0))^2{\bold a}'(t_0)\\ &={\bold a}'(t_0)(\dcore{{\bold a}}(t_0))^2 +2{\bold a}(t_0)\dcore{{\bold a}}(t_0)(\dcore{{\bold a}})'(t_0)\\ &= (\core{{\bold a}})'(t_0){\bold a}(t_0)\dcore{{\bold a}}(t_0)+\core{{\bold a}}(t_0){\bold a}'(t_0)\dcore{{\bold a}}(t_0)+\core{{\bold a}}(t_0){\bold a}(t_0)(\dcore{{\bold a}})'(t_0). \end{align*} \end{enumerate} \end{theorem} \begin{proof} According to Lemma \ref{lema4}, \begin{align*} \core{{\bold a}}(t)-\core{{\bold a}}(t_0)&= \core{{\bold a}}(t){\bold a}(t)({\bold a}^\dag(t)-{\bold a}^\dag (t_0))(\uno-{\bold a}(t_0)\core{{\bold a}}(t_0))\\ &+\core{{\bold a}}(t)({\bold a}(t_0)-{\bold a}(t))\core{{\bold a}}(t_0) + (\uno-\core{{\bold a}}(t){\bold a}(t))({\bold a}(t)-{\bold a}(t_0)){\bold a}^\dag(t_0)\core{{\bold a}}(t_0).\\ \end{align*} Now suppose that statement (i) holds. According to Theorem \ref{thm530}, the function ${\bold a}^\dag$ is continuous at $t_0$, and according to \cite[Theorem 2.1]{kol} and Remark \ref{rem540}, the function ${\bold a}^\dag$ is differentiable at $t_0$. Thus, $$\frac{\core{{\bold a}}(t){\bold a}(t)({\bold a}^\dag (t)-{\bold a}^\dag (t_0))(\uno-{\bold a}(t_0)\core{{\bold a}}(t_0))}{t-t_0}$$ \noindent converges to $\core{{\bold a}}(t_0){\bold a}(t_0)({\bold a}^\dag)'(t_0)(\uno-{\bold a}(t_0)\core{{\bold a}}(t_0))$. In addition, $$ \frac{\core{{\bold a}}(t)({\bold a}(t_0)-{\bold a}(t))\core{{\bold a}}(t_0)}{t-t_0} $$ \noindent converges to $- \core{{\bold a}}(t_0){\bold a}'(t_0)\core{{\bold a}}(t_0)$, and $$ \frac{(\uno-\core{{\bold a}}(t){\bold a}(t))({\bold a}(t)-{\bold a}(t_0)){\bold a}^\dag(t_0)\core{{\bold a}}(t_0)}{t-t_0} $$ \noindent converges to $(\uno-\core{{\bold a}}(t_0){\bold a}(t_0)){\bold a}'(t_0){\bold a}^\dag(t_0)\core{{\bold a}}(t_0)$. Consequently statements (ii) and (v) hold. It is evident that statement (ii) implies statement (i). Now observe that the function ${\bold a}^*\colon U\to\aa$ is differentiable at $t_0$ and ${\bold a}^*(U)\subset \core{\aa}$ (Theorem \ref{theo310}). Suppose that statement (i) holds. According to the identity $\core{({\bold a}^*)}(t)=(\dcore{{\bold a}})^*(t)$ and Theorem \ref{thm530}, the function $\core{({\bold a}^*)}\colon U\to \aa$ is continuous at $t_0$. Thus, according to what has been proved, the function $\core{({\bold a}^*)}\colon U\to \aa$ is differentiable at $t_0$. Therefore, the function $\dcore{{\bold a}}\colon U\to \dcore{\aa}$ is differentiable at $t_0$. Consequently, statement (iii) holds. Furthermore, since $(\dcore{{\bold a}})'(t_0)=((\core{{(\bold a})^*})')^*(t_0)$, to prove statement (vi), apply statement (v). On the other hand, if statement (iii) holds, then the function $\dcore{{\bold a}}$ is continuous at $t_0$. According to Theorem \ref{thm530}, statement (i) holds. Suppose that statement (i) holds. According to \cite[Theorem 2.19]{rdd} and Lemma \ref{lema2} (iv), the following identities hold. $$ {\bold a}^\#=(\core{{\bold a}})^2{\bold a}={\bold a}(\dcore{{\bold a}})^2=\core{{\bold a}}{\bold a}\dcore{{\bold a}}. $$ Therefore, according to what has been proved, the function ${\bold a}^\#$ is differentiable at $t_0$. Furthermore, from these idenetities statement (vii) can be derived. On the other hand, according to Theorem \ref{thm530}, statement (iv) implies statement (i). \end{proof} \begin{remark}\label{rem570}\rm Under the same hypothesis of Theorem \ref{thm510}, the following facts should be noted.\par \noindent (i). When $a(t_0)=0$, according to Remark \ref{rem591}, $$ (\core{{\bold a}})'(t_0)=(\dcore{{\bold a}})'(t_0)=({\bold a}^\#)'(t_0)=({\bold a}^\dag)' (t_0)=0. $$ \noindent (ii). Recall that in \cite[Theorem 2.1]{kol}, a formula concerning the derivative of the function ${\bold a}^\dag$ at $t_0$ was given.\par \noindent (iii). Note that according to Theorem \ref{thm530}, a necessary and sufficient condition for the function $\dcore{{\bold a}}$ (respectively ${\bold a}^\#$) to be differentiable at $t_0$ is that $\dcore{{\bold a}}$ (respectively ${\bold a}^\#$) is continous at $t_0$. In fact, the continuity of one of the functions $\core{{\bold a}}$, $\dcore{{\bold a}}$ and ${\bold a}^\#$ at a point $t_0$ is equivalent to the continuity and the differentiability of the three functions under consideration at $t_0$ (Theorem \ref{thm530} and Theorem \ref{thm510}).\par \noindent (iv). According to \cite[Theorem 2.19]{rdd}, \begin{align*} & &&{\bold a}^\dag=\dcore{{\bold a}}{\bold a}\core{{\bold a}},& &\core{{\bold a}}= {\bold a}^\#{\bold a}{\bold a}^\dag,& &\dcore{{\bold a}}={\bold a}^\dag {\bold a}{\bold a}^\#.&\\ \end{align*} \noindent Thus, the derivative of ${\bold a}^\dag$, $\core{{\bold a}}$ and $\dcore{{\bold a}}$ at $t_0$ can also be computed as follows: \begin{align*} ({\bold a}^\dag)'(t_0)&= (\dcore{{\bold a}})'(t_0){\bold a}(t_0)\core{{\bold a}}(t_0)+ \dcore{{\bold a}}(t_0){\bold a}'(t_0)\core{{\bold a}}(t_0) +\dcore{{\bold a}}(t_0){\bold a}(t_0)(\core{{\bold a}})'(t_0).\\ (\core{{\bold a}})'(t_0)&=({\bold a}^\#)'(t_0){\bold a}(t_0){\bold a}^\dag(t_0)+ {\bold a}^\#(t_0){\bold a}'(t_0){\bold a}^\dag(t_0)+{\bold a}^\#(t_0){\bold a}(t_0)({\bold a}^\dag)'(t_0).\\ (\dcore{{\bold a}})'(t_0)&=({\bold a}^\dag)'(t_0){\bold a}(t_0){\bold a}^\#(t_0)+{\bold a}^\dag(t_0){\bold a}'(t_0){\bold a}^\#(t_0)+ {\bold a}^\dag(t_0){\bold a}(t_0) ({\bold a}^\#)'(t_0).\\ \end{align*} \end{remark}
b04bb17d04d70eb60b20ababa140830c7f683ef6
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{INTRODUCTION} \label{sec:intro} \subsection{Vertebral Fracture} The annual incidence of osteoporotic fractures in the United States surpasses the cumulative incidence of breast cancer, heart attack and stroke. The most common osteoporotic fractures are those which result in compression of a vertebral body [\citenum{kanis2004family}]. In addition to being a direct source of morbidity, vertebral compression fractures (VCF’s) indicate substantially elevated risk of future osteoporotic hip fractures, which represent the most consequential sequelae of osteoporosis. Within a year of suffering osteoporotic hip fracture, 30\% of previously independent indiviuals will lose the ability to walk without assistance [\citenum{johnell2006estimate}], 25\% will become totally dependent or require nursing home facilities [\citenum{cite3},\citenum{leibson2002mortality}] and 20\% will not survive [\citenum{schnell20101}]. Prophylactic treatment of at-risk osteoporotic individuals has been shown to reduce the rate of future hip fracture by 40-70\%[\citenum{kanis2008european},\citenum{black2007once},\citenum{national2008alendronate}]. Yet, despite the burden and potential to prevent hip fractures in an ageing population, osteoporosis screening remains profoundly underutilized: less than 20\% of people older than 65 years undergo bone mineral density screening via Dual Energy X-ray Absorptiometry (DXA) evaluation, [\citenum{cite9}] as recommended by the National Osteoporosis Foundation. VCF detection on CT examination is as predictive for future osteoporotic hip fractures as a DXA diagnosis of osteoporosis: detection of a VCF confers a relative risk ratio of 2.3 for experiencing a hip fracture and a 4.4 fold risk of incurring other additional insufficiency fractures [\citenum{national2008alendronate},\citenum{siris2001identification},\citenum{lindsay2001risk},\citenum{roux2007mild}]. Yet only 13\%-16\% of retrospectively confirmed VCF’s are actually reported at the time of computed tomographic (CT) interpretation [\citenum{carberry2013unreported}, \citenum{bartalena2009prevalence},\citenum{williams2009under}]. The expertise required to diagnose VCF's is far less than that required to make the vast majority of routine radiologic observations on CT imaging. In Carberry et al.’s study of VCF's, examining over 2000 CT examinations, the retrospective detection was accomplished by a medical student with one hour of dedicated compression fracture detection training [\citenum{carberry2013unreported}]. The reason why VCF's are routinely missed is more likely due to the fact that they are considered incidental findings relative to the primary clinical indication which prompted the CT study. Here we describe a method to increase identification of at-risk individuals via automatic opportunistic detection of VCF’s on CT imaging. \subsection{Convolutional Neural Networks} Convolutional Neural Networks (CNN's) have proven immense utility when applied to Computer Vision tasks such as detection, segmentation and classification. Among CNN's advantages is the ability to learn a hierarchical representation from the input images and extract relevant features that generalize well across a large volume of data. This stands in contrast to conventional methods reliant on handcrafted feature design. Among the most successful CNN architectures for 2D image inputs are AlexNet, VGG, ResNet and Inception [\citenum{simonyan2014very},\citenum{krizhevsky2012imagenet}, \citenum{DBLP:journals/corr/HeZRS15}, \citenum{DBLP:journals/corr/SzegedyVISW15}]. \subsection{Recurrent Neural Networks} Recurrent Neural Networks (RNN's) are a key Deep Learning tool used to model sequences and time series. RNN's are often combined with CNN's, using the CNN as a feature extractor and the RNN to model the sequence. RNN's are commonly utilized in tasks such as video classification [\citenum{DBLP:journals/corr/NgHVVMT15}], language modeling [\citenum{mikolov2010recurrent}], and speech recognition [\citenum{graves2013speech}], among others. The algorithm proposed here comprises three main steps, once provided a CT of the chest and/or abdomen. First, a segmentation process extracts sagittal patches along the vertebral column. These patches are then binary classified using a CNN. Finally, an RNN is run on the resulting vector of probabilities. The RNN output is a prediction of the probability for the presence of a compression fracture within the input CT scan. \section{RELATED WORK} Previous work on spine segmentation and VCF detection focused primarily on achieving an accurate segmentation of each vertebra. Yao et al [\citenum{yao2012detection}] defined a novel method for segmentation of vertebrae, extracting the vertebral cortical circumference and mapping it into 2D for fracture detection. Ghosh et al [\citenum{ghosh2011automatic}] describe a VCF detection method based upon a 2D sagittal reconstruction, with relatively unstable results. Kelm et al [\citenum{kelm2013spine}] describe vertebral segmentation method using a disc-centered approach based on a probabilistic model which requires the full vertebral column to be included in the scan. Yao et al [\citenum{yao2006automated}] accomplishes the segmentation on axial slices – assessing the vertebral body as compared to an axial vertebral model. Discs are detected by low similarity to the model. This method was later used for feature-extraction based classification of vertebral fractures of osteoporotic or neoplastic etiology [\citenum{DBLP:journals/corr/WangYBS16}]. \section{DATA} \label{data} We assembled an initial dataset from 3701 individuals over the age of 50 years who had undergone CT scans of Chest and/or Abdomen for any clinical indication. Two expert radiologists reviewed each CT and assessed them for the presence of VCF's as defined by Genant criteria for vertebral compression. A third radiologist (EE) served to mediate in instances of non-consensus. Of the 3701 CT studies, 2681 (72\%) were designated as negative for the presence of VCF and 1020 (28\%) were tagged as VCF positive, including a bounding box annotation indicating the fracture position. The positive class was comprised of 61\% women of an average age of 73 years (std. 12.4), and 39\% men of average age 66.8 years (std. 16.8). The negative class was comprised of 47\% women of average age 56.7 years (std. 17.4) and 53\% men of average age 56.1 years (std. 17.9). These results are not surprising: the prevalence of VCF's is known to be substantially higher in women and elderly individuals. We determined however that such pronounced inter-group differences in demographic characteristics could introduce biases with unintended results. Training a classifier on this dataset might, for example, have resulted in an algorithm which has learned to distinguish between the spines of elderly women and younger men. Considering the above, a more demographically balanced subset of CT studies was derived including 1673 CT studies, of which 849 were VCF negative and 824 VCF positive. The VCF negative and VCF positive groups were filtered to balance age and sex. The negative class contains 43\% men of average age of 64.7 years (std. 15.9) and 57\% women of average age years 69.4 (std. 11.8). The positive class contains 42\% men of average age 65.7 years (std. 16.0) and 58\% women of average age 70.4 years (std. 11.9). All algorithmic training was performed upon this more balanced data set. Figure \ref{fig:init_dataset} and Figure \ref{fig:extracted_dataset} illustrate the initial and the extracted datasets properties respectively. \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=4.5cm]{init_ds.png} \end{tabular} \end{center} \caption[dataset] { \label{fig:init_dataset} Initial dataset: negative class (left) and positive class (right). The positive class average age and the portion of females is higher. Training on this might result in learning a classifier which heavily relies on age and gender rather than VCF's. } \end{figure} \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=4.6cm]{extracted_ds.png} \end{tabular} \end{center} \caption[dataset] { \label{fig:extracted_dataset} Extracted age and sex balanced data set: negative class (left) and positive class (right). } \end{figure} \section{Method} To automatically detect VCF's from a provided CT Chest or Abdomen, we constructed an algorithmic pipeline of three stages: first, we segment the portion of the spine included in the provided CT and extract sagittal patches. We then classify the patches using a CNN and employ a RNN on the resulting vector of probabilities. The training phase was performed on the patches extracted using the algorithm below. \subsection{Spine Segmentation and Patch Extraction} The spine segmentation algorithmic goal is to enable deterministic sagittal section patches extracted along the vertebral column. These patches are used as input samples for training and inference. The use of the patches will be further explained in subsection \ref{cnn_classification}. Several spine segmentation approaches have been described. Ghosh et al [\citenum{ghosh2011automatic}] achieve spinal segmentation based upon the mid vertebral body in sagittal projection - a technique which has limited precision when applied to individuals with spinal scoliosis. To overcome limitations of variant spinal curvatures, we included a pre-processing step in generating a "virtual sagittal section" which first identifies and aligns the spinal cord in a straight cranial-caudal projection and then adjusts vertebral body location accordingly. We preferred this more relaxed segmentation approach for the task of VCF detection relative to several more accurate segmentation techniques for vertebrae [\citenum{yao2012detection},\citenum{kelm2013spine}] or discs [\citenum{ghosh2011automatic}, \citenum{yao2006automated}]. The “virtual sagittal section” creation is based on localization of the spinal cord in axial view, followed by tracking the back (posterior) of the individual along the spinal cord in coronal projection and bone intensity Hounsfield Unit (HU) threshold. The “virtual sagittal section” is used for segmentation of the vertebral column and extraction of sagittal patches of vertebrae to be learned and classified. The process of the algorithm is described in Figure \ref{fig:seg}. This method was employed on the dataset described in section \ref{data} and was used to extract both positive and negative samples. \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=4cm]{seg1.png} \includegraphics[height=4cm]{seg2.png} \includegraphics[height=4cm]{seg3.png} \includegraphics[height=4cm]{seg4.png} \end{tabular} \end{center} \caption[seg] { \label{fig:seg} The above set of images describes the flow of segmentation and patch extraction. (a) An Axial reconstruction CT Chest DICOM image obtained at the level of the heart with a thoracic vertebra in the lower (posterior) middle location on the image. (b) A coronal reconstruction of the axial skeleton and ribs created by a binarization manifold following the scanned individual's back, where HU values measure bones intensity. The red line is the calculated position of the spinal cord. (c) A virtual sagittal section created by following the spinal cord. On this 2D section the vertebral column is segmented and its average width is measured. (d) Patches extracted along the vertebral column. } \end{figure} \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=4.5cm]{seg_patches_output1.png} \end{tabular} \end{center} \caption[seg] { \label{fig:seg_patches} This is the output of the segmentation algorithm. Each line corresponds to one CT scan. Note that each line is only a subset of the sequence of patches. } \end{figure} \subsection{Patch-based CNN} We applied the present algorithm to the CT data set to extract patches along the vertebral column. Figure ~ֿֿֿ\ref{fig:vertebras} demonstrates the output of the segmentation algorithm which is an input to the CNN training phase. The patches were re-scaled to 32x32. We found this size ideal - there were no significant improvements in our experiments for larger patch sizes such as 64x64 and 128x128. 15\% of all CT studies were sequestered as an exclusive validation set - patches derived from any individual CT study reside in either the training or validation set but not both. The validation set held a balanced number of samples between the two classes. \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=4cm]{vertebras.png} \end{tabular} \end{center} \caption[seg] { \label{fig:vertebras} Patch containing a VCF (left). Right: Normal patch.} \end{figure} In contrast to other computer vision tasks where various data augmentation techniques are used in the training process, we opted not to apply any augmentation tools which might misrepresent the anatomic structure of the vertebral column. Instead applied only light rotations of -18 to 18 degrees, as the resulted transformation can naturally match the curvature and variability of the spine. The CNN architecture employed is a variant based on VGG [\citenum{simonyan2014very}] adapted to 32x32 input. More specifically the network consists of the following layers: 32 3x3 convolutions, ReLU, 3x3 Max Pooling, 64 3x3 convolutions, ReLU, 64 3x3 convolutions, ReLU, 3x3 Max Pooling, 128 3x3 convolutions, ReLU, 128 3x3 convolutions, ReLU, 3x3 Max Pooling, a fully-connected layer of 512 dimensions, ReLU, Drop out, a fully-connected 2D layer, softmax. Figure \ref{fig:cnn} graphically demonstrates this architecture. \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=5cm]{CnnArchitecture.png} \end{tabular} \end{center} \caption[seg] { \label{fig:cnn} CNN architecture used on input patches. The network was trained to predict whether a given patch contains a VCF.} \end{figure} \subsection{Patch sequence classification} \label{cnn_classification} RNN's have been a dominant tool in handling sequences for many tasks in fields such as video classification [\citenum{DBLP:journals/corr/NgHVVMT15}], language modeling [\citenum{mikolov2010recurrent}]and speech recognition [\citenum{graves2013speech}]. A popular approach is to use LSTM based RNN's [\citenum{hochreiter1997long}] which are more robust to long sequences as they don't suffer the vanishing and exploding gradient during training, which is a disadvantage for normal RNN's. Given a CT scan, we extract the sagittal vertebral patches and apply the CNN described to obtain a vector of probabilities. Figure \ref{fig:vertebras} illustrates a subset of a resulting vector of probabilities which represents a CT scan of a patient. The input vector size is not fixed; this is due to variance in physical attributes such as the height and the curvature of the spine. In addition, the vector of probabilities obtained is not a regular vector of features, but rather represents a sequence of predictions for fractures along the spine, therefore justifying an RNN based approach. Specifically, we employed a single layered LSTM with 128 cells, which were connected to a 2D output trained via the cross entropy loss. Figure \ref{fig:rnn} illustrates the RNN model used. \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=2.5cm]{probabilities.png} \end{tabular} \end{center} \caption[seg] { \label{fig:vertebras} Employing the trained CNN on a given sequence of patches results in a vector of probabilities. Each probability represents the network prediction for VCF. } \end{figure} \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=6cm]{RNN_Architecture.png} \end{tabular} \end{center} \caption[seg] { \label{fig:rnn} RNN model used. The input is a CT scan represented by a vector of probabilities for VCF. The output is a prediction for whether the CT scan contains a VCF.} \end{figure} \section{Results} The CNN was trained for 15 epochs and reached 92.9\% accuracy over the validation set. Visualizing training samples such in Figure ~\ref{fig:visualization}, demonstrates that the trained CNN learned to focus on VCF's. We then applied the trained CNN to the entire training and validation data sets to generate vectors for the RNN based classifier. The RNN was trained on the training data set and evaluated upon the validation vectors, resulting in 89.1\% accuracy, 83.9\% sensitivity and 93.8 specificity. \begin{figure} [t!] \begin{center} \begin{tabular}{c} \includegraphics[height=5cm]{visualization.png} \end{tabular} \end{center} \caption[viz] { \label{fig:visualization} Heat map visualization produced using the CNN trained classifier. The CNN focus is on the VCF.} \end{figure} \section{Conclusions} VCF's are clinically important findings which are readily identifiable but routinely overlooked by radiologists. Only 13\%-16\% of retrospectively confirmed VCF’s are actually reported at the time of CT study interpretation. This is likely due to the fact that they are considered incidental findings relative to the primary reason for which a given CT study was performed. In this work we present a robust algorithm to detect VCF's in CT scans of the Chest and/or Abdomen. First, a deterministic segmentation algorithm extracts patches along the patient’s vertebral column. Then these patches are classified using a CNN followed by RNN classifier on the resulting vector of probabilities. To the best of our knowledge this work is the first to address the problem of VCF detection using deep learning methodologies. This application may serve to increase the diagnostic sensitivity for VCF's in routinely acquired CT's, potentially triggering preventative measures to reduce the rate of future hip fracture. \acknowledgments This research was supported by Zebra Medical Vision.
892670832d21910ac51ff9fe0d117411a06c9e25
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Extracting MQCs from the many-body echo sequence\label{sec:ExtractingMQCs}} In the time reversal sequence described in the main text, an initial state $\rho_0=\rho(t=0)$ evolves unitarily for a time $t$ into $\rho=e^{-iH\ind{int}t}\rho_0 e^{iH\ind{int}t}$. Then, the rotation $U(\phi)=\exp(iA\phi)$ is applied transforming $\rho$ into $\rho(\phi)=U(\phi)\rho U^\dagger(\phi)$, and subsequently the time evolution is reversed to give the final state $\rho_f=e^{iH\ind{int}t}\rho(\phi) e^{-iH\ind{int}t}$ Measuring the projector on $\rho(0)$ amounts to \begin{equation} \begin{aligned} \text{tr}[\rho_0\rho_f] & = \text{tr}[\rho_0 e^{iH\ind{int}t} U(\phi) e^{-iH\ind{int}t} \rho_0 e^{iH\ind{int}t} U^\dagger(\phi) e^{-iH\ind{int}t}]\\ & = \text{tr}[e^{-iH\ind{int}t}\rho_0 e^{iH\ind{int}t} U(\phi) e^{-iH\ind{int}t} \rho_0 e^{iH\ind{int}t} U^\dagger(\phi)] \\ & = \text{tr}[\rho U(\phi) \rho U^\dagger(\phi)] = \text{tr}[\rho\rho(\phi)] \\ & = \text{tr}[\sum_{m^\prime} \rho_{m^\prime} \sum_m \rho_m e^{-i m\phi} ] \\ & = \sum_m \text{tr}[\rho_{-m}\rho_m] e^{-i m\phi} \equiv \sum_m I_m(\rho) e^{-i m\phi} \label{eq:scheme2} \end{aligned} \end{equation} Thus, the measured observable is the Fourier transform of the multiple-quantum coherence spectrum of the state $\rho$ and the MQCs $I_m$ can be extracted from it. In the simulations presented in the main text, we focus on ensembles of $N$ (pseudo-) spin $1/2$ particles and consider coherences with respect to the generator of a global rotation $A=S_\mathbf{n} = n_x S_x + n_y S_y + n_z S_z$. In this case, the spectrum of $A$ consists of (half) integer values $-N/2\ldots N/2$, and thus $m=-N\ldots N$ and all coherences can be extracted by scanning the phase in $U(\phi)$ over the range $[0,2\pi]$. Generalizations to global rotations in higher spin systems are straight forward. Also, for $A=1/2\sum_j (n_j^x \sigma_j^x + n_j^y \sigma_j^y + n_j^z \sigma_j^z)$, i.e.\ rotating each spin about an individual axis, none of our conclusions change. \section{Effect of decoherence on the MQC detection scheme\label{sec:decoherence}} The above equations assumed a unitary evolution. However, realistic experiments will suffer from diverse sources of decoherence. While these may suppress the MQCs, as discussed in the main text, we now show that the scheme for detecting the MQCs works equally well in a range of situations where decoherence is present. Assuming decoherence due to a featureless Markovian bath, as is usually the case in trapped-ion or ultracold-atoms experiments, we can take its effect into account through a Lindblad master equation \begin{equation} \label{eq:ME} \dot{\rho}=-i[H\ind{int},\rho]+\sum_n \mathcal{L}(\hat{\Gamma}_n)\rho\,, \end{equation} where \begin{equation} \mathcal{L}(\hat{\Gamma}_n)\rho = \sum_j\hat{\Gamma}_{n,j}\rho \hat{\Gamma}_{n,j}^\dagger -\frac{1}{2}(\hat{\Gamma}_{n,j}^\dagger \hat{\Gamma}_{n,j}\rho+ \rho\hat{\Gamma}_{n,j}^\dagger \hat{\Gamma}_{n,j} ) \end{equation} is a Lindblad operator ($j$ is the particle index). Note, that here we use hats on the jump operators $\hat \Gamma$ to distinguish them from their corresponding jump rates $\Gamma$. The most relevant types of decoherence are spontaneous emission up ($\hat{\Gamma}_{du}=\sqrt{\Gamma_{du}}\ket{\uparrow}\bra{\downarrow}$) and down ($\hat{\Gamma}_{ud}=\sqrt{\Gamma_{ud}}\ket{\downarrow}\bra{\uparrow}$) as well as elastic dephasing ($\hat{\Gamma}_{el}=\sqrt{\Gamma_{el}}\ket{\uparrow}\bra{\uparrow}$, or, more generally, $\hat{\Gamma}_{el}^\mathbf{n}=\sqrt{\Gamma_{el}}\ket{\uparrow}_\mathbf{n}\bra{\uparrow}_\mathbf{n}$, where $\ket{\uparrow}_\mathbf{n}$ is the up-eigenstate in the $\mathbf{n}$ direction on the Bloch sphere). Often, one faces situations where the dominant contribution is either only from elastic dephasing \cite{Uys2010} or where $\Gamma_{du}\approx \Gamma_{ud}$ \cite{Schindler2013}. In both cases, the detection scheme remains valid, as we show now. What we need to prove is that \begin{equation} \text{tr}[\rho_0\rho_f]=\text{tr}[\rho_t\rho_t(\phi)] \end{equation} or \begin{equation} \label{eq:expdissipationback} \text{tr}[\rho_0 (\exp[\mathcal{L}\ind{back}t]\rho_t(\phi))]=\text{tr}[(\exp[\mathcal{L}t]\rho_0)\rho_t(\phi)] \end{equation} where $\mathcal{L}\rho=-i[H,\rho]+\mathcal{L}\ind{diss}[\rho]$ and $\mathcal{L}\ind{back}\rho=-i[-H,\rho]+\mathcal{L}\ind{diss}[\rho]$. By writing the time evolution as a Trotter expansion, we only have to prove the above for an infinitesimal time step, which can then be applied iteratively. Expanding the exponential for an infinitesimal step $\Delta t$, we have \begin{equation} \begin{aligned} \text{tr}[\rho_0 \exp[\mathcal{L}\ind{back}\Delta t]\rho_t(\phi)] &= \text{tr}[(\exp[\mathcal{L}\Delta t]\rho_0)\rho_t(\phi)] \\ \Leftrightarrow \text{tr}[\rho_0(\mathcal{L}\ind{back}\rho_t(\phi))] &=\text{tr}[(\mathcal{L}\rho_0) \rho_t(\phi)]\,. \end{aligned} \end{equation} Using $\text{tr}(\rho_0[H,\rho_t(\phi)])=-\text{tr}([H,\rho_0]\rho_t(\phi))$ due to cyclic permutation under the trace, what remains to be shown is \begin{equation} \label{eq:dissipation_back} \text{tr}[\rho_0(\mathcal{L}\ind{diss}\rho_t(\phi))] =\text{tr}[(\mathcal{L}\ind{diss}\rho_0) \rho_t(\phi)]\,. \end{equation} For this, we note $\text{tr}[\rho_1(\mathcal{L}(\hat{\Gamma})\rho_2)]=\text{tr}[(\mathcal{L}(\hat{\Gamma}^\dagger)\rho_1)\rho_2]$. Using this relation together with $\mathcal{L}\ind{diss}\rho=(\mathcal{L}[\hat{\Gamma}_{el}]+\mathcal{L}[\hat{\Gamma}_{ud}]+\mathcal{L}[\hat{\Gamma}_{ud}^\dagger])\rho$, valid for $\Gamma_{ud}=\Gamma_{du}$, and the fact that $\hat{\Gamma}_{el}=\hat{\Gamma}_{el}^\dagger$, demonstrates Eq.~\eqref{eq:dissipation_back} and in consequence also Eq.~\eqref{eq:expdissipationback}. \section{Derivation of the lower bound on quantum Fisher information\label{sec:lowerboundQFI}} The statement $4\text{tr}[\rho^2 A^2-(\rho A)^2]=2\sum_m I_m(\rho) m^2$ used in the main text (time arguments have been dropped) can be proven by expanding $\text{tr}[\rho\rho(\phi)]$ in $\phi$ around $\phi=0$ \begin{equation} \begin{aligned} \text{tr}[\rho\,\rho(\phi)] &= \text{tr}[\rho e^{-iA\phi}\rho e^{iA\phi}] \\ & = \text{tr}[\rho(1-iA\phi-\frac{1}{2}A^2\phi^2+\mathcal{O}(\phi^3)) \rho (1+iA\phi-\frac{1}{2}A^2\phi^2+\mathcal{O}(\phi^3))] \\ & = \text{tr}[\rho^2]-\phi^2 \text{tr}[\rho^2 A^2-(\rho A)^2] +\mathcal{O}(\phi^3) \end{aligned} \end{equation} Taking the second derivative with respect to $\phi$ this gives \begin{equation} \begin{aligned} 2\text{tr}[\rho^2 A^2-(\rho A)^2] & = \left. -\frac{d^2}{d\phi^2}\text{tr}[\rho\rho(\phi)]\right|_{\phi=0} \\ & = \left. -\frac{d^2}{d\phi^2}\sum_m I_m(\rho) e^{-im\phi}\right|_{\phi=0} \\ &= \sum_m m^2 I_m(\rho) \,. \end{aligned} \end{equation} The inequality $F_Q(\rho,A) \geq 4\text{tr}[\rho^2 A^2-(\rho A)^2]$ \cite{Girolami2015} follows from the relation of the QFI with the Uhlmann fidelity $f(\rho,\rho(\phi))$ \cite{Jozsa1994, Liu2014} \begin{equation} \begin{aligned} F_Q(\rho,A) &=\left.-2\frac{d^2}{d\phi^2} f(\rho,\rho(\phi))\right|_{\phi=0} \\ &=\left.-2\frac{d^2}{d\phi^2} \left(\text{tr}\left[\sqrt{\sqrt{\rho}\rho(\phi)\sqrt{\rho}}\right]\right)^2\right|_{\phi=0} \end{aligned} \end{equation} and the inequality \cite{Miszczak2009} \begin{equation} \begin{aligned} f(\rho,\rho(\phi))&\geq \text{tr}[\rho\,\rho(\phi)] + \sqrt{(1-\text{tr}[\rho^2])(1-\text{tr}[\rho(\phi)^2])} \\ & = \text{tr}[\rho\,\rho(\phi)] + 1-\text{tr}[\rho^2] \,. \end{aligned} \end{equation} \section{Properties of the MQCs\label{sec:propertiesOfMQC}} {\bf Classification of MQCs in common categories of coherence measures:} In the main text, we define the multiple quantum coherences of a quantum state $\rho$ with respect to a hermitian operator $A$ as $\rho_m=\sum_{M-M^\prime=m} \rho_{M^\prime M}\ket{M^\prime}\bra{M}$, where $\ket{M}$ are the eigenstates of $A$ with eigenvalue $M$. The $\rho_m$ are identical with the $\delta$-coherences defined in Ref.~\cite{Yadin2016}, which quantify the macroscopicity of a state \cite{Kwon2015}. The function $F_I(\rho,A)=\sum_m m^2 I_m(\rho)$ defined in the main text as well as the quantum Fisher information are examples for measures of $\delta$-coherence. The $\delta$-coherence is a special case of the translationally covariant (TC) coherence defined in Ref.~\cite{MarvianSpekkens2016}. In that definition, a state $\rho=\sum_m \rho_m$ is called incoherent with respect to $A$ if it is invariant under the action of the unitary generated by $A$, i.e., if $e^{-iA\phi}\rho e^{iA\phi}=\sum_m\rho_m e^{-im\phi}=\rho$. This is the case if and only if $\rho_m=0\quad \forall\, m\neq 0$. The generalized rotation $U(\phi)$ generated by $A$ is called a translation, whence the TC coherence takes its name. The trace norm $\lvert\rho_m\rvert_1 = \text{tr}[\sqrt{\rho_m^\dagger \rho_m}]$, \cite{MarvianSpekkens2016} as well as the quantum Fisher information \cite{Girolami2014} are examples for measures of TC-coherence. These definitions quantify the type of coherence that is relevant for tasks appearing, e.g., in quantum metrology where a distinguished operator $A$ exists. For example, in quantum phase estimation $A$ generates translations of a phase that one seeks to determine. For such tasks, off-diagonal entries in the density matrix that connect states with the same eigenvalue of $A$ do not constitute relevant coherences, as they are insensitive towards the translations generated by $A$ \cite{MarvianSpekkens2016}. Except in the case where the spectrum of $A$ is non-degenerate, these definitions deviate from the one of Ref.~\cite{Baumgratz2014}, which considers all off-diagonal entries of the density matrix as coherent. {\bf Convexity:} The MQCs of a mixture of two (or more) states ($\rho=\sum_k p_k\rho_k$, where $\sum_k p_k=1$) cannot become larger than the weighted sum of the MQCs of the components of the mixture: \begin{equation} I_m\left(\sum_k p_k\rho_k \right) \leq \sum_k p_k I_m(\rho_k)\,. \end{equation} \\ \textit{Proof:} We prove the inequality for the special case $\rho=p\rho^{(1)}+(1-p)\rho^{(2)}$, which can be immediately generalized to arbitrary $\rho=\sum_k p_k\rho_k$. For $p=0$ or $p=1$ the inequality follows trivially, so we need only prove the case $p\neq 0,1$. \begin{equation} \begin{aligned} I_m(p\rho^{(1)}+(1-p)\rho^{(2)}) = \text{tr}[(p\rho_{-m}^{(1)}+(1-p)\rho_{-m}^{(2)})(p\rho_{m}^{(1)}+(1-p)\rho_{m}^{(2)})] & \leq p\text{tr}[\rho_{-m}^{(1)}\rho_{m}^{(1)}]+ (1-p)\text{tr}[\rho_{-m}^{(2)}\rho_{m}^{(2)}] \\ \Leftrightarrow p^2 \text{tr}[\rho_{-m}^{(1)}\rho_{m}^{(1)}] + (1-p)^2\text{tr}[\rho_{-m}^{(2)}\rho_{m}^{(2)}] + p(1-p) \text{tr}[\rho_{-m}^{(1)}\rho_{m}^{(2)}+\rho_{-m}^{(2)}\rho_{m}^{(1)}] & \leq p\text{tr}[\rho_{-m}^{(1)}\rho_{m}^{(1)}] +(1-p)\text{tr}[\rho_{-m}^{(2)}\rho_{m}^{(2)}] \\ \Leftrightarrow p(1-p)\text{tr}[\rho_{-m}^{(1)}\rho_{m}^{(1)} + \rho_{-m}^{(2)}\rho_{m}^{(2)} -\rho_{-m}^{(1)}\rho_{m}^{(2)}-\rho_{-m}^{(2)}\rho_{m}^{(1)}] & \geq 0 \\ \Leftrightarrow \text{tr}[(\rho_{-m}^{(1)}-\rho_{-m}^{(2)})(\rho_{m}^{(1)}-\rho_{m}^{(2)})] & \geq 0 \\ \Leftrightarrow \text{tr}[(\Delta\rho_{m}^\dagger \Delta\rho_{m}] & \geq 0 \,, \end{aligned} \end{equation} where the last statement is true since the left side is just the (non-negative) Frobenius norm of $\Delta\rho_{m}$. {\bf Direct product:} We want to express the MQCs of a state $\rho$ that is a direct product of two subsystems $\rho=\rho_A\otimes \rho_B$ by the MQCs of $\rho_A$ and $\rho_B$. Collecting the $m$th order coherences of $\rho=\rho_A\otimes \rho_B$ (writing $\rho_X=\sum_m \rho_m^{X}$) we have to sum over all the tensor products of sectors such that the sum of the coherenes is $m$: $\rho_m=\sum_k \rho_{m-k}^{A}\otimes \rho_{m+k}^{B}$. In the case of a state of $N_A+N_B$ spin $1/2$ particles and $U(\phi)$ a global rotation the sum runs over indices such that $m-k\in[-N_A,N_A]$ and $m+k\in [-N_B,N_B]$. Thus for the $I_m$ we obtain \begin{equation} \begin{aligned} I_m(\rho) &= \text{tr}[\rho_{-m}\rho_m] \\ &= \text{tr}[(\sum_k \rho_{-m-k}^A\otimes\rho_{-m+k}^B)(\sum_{k^\prime} \rho_{m-k^\prime}^A\otimes\rho_{m+k^\prime}^B)] \\ &=\sum_{kk^\prime} \text{tr}[(\rho_{-m-k}^A\rho_{m-k^\prime}^A)\otimes(\rho_{-m+k}^B\rho_{m+k^\prime}^B)] \\ &=\sum_{k} \text{tr}[(\rho_{-m-k}^A\rho_{m+k}^A)\otimes(\rho_{-m+k}^B\rho_{m-k}^B)] \\ &=\sum_k I_{m+k}(\rho_A)I_{m-k}(\rho_B)\,, \end{aligned} \end{equation} where we used the distributive law of inner and outer products, $\text{tr}[A\otimes B]=\text{tr}[A]\text{tr}[B]$, and the fact that the $\text{tr}[\rho_m\rho_{m^\prime}]\neq 0$ only if $m=-m^\prime$. \section{Deriving entanglement bounds for the individual $I_m$\label{sec:entanglementBoundsForIm}} Next, we sketch the proof for the entanglement bounds on the individual coherences $I_m$ stated in the main text. We first calculate the MQCs of a coherent spin state (CSS). A general CSS can be expressed in terms of fully symmetric Dicke states. \begin{equation} |\text{CSS}(\theta,\phi)\rangle = \left( \sin(\theta/2)\ket{\uparrow}+e^{i\varphi}\cos(\theta/2)\ket{\downarrow}\right)^{\otimes N} =\sum_{k=0}^N\alpha_{N,k}|N,k\rangle\,, \end{equation} where \begin{equation} \alpha_{N,k} = \sqrt{ \binom{N}{k}}\sin(\theta/2)^{N-k}\cos(\theta/2)^k e^{ik\varphi} \end{equation} and \begin{equation} |N,k\rangle = \sqrt{\frac{(N-k)!}{N!k!}} \left(\sum_{i=1}^N \ket{\uparrow_i}\bra{\downarrow_i}\right)^k \ket{\uparrow\ldots \uparrow} \end{equation} are the symmetric Dicke states. Without loss of generality (see also Sec.~\ref{sec:ExtractingMQCs}), we restrict ourselves to the coherences with respect to the basis $\{\ket{\uparrow},\ket{\downarrow}\}$, which usually denotes the eigenstates of $\sigma_z$, but can be the eigenstates of any spin operator $\mathbf{n}\cdot \boldsymbol{\sigma}$. Thus, we obtain for the CSS \begin{equation} \rho_m=\sum_{k=0}^{N-m}\alpha_{N,k}\alpha^*_{N,k+m}|N,k\rangle\langle N,k+m|=\rho_{-m}^\dagger \end{equation} and thus the coherence spectrum of the CSS with $\theta=\pi/2$ is \begin{equation} \begin{aligned} I_m(\ket{\rm CSS}\bra{\rm CSS}) &= \sum_{k=0}^{N-m}|\alpha_{N,k}|^2 |\alpha_{N,k+m}|^2 \\ & = \frac{(2N)!}{4^N(N-m)!(N+m)!}\,. \end{aligned} \end{equation} We now proceed to derive entanglement bounds for the $I_m$. For this, we maximize $I_m$ on the set of fully separable states \begin{equation} \rho\ind{sep}=\sum_k \beta_k \bigotimes_j \rho_{k}^{(j)} \end{equation} where $\sum_k \beta_k=1$ and $\rho_{k}^{(j)}$ general single particle densities. The convexity of the $I_m$ yields \begin{equation} I_m(\rho\ind{sep})\leq \sum_k \beta_k I_m(\bigotimes_j \rho_{k}^{(j)})\leq \max_k I_m(\bigotimes_j \rho_{k}^{(j)}) \end{equation} So the supremum of $I_m$ can be upper bounded by optimizing over pure product states \begin{equation} \ket{\psi\ind{sep}}=\bigotimes_{j=1}^N \ket{\psi_j}=\bigotimes_{j=1}^N (\sqrt{p_j}\ket{\uparrow}+e^{i\varphi_j}\sqrt{1-p_j}\ket{\downarrow}) \end{equation} Using their behavior under tensoring, the coherences $I_m$ can be calculated recursively from the coherences of the individual spin states $\rho_j=\ket{\psi_j}\bra{\psi_j}$: \begin{equation} \label{eq:ImRecursion} I_m(\rho_1 \otimes \ldots \rho_N)=I_{m-1}(\rho_1\otimes \ldots \rho_{N-1})I_{1}(\rho_N)+I_{m}(\rho_1\otimes \ldots \rho_{N-1})I_{0}(\rho_N)+I_{m+1}(\rho_1\otimes \ldots \rho_{N-1})I_{-1}(\rho_N) \end{equation} The single-particle MQCs are \begin{equation} \begin{aligned} I_0(\rho_j) &= p_j^2+(1-p_j)^2 \\ I_1(\rho_j) = I_{-1}(\rho_j) &= p_j(1-p_j) \end{aligned} \end{equation} Thus $I_m$ is a second order polynomial in $p_j$. We also notice that $I_0(\rho_j)$ and $I_1(\rho_j)$ (and thus $I_m$) are invariant under the substitution $p_j\rightarrow 1-p_j$. Thus the maximum with respect to $p_j$ is assumed either at $p_j=1/2$ (if $d^2I_m/dp_j^2 <0$) or at the edges $p_j=0,1$. Hence, in order to maximize $I_m$, each spin must either be in the state $(\ket{\uparrow}+\ket{\downarrow})/\sqrt{2}$ or in one of $\ket{\uparrow}$ and $\ket{\downarrow}$. According to equation~\eqref{eq:ImRecursion}, $I_m$ does not change if a particle in $\ket{\uparrow}$ or $\ket{\downarrow}$ is added. Thus, the maximal $I_m$ for a separable state of $N$ spins equals the coherence of a coherent spin state of $N\ind{opt}$ particles with $\theta=\pi/2$, where $N\ind{opt}\in \{0,1\ldots N\}$ maximizes $I_m$. \section{Numerical method\label{sec:numericalMethod}} \subsection{Symmetrized Liouville space} To study the MQCs numerically, we implemented the master equation \eqref{eq:ME} with $H$ the one-axis twisting Hamiltonian and with Lindblad operators $\hat{\Gamma}_{du}$, $\hat{\Gamma}_{ud}$, and $\hat{\Gamma}_{el}$. As long as the interactions are all-to-all and the decoherence processes affect all particles in the same way, Eq.~\eqref{eq:ME} is invariant under exchange of particles. Since the global rotations involved in the sequence also preserve this symmetry and since the initial state is fully symmetric under particle exchange, the dynamics is restricted to the space of fully symmetric density matrices \cite{Sarkar1987, Hartmann2012, Xu2013}, allowing for an efficient numerical implementation. In general, any density matrix can be represented as \begin{equation} \rho=\sum_\alpha c_\alpha \rho_\alpha\,, \end{equation} where \begin{equation} \rho_\alpha=\bigotimes_{j=1}^N \sigma_{\alpha_j} \end{equation} and $\sigma_{\alpha_j} \in \{1,\sigma_z,\sigma_+,\sigma_-\}$. Here, $\alpha$ represents the vector of the single particle states for a given basis state. The symmetry constraint now means that this Liouville space basis can be restricted to symmetrized states \begin{equation} (n_z,n_+,n_-)=\mathcal{N}^{-1}\sum_{\chi\in S_N} \rho_{\chi(\alpha)}\,, \end{equation} where $(n_z,n_+,n_-)$ are the number of occurrences of $(z,+,-)$ in $\alpha$ (the index $1$ occurs $n_1=N-n_z-n_+-n_-$ times) and $\chi(\alpha)$ is a permutations of the indices. There are $N!$ permutations but many of them generate identical states. We choose the normalization factor $\mathcal{N}=n_z!n_+!n_-!n_1!$ such that all (different) states occur with unit weight. Thus the possible symmetric states are effectively given by the Fock states of $N$ bosons on a 4-site lattice, which gives a dimension of \begin{equation} d\ind{sym}=\binom{N+3}{3}\sim \frac{N^3}{6}\,, \end{equation} which is a tremendous reduction of dimensionality compared to the $4^N$ basis states needed to represent a general $N$-particle density matrix. We will later make use of other basis choices, like $\sigma_{\alpha_j} \in \{1,\sigma_x,\sigma_y,\sigma_z\}$, but in the context of the MQC spectrum the $+/-$ basis is very intuitive since the block structure in terms of coherence blocks $m=n_+ - n_-$ is already built in. In order to carry out calculations on the symmetrized subspace we only have to write the master equation as well as the initial state and the observables in terms of the coefficients $c_\alpha$. \begin{itemize} \item {\bf Initial state:} \begin{equation} \bigotimes_j\ket{\uparrow_j}\bra{\uparrow_j} = \bigotimes_j (1+\sigma_z^{(j)})/2 = \sum_{n_z=0}^N \frac{1}{2^N}(n_z,0,0) \end{equation} \item {\bf Liouvillian:} In order to calculate the matrix elements of the relevant Liouvillian operator we calculate its action on each basis state $(n_z,n_+,n_-)$, i.e., we determine the coefficients $a_{\alpha\beta}$ in $\mathcal{L}[\rho_\alpha]=\sum_{\beta}a_{\alpha\beta}\rho_\beta$ \emph{Interactions:} \begin{equation} -i[\sum_{k<j}\sigma_z^{(k)}\sigma_z^{(j)},(n_z,n_+,n_-)]=-2i(n_+-n_-)[(n_z+1)(n_z+1,n_+,n_-)+(n_1+1)(n_z-1,n_+,n_-)] \end{equation} This term conserves $n_+$ and $n_-$ and is thus block diagonal if written in blocks of fixed $(n_+,n_-)$. These blocks are tri-diagonal. \emph{Incoherent terms:} We consider the Linbald terms, e.g., \begin{equation} \mathcal{L}\ind{ud}[\rho]=\Gamma\ind{ud}\sum_j \sigma_-^{(j)} \rho \sigma_+^{(j)} -\frac{1}{2}[ \sigma_+^{(j)}\sigma_-^{(j)} \rho + \rho \sigma_+^{(j)}\sigma_-^{(j)} ]\,, \end{equation} which gives \begin{equation} \mathcal{L}\ind{ud}[(n_z,n_+,n_-)] = -\Gamma\ind{ud}\{ (n_z+1)(n_z+1,n_+,n_-) + [n_z+(n_++n_-)/2](n_z,n_+,n_-)\}\,, \end{equation} \begin{equation} \mathcal{L}\ind{du}[(n_z,n_+,n_-)] = -\Gamma\ind{du}\{ -(n_z+1)(n_z+1,n_+,n_-) + [n_z+(n_++n_-)/2](n_z,n_+,n_-)\}\,, \end{equation} \begin{equation} \mathcal{L}\ind{el}[(n_z,n_+,n_-)] = -\Gamma\ind{el}(n_++n_-)/2(n_z,n_+,n_-)\,. \end{equation} Here, we can see that $n_+$ and $n_-$ are conserved and if $\Gamma\ind{ud}=\Gamma\ind{du}$, the whole dissipative term is diagonal, i.e., just leads to an exponential decay of coherences. The joint action of one-axis twisting and dissipation is block diagonal with block size at most $N+1$, which greatly simplifies the problem. With the above, the master equation can be written in terms of the coefficients $c_\alpha$: \begin{equation} \begin{aligned} \dot{\rho} &= \mathcal{L}[\rho] \\ \sum_{\alpha^\prime} \dot{c}_{\alpha^\prime} \rho_{\alpha^\prime} &= \mathcal{L}[\sum_{\alpha^\prime} c_{\alpha^\prime} \rho_{\alpha^\prime} ] = \sum_{\alpha^\prime} c_{\alpha^\prime} \mathcal{L}[\rho_{\alpha^\prime} ]= \sum_{\alpha^\prime} c_{\alpha^\prime} \sum_\beta a_{\alpha^\prime\beta}\rho_\beta \\ \sum_{\alpha^\prime} \dot{c}_{\alpha^\prime} \text{tr}[\rho_{\alpha^\prime}\rho_{\alpha}^\dagger] &= \sum_{\alpha^\prime} c_{\alpha^\prime} \sum_\beta a_{\alpha^\prime\beta} \text{tr}[\rho_\beta\rho_\alpha^\dagger] \\ \sum_{\alpha^\prime} \dot{c}_{\alpha^\prime} \text{tr}[\rho_{\alpha}\rho_{\alpha}^\dagger]\delta_{\alpha\alpha^\prime} &= \sum_{\alpha^\prime} c_{\alpha^\prime} \sum_\beta a_{\alpha^\prime\beta} \text{tr}[\rho_\alpha\rho_{\alpha}^\dagger]\delta_{\alpha\beta} \\ \dot{c}_{\alpha} &= \sum_{\alpha^\prime} a_{\alpha^\prime\alpha}c_{\alpha^\prime} \end{aligned} \end{equation} Thus the matrix-elements calculated above have to be transposed to yield the master equation for coefficient vector $c_\alpha$. We used that the basis states $\rho_\alpha$ are orthogonal, i.e. $\text{tr}[\rho_\alpha\rho_\beta^\dagger]\propto \delta_{\alpha\beta}$. \item {\bf Observables} are expressed in terms of the $c_\alpha$ by expressing them in terms of the basis states $\rho_\alpha$.\\ We will repeatedly make use of \begin{equation} \text{tr}[(n_z,n_+,n_-)(n_z,n_+,n_-)^\dagger]=2^{n_1+n_z}\frac{N!}{n_1!n_z!n_+!n_-!}\,. \end{equation} The factor $2^{n_1+n_z}$ is due the fact that $\text{tr}[1^2]=\text{tr}[\sigma_z^2]=2$, and could be removed by defining the basis in terms of $1/2$ and $\sigma_z/2$. Similarly, one could normalize the basis states by the number of permutations, but then those factors would appear in the initial state.\\ Components of total spin (or populations $N_\uparrow=N/2+\langle S_z \rangle$): \begin{equation} \langle S_z\rangle= \text{tr}[ S_z\rho] = \text{tr}[1/2(1,0,0)\sum c_\alpha \rho_\alpha]=c_{(1,0,0)}/2\text{tr}[(1,0,0)^2] = c_{(1,0,0)}\frac{N}{2}2^N\,, \end{equation} \begin{equation} \langle S_x\rangle= \text{tr}[ (S_+-S_-)\rho] = \text{tr}[1/2[(0,1,0)+(0,0,1)]\sum c_\alpha \rho_\alpha]= \frac{N}{2}2^{N-1} (c_{(0,0,1)}+c_{(0,1,0)})\,, \end{equation} \begin{equation} \langle S_y\rangle= \text{tr}[i(- S_+ +S_-)\rho] = \text{tr}[i/2[-(0,1,0)+(0,0,1)]\sum c_\alpha \rho_\alpha]= i\frac{N}{2}2^{N-1} (-c_{(0,0,1)} + c_{(0,1,0)})\,. \end{equation} The all up probability: \begin{equation} P_0=\langle \ket{\uparrow\ldots \uparrow}\bra{\uparrow\ldots \uparrow}\rangle= \text{tr}[\sum_{n_z}(n_z,0,0)/2^N\rho] = \sum_{n_z}c_{(n_z,0,0)} \binom{N}{n_z}\,. \end{equation} Muliple quantum coherences: \begin{equation} \rho_m=\sum_{\alpha:n_+-n_-=m}c_\alpha \rho_\alpha\,. \end{equation} \begin{equation} I_m(\rho)=\text{tr}[\rho_{-m}\rho_m]=\text{tr}[\rho_{m}^\dagger\rho_m]=\sum_{n_z,n_+}|c_{(n_z,n_+,m-n_+)}|^2\frac{2^{n_1+n_z}N!}{n_1!n_z!n_+!(m-n_+)!}\,. \end{equation} Second moment of the collective spin: \begin{equation} \langle S_z^2\rangle = \left(\sigma_z^{(1)}/2+\ldots +\sigma_z^{(N)}/2 \right)^2=\frac{1}{4}\langle \sum_{k,j} \sigma_z^{(k)} \sigma_z^{(j)} \rangle = \frac{1}{4}\langle N+\sum_{k\neq j} \sigma_z^{(k)} \sigma_z^{(j)} \rangle = \frac{N}{4} + \frac{2^N}{2}\binom{N}{2}c_{(2,0,0)}\,. \end{equation} $m$th moment: \begin{equation} \langle S_z^m\rangle=\sum_{n=0}^N (N/2-n)^m P_n\,, \end{equation} where $P_n$ is the probability to find $n$ spins in state $\ket{\uparrow}$. $P_n$ is easier to directly compute by combinatoric arguments than $\langle S_z^m\rangle$. To calculate the moments of the spin along other axes $S_{\mathbf{n}}^m$, one can simply rotate the state into the corresponding direction and then calculate $S_{z}^m$. Probability $P_n$ for $n$ spins in $\ket{\uparrow}$: \begin{equation} \begin{aligned} P_n &=\sum_{n_z=0}^N c_{(n_z,0,0)} \binom{N}{n}\sum_{k=0}^n \binom{N-n}{n_z-k}\binom{n}{k}(-1)^k \\ &= \sum_{n_z=0}^N c_{(n_z,0,0)} \binom{N}{n}\binom{N-n}{n_z} {_2}F_1(-n,-n_z,N-n-n_z+1;-1)\,, \end{aligned} \end{equation} where binomial coefficients with $n<k$ are defined to be zero and ${_2}F_1$ denotes a hypergeometric function. \end{itemize} \subsection{Efficient implementation} We noticed that the the evolution under one-axis twisting and dissipation has a particularly simple form in the $(n_z,n_+,n_-)$ basis. The Liouvillian $\mathcal{L}\ind{int}$ is block-diagonal with blocks of size $\leq N+1$ and the blocks are tri-diagonal matrices. The map $\exp[\mathcal{L}\ind{int}t]$ can thus be evaluated efficiently, scaling as $N^2$ for each block, giving an overall scaling of $N^4$ (there are $\mathcal{O}[N^2]$ blocks). Similarly, rotations are block-diagonal with blocks of size $\leq N+1$ in the $(n_x,n_y,n_z)$ basis because, e.g., for a rotation about $y$, $n_y$ as well as $n_x+n_z$ is conserved. Moreover, the basis transformation between $(z+-)$ and $(xyz)$ basis also has such block structure since $n_z$ is conserved and $n_x+n_y=n_++n_-$. We can thus write a rotation in the $(z+-)$ basis as a sequence of simpler operations: Transform to $(xyz)$, rotate, transform back. Each of these steps is a matrix-vector multiplication where each matrix has $\mathcal{O}[N^4]$ non-zero elements (recall that a rotation in the $(z+-)$ basis has $\mathcal{O}[N^5]$ non-zero elements). We compute the matrix elements for rotations in the $(n_x,n_y,n_z)$ basis by working out the action of $\exp[\mathcal{L}\ind{rot}\phi]$ on the basis states. Here, we give the matrix elements for $y$-rotations ($S_y=\sum_i \sigma_y^{(i)}/2$), \begin{equation} e^{-iS_y \phi}(n_x,n_y,n_z)e^{iS_y \phi}=\sum_{n_x^\prime=0}^{n_x+n_z}A_{n_x,n_z}^{n_x^\prime,n_z^\prime=n_x+n_z-n_x^\prime}(n_x^\prime,n_y,n_x+n_z-n_x^\prime)\,, \end{equation} with \begin{equation} A_{n_x,n_z}^{n_x^\prime,n_z^\prime=n_x+n_z-n_x^\prime}=\frac{n_x^\prime! n_z^\prime!}{n_x!n_z!}\sum_{n_{xz}=\max[0,n_x^\prime-n_z]}^{\min[n_x^\prime,n_x]}\binom{n_x}{n_{xz}}\binom{n_z}{n_x^\prime-n_{xz}}(\cos\phi)^{n_z-nx^\prime+2n_{xz}}(\sin\phi)^{n_x+n_x^\prime-2n_{xz}}(-1)^{n_x-n_{xz}}\,. \end{equation} The transformations between the two different basis sets is given by \begin{equation} (n_z,n_+,n_-)=\sum_{n_x=0}^{n_++n_-}A_{n_+,n_-}^{n_x,n_y=n_++n_--n_x} (n_x,n_y,n_z)\,, \end{equation} with \begin{equation} A_{n_+,n_-}^{n_x,n_y=n_++n_--n_x} = \frac{n_x! n_y!}{n_+!n_-!}\sum_{n_{x+}=\max[0,n_x-n_-]}^{\min[n_x,n_+]}\binom{n_+}{n_{x+}}\binom{n_-}{n_x-n_{x+}}\frac{i^{n_+-n_{x+}}(-i)^{n_--(n_x-n_{x+})}}{2^{n_++n_-}}\,, \end{equation} and for the reverse transformation \begin{equation} (n_x,n_y,n_z)=\sum_{n_+=0}^{n_x+n_y}A_{n_x,n_y}^{n_+,n_-=n_x+n_y-n_+} (n_z,n_+,n_-)\,, \end{equation} with \begin{equation} A_{n_x,n_y}^{n_+,n_-=n_x+n_y-n_+} = \frac{n_+!n_-!}{n_x! n_y!}\sum_{n_{+x}=\max[0,n_+-n_y]}^{\min[n_x,n_+]}\binom{n_x}{n_{+x}}\binom{n_y}{n_+-n_{+x}}(-i)^{n_+-n_{+x}}i^{n_y-(n_+-n_{+x})}\,. \end{equation} \subsection{More complex observables: QFI and entanglement entropies} Calculating more complex observables such as quantum Fisher information and R\'enyi- and von-Neumann entanglement entropies requires to determine the eigenvalues and eigenvectors of the density matrix. It is not obvious how this can be done given the coefficient vector in the symmetrized basis. In the following, we outline how to adopt the procedure described in Ref.~\cite{Xu2013} to accomplish this. The main idea is that any permutation-symmetric state is block-diagonal if written in the Dicke basis of angular momentum states $\ket{J,M,\beta}$, where $J=N/2,N/2-1\ldots 0$ (or $1/2$), $M=-J/2\ldots J/2$, and $\beta=1\ldots n_{N,J}$, where $n_{N,J}$ is the degeneracy factor of each $J,M$ pair. By block-diagonal we mean that $\bra{J^\prime M^\prime \beta^\prime}\rho\ket{JM\beta}=\delta_{J^\prime J}\delta_{\beta^\prime \beta}\bra{J M^\prime \beta}\rho\ket{JM\beta}$. Also, blocks with different $\beta$ but same $J$ are identical, and thus one only has to calculate one representative element of each block for each $J$ and keep track of the degeneracy factor $n_{N,J}$. This means that the number of matrix-elements that have to be determined is again $\sim N^3$, in fact the number of non-redundant and non-zero matrix elements is exactly the same as in any other basis, namely $\binom{N+3}{3}$. In Ref.~\cite{Xu2013}, Xu et al.\ derive a method to recursively construct the matrix elements in the $\ket{JM}$ basis from a symmetrized basis that is constructed with the basis operators $\ket{\uparrow}\bra{\uparrow}=(1+\sigma_z)/2$, $\ket{sd}\bra{sd}=(1-\sigma_z)/2$, $\ket{\uparrow}\bra{sd}=\sigma_+$, $\ket{\downarrow}\bra{\uparrow}=\sigma_-$. Thus, before we can apply the recursion, we have to transform the coefficient vector from the $(n_z,n_+,n_-)$ basis to this $(n_\uparrow,n_\downarrow,n_+,n_-)$ basis. It is straight forward to show that this is accomplished by \begin{equation} c_{(n_\uparrow,n_\downarrow,n_+,n_-)}=\sum_{n_z=0}^{n_\uparrow+n_\downarrow} A_{n_1 n_z}^{n_\uparrow n_\downarrow} c_{(n_z,n_+,n_-)} \quad \mathrm{where} \quad A_{n_1 n_z}^{n_\uparrow n_\downarrow} = \frac{n_\uparrow!n_\downarrow!}{n_1!n_z!}\sum_{p=\max(0,n_\uparrow-n_z)}^{\min(n_1,n_\uparrow)}(-1)^{n_z-n_\uparrow+p} \binom{n_1}{p}\binom{n_z}{n_\uparrow-p}\,, \end{equation} and for the reverse transformation: \begin{equation} c_{(n_z,n_+,n_-)}=\sum_{n_\downarrow=0}^{n_1+n_z} A_{n_\uparrow n_\downarrow}^{n_1 n_z} c_{(n_\uparrow,n_\downarrow,n_+,n_-)} \quad \mathrm{where} \quad A_{n_\uparrow n_\downarrow}^{n_1 n_z} = \frac{n_1!n_z!}{n_\uparrow!n_\downarrow!}\sum_{p=\max(0,n_z-n_\downarrow)}^{\min(n_z,n_\uparrow)}(-1)^{n_z-p} \binom{n_\uparrow}{p}\binom{n_\downarrow}{n_z-p}\,. \end{equation} Note that the coefficient vector obtained in this way corresponds to symmetrized basis states that are not normalized in the same way as those in Ref.~\cite{Xu2013}. In order to obtain the same normalization, we have to multiply each coefficient $c_{(n_\uparrow,n_\downarrow,n_+,n_-)}$ by the number possible permutations $\frac{N!}{n_\uparrow!n_\downarrow!n_+!n_-!}$. Now, finding the representation of $\rho$ in the basis $\ket{JM}\bra{JM^\prime}$, means that we want to express the coefficients $d_{JMM^\prime}=\bra{JM}\rho\ket{JM^\prime}$ in terms of the coefficients $c_{(n_\uparrow,n_\downarrow,n_+,n_-)}$. Before we outline the recursive method, we note that the basis states of both bases are eigenstates of the superoperators $\mathcal{S}_L[\cdot]=S_z \cdot$ and $\mathcal{S}_R[\cdot]= \cdot S_z$, where $S_z=\sum_i \sigma_z^{(i)}/2$ \begin{equation} \begin{aligned} 2S_z (n_\uparrow,n_\downarrow,n_+,n_-) & = (n_\uparrow-n_\downarrow + n_+ - n_-)(n_\uparrow,n_\downarrow,n_+,n_-) \\ (n_\uparrow,n_\downarrow,n_+,n_-) 2S_z & = (n_\uparrow-n_\downarrow - n_+ + n_-)(n_\uparrow,n_\downarrow,n_+,n_-) \\ 2S_z \ket{JM}\bra{JM^\prime} &= 2M\ket{JM}\bra{JM^\prime} \\ \ket{JM}\bra{JM^\prime}2S_z &= 2M^\prime\ket{JM}\bra{JM^\prime} \end{aligned} \end{equation} Since two eigenstates with different eigenvalues are orthogonal to each other, this means that $c_{(n_\uparrow,n_\downarrow,n_+,n_-)}$ can only contribute to $d_{JMM^\prime}$ if the two constraints $M+M^\prime=n_\uparrow-n_\downarrow$ and $M-M^\prime=n_+-n_-$ are fulfilled. This reduces the number of summands that contribute to $d_{JMM^\prime}$ to $\leq N$. The second constraint reflects the fact that in both bases one can uniquely assign a coherence order $m=M-M^\prime=n_+-n_-$ to each basis state, i.e., in both representation there is a natural division of the density matrix into blocks of different coherence order. We now outline the recursive procedure for determining the basis transformation matrix. First, we notice that $\bra{N/2\,N/2}\rho\ket{N/2\,N/2}=\bra{\uparrow\ldots \uparrow}\rho\ket{\uparrow\ldots \uparrow} = c_{(N000)}$, so we already know the first row of our basis transformation matrix. To get the next element $\bra{N/2\,N/2}\rho\ket{N/2\,N/2-1}$ we notice that using the properties of the angular momentum eigenstates $\ket{JM}$ \begin{equation} \begin{aligned} & \bra{N/2\,N/2}\rho \ket{N/2\,N/2-1} = \frac{\bra{N/2\,N/2}\rho S_-\ket{N/2\,N/2}}{\sqrt{(J+M)(J-M+1)}} \\ &= \sum_{n_\uparrow,n_\downarrow,n_+,n_-}{c_{(n_\uparrow,n_\downarrow,n_+,n_-)}} \frac{\bra{N/2\,N/2}(n_\uparrow,n_\downarrow,n_+,n_-) S_-\ket{N/2\,N/2}}{\sqrt{(N/2+N/2)(N/2-N/2+1)}} \\ &= \sum_{n_\uparrow,n_\downarrow,n_+,n_-}{c_{(n_\uparrow,n_\downarrow,n_+,n_-)}} \frac{\bra{N/2\,N/2}[n_\downarrow(n_\uparrow,n_\downarrow-1,n_+,n_-+1)+n_+ (n_\uparrow+1,n_\downarrow,n_+-1,n_-)]\ket{N/2\,N/2}}{\sqrt{N}} \\ &= c_{(N-1,0,1,0)}/\sqrt{N} \end{aligned} \end{equation} where $S_-=\sum_i \sigma_-^{(i)}$. We have applied $S_-$ form the right to each basis state and then made use of our knowledge of the previously calculated row of the matrix, i.e., we match the shifted indices of the coefficients to the non-zero entries of the previous row. This way, we can recursively calculate all other elements $d_{N/2\, N/2\, M}$. Then, exploiting that the density matrix is Hermitian, we get $d_{N/2\, M\, N/2}=d_{N/2\, N/2\, M}$ from which we can calculate $d_{N/2\, M\, M^\prime}$ by applying the same recursion as before starting with $d_{N/2\, M\, N/2}$. The next step is to calculate the matrix elements for other blocks with $J<N/2$. For this we take the trace on both sides of \begin{equation} \rho=\sum_{n_\uparrow,n_\downarrow,n_+,n_-}c_{(n_\uparrow,n_\downarrow,n_+,n_-)} (n_\uparrow,n_\downarrow,n_+,n_-) = \sum_{J,M,M^\prime} d_{JMM^\prime} \ket{JM}\bra{JM^\prime} n_{N,J} \end{equation} where the sum on left is constrained by $N=n_\uparrow+n_\downarrow+n_++n_-$. The basis states with non-zero trace are the ones with $n_+=n_-=0$ on the left and $M=M^\prime$ on the right. Using in addition that coefficients of basis states with different $\mathcal{S}_L$ (or $\mathcal{S}_R$) eigenvalues do not depend on each other, we find \begin{equation} \begin{aligned} \sum_{n_\uparrow,n_\downarrow}c_{(n_\uparrow,n_\downarrow,0,0)} &= \sum_{J,M} d_{JMM} n_{N,J} \\ \Leftrightarrow \sum_{M=-N/2}^{N/2}c_{(N/2+M,N/2-M,0,0)} &= \sum_{M=-N/2}^{N/2}\sum_{J=|M|}^{N/2} d_{JMM} n_{N,J} \\ \Leftrightarrow c_{(N/2+M,N/2-M,0,0)} &= \sum_{J=|M|}^{N/2} d_{JMM} n_{N,J} \quad \forall M \\ \Leftrightarrow d_{|M|MM} &= \frac{1}{n_{N,|M|}}\left(c_{(N/2+M,N/2-M,0,0)} - \sum_{J=|M|+1}^{N/2} d_{JMM} n_{N,J} \right) \quad \forall M \end{aligned} \end{equation} With this relation we can calculate $d_{JJJ}$ using that we already know $d_{J^\prime JJ}$ with $J^\prime > J$. For example $d_{N/2-1\,N/2-1\,N/2-1}=(c_{(N-1,1,0,0)}-d_{N/2,N/2,N/2})/(N-1) = (c_{(N-1,1,0,0)}-c_{(N,0,0,0)})/(N-1)$. Form here, we can then again recursively calculate all $d_{N/2-1\,M,M^\prime}$ as described above. The degeneracy factor $n_{N,J}$ can be obtained from a Young tableau. A closed form expression is given by \begin{equation} n_{N,J} = \frac{N! (2 J + 1)}{(N/2 + J + 1)! (N/2 - J)!} \end{equation} Given the density matrix of $\rho$ in the $\ket{JM}\bra{JM^\prime}$ basis, we can now diagonalize each block giving the eigenvalues $\lambda_{J,i}$ and eigenstates $\ket{\psi_{J,i}}$ and calculate the QFI \cite{braunstein1994} \begin{equation} F_Q(\rho,A)=2\sum_{k,l}\frac{(\lambda_k-\lambda_l)^2}{\lambda_k+\lambda_l} |\bra{\psi_{k}}A\ket{\psi_{l}}|^2 =2\sum_J n_{N,J}\sum_{k,l}\frac{(\lambda_{J,k}-\lambda_{J,l})^2}{\lambda_{J,k}+\lambda_{J,l}} |\bra{\psi_{J,k}}A\ket{\psi_{J,l}}|^2 \end{equation} where in the last expression the indices $k$ and $l$ run over the size $2J+1$ of the respective block. In order to calculate entanglement entropies, we have to calculate partial traces. This is almost trivial in the basis $(n_z,n_+,n_-)$. If we trace over $n$ out of $N$ particles, then a basis state will only contribute if all the $n$ particles are in state $1$. Taking the trace gives a factor $2^n$ for the normalization we use. Thus $c^{(N-n)}_{n_z,n_+,n_-}=2^n c^{(N)}_{n_z,n_+,n_-}$, where the particle number of the system is represented as an upper index. To calculate for example the von Neumann entropy of the reduced system, we then transform to the $\ket{JM}\bra{JM^\prime}$ basis, diagonalize and calculate $S_E=-\sum_J n_{N,J}\sum_k \lambda_{J,k} \log \lambda_{J,k}$. We proceed similarly for R\'enyi entropy and mutual information. \end{widetext} \end{document}
321922e7e3b90ae1ecbb34a623360b5acfdddd64
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{introductionsec} Although there have been many advances made in understanding low mass star formation over the past ten years (see, for example, \citealt{difrancesco2007}, \citealt{wardthompson2007review}, \citealt{andre2014}), the manner in which mass assembles onto a forming star remains a crucial open question. As \cite{kenyon1990} first demonstrated, assuming the mass accretion process onto a young star occurs at a constant rate (steady inside out collapse; \citealt{shu1987}) gives rise to ``The Luminosity Problem'': the empirical result that the median protostellar luminosity is measured to be approximately an order of magnitude less than the expected value. In recent years, this problem has been confirmed and emphasised by \textit{Spitzer Space Telescope} observations through which even lower luminosities have been discovered (see \citealt{dunham2008}, \citealt{evans2009}, \citealt{enoch2009}, \citealt{dunham2013}, \citealt{dunham2014}). One solution to this problem is that the accretion does not proceed at a constant rate. Rather, it occurs during episodic events which may be accompanied by outbursts that can be detected at infrared, submillimetre, and sometimes optical wavelengths (see \citealt{mckee2011}, \citealt{johnstone2013}, and \citealt{scholz2013}). There is indirect evidence that episodic accretion occurring while a protostar is still deeply embedded in its nascent gas and dust is an early phase of the more evolved FU Orionis (FUors; \citealt{herbig1977}, see also \citealt{hartmann1985}) sources \citep{dunham2014,audard2014}. The physical mechanism responsible for a continuum outburst detected at the submillimetre wavelengths of interest to this survey is re-radiation from heated dust grains in the surrounding protostellar envelope. Outside of the JCMT Transient Survey, there have already been two millimetre sources (both embedded protostars) that have shown direct evidence of an active burst accretion phase accompanied by a dramatic brightening, HOPS 383 in Orion (\citealt{safron2015}; using Atacama Pathfinder Experiment and SCUBA archive data), and MM1 in NGC6334I (\citealt{hunter2017}; using Atacama Large Millimeter/submillimeter Array and Submillimeter Array data). The JCMT Transient Survey (Herczeg et al. in preparation) is a three year project dedicated to observing continuum variability in deeply embedded protostars at submillimetre wavelengths with the Submillimetre Common User Bolometer Array 2 (SCUBA-2; \citealt{holland2013}). To this end, we are monitoring eight regions selected from the JCMT Gould Belt Survey (GBS; \citealt{wardthompson2007}) that have a high density of known protostellar and disk sources (Young Stellar Object Classes 0 to II and flat spectrum; see \citealt{lada1987}, \citealt{andre1993}, and \citealt{greene1994}) at an approximate 28 day cadence whenever they are observable in the sky. SCUBA-2 uses approximately 10,000 bolometers subdivided into two arrays to observe at both \mbox{450 $\mu$m} and \mbox{850 $\mu$m} simultaneously. While we expect sources undergoing an accretion burst event to show a stronger signal at \mbox{450 $\mu$m} \mbox{\citep{johnstone2013}}, in this paper we focus only on the \mbox{850 $\mu$m} data. The noise levels in \mbox{450 $\mu$m} maps are much more dependent on the weather than their \mbox{850 $\mu$m} counterparts, causing the signal-to-noise ratio (SNR) to fall dramatically when there is more water vapour in the atmosphere. In addition, the beam profile is less stable than at \mbox{850 $\mu$m} (as shorter wavelengths are more susceptible to dish deformation, and focus errors. For more information, see \citealt{dempsey2013}) requiring careful attention in order to make precise measurements of compact objects. We thus start here by defining the \mbox{850 $\mu$m} calibration and we will use this knowledge to calibrate the \mbox{450 $\mu$m} data at a later date. As the survey matures and precise \mbox{450 $\mu$m} data calibration is achieved, these simultaneous observations will provide further confirmation of significant variations In order to track the peak brightnesses of submillimetre emission sources over each epoch, we test and employ a robust data reduction method and use multiple observations of the same regions to derive post-reduction image alignment and relative flux calibration techniques. Reducing SCUBA-2 data is a complex process with several user-defined parameters that affect the final image produced (for detailed information on SCUBA-2 data reduction procedures, see \citealt{chapin2013}). A large amount of work has been invested in understanding the optimal data reduction parameters to use for differing science goals (see, for example, \citealt{mairs2015}) depending on the scan pattern of the telescope and the amount of large-scale structure that needs to be robustly recovered. In all cases, the nominal JCMT pointing error is 2-6$\arcsec$ (East Asian Observatory staff, \textit{private communication}) and the flux calibration is uncertain to $\sim$5-10\% (\citealt{dempsey2013}; see also, Section \ref{fluxcal}). While this is sufficient for most projects which use JCMT data, both of these uncertainties can be improved upon when there are multiple observations of regions with bright sources taken in a consistent manner. In this work, we seek to improve both the spatial alignment and the flux calibration of the JCMT Transient Survey data by approaching the problem from a relative point of view. Properly matching faint, potential protostellar sources over the observed epochs and co-adding those observations with high precision for the highest SNR requires sub-pixel accuracy (<<3$\arcsec$ at \mbox{850 $\mu$m}) in the spatial alignment. Similarly, if we were to use the nominal flux calibration, where the uncertainty is taken to be $\sigma\sim10\%$, the flux would need to vary by 30-50\% for a transient event to be deemed significant (3-5$\sigma$). Thus, our goal is to reduce this uncertainty by a factor of 3 to 5 (i.e. sigma \mbox{$\sim 2-3\%$}) by considering relative brightness changes over time and ignoring the absolute flux calibration. We will then be able to measure flux variations of $\sim10\%$ to be statistically significant (>$3\sigma$). Several models predict smaller flux variations due to episodic accretion over few year timescales to occur much more frequently than large flux variations (see, for examples, \citealt{bae2014}, \citealt{vorobyov2015}, and Herczeg et al. in preparation). Observations like those performed throughout the JCMT Transient Survey will help constrain the current models. The techniques we have developed here can be applied to any JCMT data obtained in a similar manner, including archival data obtained by the GBS (follow up analysis by Mairs et al., in prep.). Thus, we are able to successfully align and relatively flux calibrate archival data such as those which were obtained by the GBS and we include these data in a follow-up analysis (Mairs et al. in preparation). This paper is organised as follows: In Section \ref{obssec} we summarise the details of our SCUBA-2 observations. In Section \ref{drsec} we outline our data reduction methods and showcase four tests we performed which altered the amount of large-scale structure recovered in a given map and the initial priors offered to the map-making pipeline in order to select the most robust techniques for our purpose of detecting transient events in deeply embedded protostars. In Section \ref{postredcal} we detail our source extraction, post-reduction spatial alignment, and relative flux calibration methods applied to all current JCMT Transient data. In Section \ref{discusssec}, we present an analysis on the recovered compact emission sources and highlight objects of interest including the first demonstrably variable source in our survey (Yoo et al. in preparation). Finally, we present our conclusions in Section \ref{conclusionsec}. \vspace{5mm} \section{Observations} \label{obssec} \begin{table*} \caption{A summary of the observed JCMT Transient Survey fields between the first observations on December 22$^\text{nd}$, 2015 and March 1$^\text{st}$, 2017. \label{regionlist} \begin{tabular}{|c|c|c|c|c|c|c|} \hline Region & \multicolumn{1}{|p{1.5cm}|}{\centering Central R.A. \\ (J2000)} & \multicolumn{1}{|p{1.5cm}|}{\centering Central Decl. \\ (J2000)} & \multicolumn{1}{|p{1.2cm}|}{\centering Number of\\ Epochs$^{a}$} & \multicolumn{1}{|p{2.25cm}|}{\centering Average \mbox{850 $\mu$m} Noise$^{b,c}$\\ (mJy\: beam$^{-1}$)} & \multicolumn{1}{|p{2.25cm}|}{\centering Std. Dev. \mbox{850 $\mu$m} Noise$^{d}$\\ (mJy\: beam$^{-1}$)} & \multicolumn{1}{|p{2.1cm}|}{\centering Noise in the Co-add\\ (mJy\: beam$^{-1}$)}\\ \hline\hline Perseus: NGC1333 & 03:28:54 & +31:16:52 & 10 & 12.26 & 0.40 & 3.92\\ Perseus: IC348 & 03:44:18 & +32:04:59 & 9 & 12.18 & 0.43 & 4.30\\ Orion: OMC 2/3 & 05:35:33 & -05:00:32 & 9 & 11.72 & 0.54 & 4.19\\ Orion: NGC2024 & 05:41:41 & -01:53:51 & 11 & 11.29 & 0.40 & 4.32\\ Orion: NGC2068 & 05:46:13 & -00:06:05 & 10 & 11.75 & 0.38 & 3.85\\ Ophiuchus: Core & 16:27:05 & -24:32:37 & 8 & 13.35 & 0.75 & 5.00\\ Serpens: Main & 18:29:49 & +01:15:20 & 9 & 12.01 & 0.27 & 4.54\\ Serpens: South & 18:30:02 & -02:02:48 & 9 & 14.56 & 1.18 & 4.72\\ \hline \end{tabular} \begin{flushleft} $^{a}$ Only observations between December 22$^\text{nd}$, 2015 and March 1$^\text{st}$, 2017 are included.\\ $^{b}$These measurements of the \mbox{850 $\mu$m} noise levels are based on a point source detection in a single observation using 3$\arcsec$ pixels and a 14.6$\arcsec$ FWHM beam.\\ $^{c}$The reduction method \textit{R3} was used to derive these noise estimates (see Section \ref{drsec}).\\ $^{d}$The standard deviation of the average \mbox{850 $\mu$m} noise across all epochs. \end{flushleft} \end{table*} The JCMT Transient Survey observations are performed simultaneously at 450 and \mbox{850 $\mu$m} with effective beam sizes of 9.8\arcsec and 14.6\arcsec \citep{dempsey2013}, respectively, using the Submillimetre Common User Bolometer Array 2 (SCUBA-2; \citealt{holland2013}). We use the \textit{pong 1800"} mapping mode \citep{kackley2010} which yields circular maps 0.5$^{\circ}$ in diameter called ``pongs''. Each pixel (3$\arcsec$ at \mbox{850 $\mu$m}, 2$\arcsec$ at \mbox{450 $\mu$m}) contains the signal from several bolometers as the telescope scans across the sky, changing direction when it reaches the boundary of the circular field. This scan pattern ensures that each part of the field is observed from multiple position angles, resulting in the recovery of real astronomical structure while short timescale variations due to the atmosphere are attenuated. Eight nearby (\mbox{<500 pc}) regions selected from the Gould Belt Survey (\citealt{wardthompson2007}, Herczeg et al. in preparation) are each monitored at an approximate 28 day cadence whenever they are observable in the sky. Contained within these regions are a total of 1749 young stellar objects (YSOs) identified by \textit{Spitzer Space Telescope} (\citealt{megeath2012}, \citealt{dunham2015}) and \textit{Herschel Space Observatory} \citep{stutz2013} observations. 344 of these YSOs are identified as Class 0/I or Flat Spectrum protostars while the remaining 1405 are identified as Class II (disk) sources (Herczeg et al. in preparation). Table \ref{regionlist} shows a list of the regions and their central coordinates along with the average \mbox{850 $\mu$m} rms noise measured in the individual maps (see Appendix \ref{obsappendix} for detailed information on each individual observation). Note that Serpens South has diffuse structure throughout the map even near the edges of the field and, as a result, the measured noise is slightly higher than the other regions. There are five weather grades defined for JCMT observations from Band 1 (very dry: $\tau_{225\mathrm{\:GHz}}<0.05$, where $\tau_{225\mathrm{\:GHz}}$ is the zenith opacity of the atmosphere at \mbox{225 GHz}) to Band 5 (very wet: $\tau_{225\mathrm{\:GHz}}>0.2$). All of the observations performed in this survey were taken in either Band 1, Band 2, or Band 3 weather ($\tau_{225\mathrm{\:GHz}}<0.12$) as measured by the JCMT Water Vapour Radiometer \cite{dempsey2008}. The observing time per observation is set to 20-40 min, depending on the weather band, to maintain a similar noise quality of \mbox{$\sim 10\mathrm{\:mJy\:beam}^{-1}$} at \mbox{850 $\mu$m} (see Table \ref{regionlist}). Due to the higher telluric absorption (see \citealt{dempsey2013}) and varying PWV (precipitable water vapour), the \mbox{450 $\mu$m} observations have noise values 10 to 40 times higher than the \mbox{850 $\mu$m} observations and, thus, throughout this paper we focus on the latter. Observations began in December 2015 and are expected to continue until January 2019. Here, we present results between the first observations in December, 2015 and March 1$^\text{st}$, 2017. \begin{figure*} \centering \subfloat{\label{}\includegraphics[width=8.5cm,height=7.8cm]{OphCoreR3.pdf}} \subfloat{\label{}\includegraphics[width=8.5cm,height=7.8cm]{OphCoreR4.pdf}}\\ \subfloat{\label{}\includegraphics[width=8.5cm,height=7.8cm]{OphCoreR4-R3.pdf}} \subfloat{\label{}\includegraphics[width=8.5cm,height=7.8cm]{OphCoreR4-R2.pdf}}\\ \caption{\textit{Top}: A single \mbox{850 $\mu$m} observation of the Ophiuchus Core region reduced using reduction methods \textit{R3} (left) and \textit{R4} (right). \textit{Bottom}: Reduction \textit{R4} minus reduction \textit{R3} (left) and reduction \textit{R4} minus reduction \textit{R2} (right). Note that the two small bright sources seen in bottom of the R3 and R4 maps are roughly point-like.} \label{subfig} \end{figure*} \section{Data Reduction Methods} \label{drsec} The data reduction procedure was performed using the iterative map-making technique {\sc{makemap}} (explained in detail by \citealt{chapin2013}) in the {\sc{SMURF}} package (\citealt{jenness2013}) found within the {\sc{Starlink}} software \citep{currie2014}. Briefly, {\sc{makemap}} begins with the raw power detected by the telescope as a function of time throughout the duration of the observation and iteratively works to recover the astronomical signal by modeling and subtracting different sources of noise. First, general fixes (such as removing noise spikes, ensuring continuity, and apodising the edges of the bolometer time series) and a flat field correction are applied. Then, the program removes the \textit{common mode} (COM) noise. This type of noise, the large majority of which is caused by atmospheric emission, dominates the astronomical features we seek to study by causing a significant fraction of SCUBA-2's bolometers to acquire the same signal. As SCUBA-2 scans across a region of the sky at a constant speed, the power received over a given time interval is directly correlated with a spatial scale. Thus, removing the common mode noise results in a loss of extended, faint structure in the final maps produced, while the more compact, bright structure can be more accurately recovered. For an overview of the Gould Belt Survey for their Legacy Release 1 (GBS LR1) filtering parameters as well as results from testing the completeness of this method using artificial sources, see \cite{mairs2015}. Next, an atmospheric extinction model is applied based on the amount of PWV which was measured during the observation and a second filtering of the data is applied to remove any residual, low frequency 1/\textit{f} noise which was missed by the common mode subtraction. The extent of the final spatial filtering executed in this step is defined by the user. Generally, the largest recoverable scales are $\sim600\arcsec$ before atmospheric signal becomes significant. Finally, the astronomical signal is estimated and the residual white noise is compared to the previous iteration. The iterative solution converges when the difference in individual pixels changes on average by a user-defined threshold percentage of the rms noise present in the map (we select a value of $<0.1\%$). The maps produced are originally in units of picowatts (pW) but are converted to \mbox{mJy arcsec$^{-2}$} using the standard \mbox{850 $\mu$m} aperture flux conversion factor \mbox{2340 mJy pW$^{-1}$ arcsec$^{-2}$} and \mbox{4710 mJy pW$^{-1}$ arcsec$^{-2}$} at \mbox{450 $\mu$m} \citep{dempsey2013}. In the case of the JCMT Transient Survey, the final maps are gridded to 3$\arcsec$ pixels for the \mbox{850 $\mu$m} data and 2$\arcsec$ pixels for the \mbox{450 $\mu$m} data. To apply additional constraints to the solution derived by {\sc{makemap}}, the user can also supply an \textit{external mask} which surrounds the astronomical signal deemed to be significant. To construct an external mask, the individual maps produced by the iterative mapmaker are co-added in order to achieve a higher signal-to-noise ratio (SNR). The resulting image is used to define the regions of genuine astronomical emission (pixels with a signal-to-noise ratio of at least 3 are generally deemed significant). This mask is then used in a second round of data reduction in order to recover better any faint and extended structure. {\sc{makemap}} has over 100 user defined parameters that allow full control over each step of the iterative process. Many parameters will cause negligible changes in the final maps produced, but some will cause significant differences, such as the extent of spatial filtering the user applies. For the JCMT Transient Survey, we begin with the robust data reduction parameters derived by the GBS LR1 dataset as described in \cite{mairs2015} To ensure, however, that we produced the best calibrated maps which would allow for the detection of the variability of embedded protostars, we tested the effects of altering the size of the spatial filter applied to the data to determine whether or not it was beneficial to apply additional constraints to {\sc{makemap}} by using an external mask. To this end, we performed four individual data reductions labeled \textit{R1}, \textit{R2}, \textit{R3}, and \textit{R4}, yielding four sets of maps exhibiting different models of the recovered, astronomical structure. \begin{enumerate}[labelindent=0pt,labelwidth=\widthof{\ref{last-item}},label=\arabic*.,itemindent=1em,leftmargin=!] \item \textit{R1}: An effective spatial filter of 200$\arcsec$ was applied and no external mask was used. \vspace{3mm} \item \textit{R2}: An effective spatial filter of 600$\arcsec$ was applied and no external mask was used. \vspace{3mm} \item \textit{R3}: An external mask was constructed from a co-add of the \textit{R1} reduction and was used to constrain the solution derived by {\sc{makemap}}. Thus, the structure was filtered to 200$\arcsec$. \vspace{3mm} \item \textit{R4}: Similarly to \textit{R3}, an external mask was constructed from a co-add of the \textit{R2} reduction and applied to the data. Thus, the structure was filtered to 600$\arcsec$. This reduction is the same as the GBS LR1 data release \citep{mairs2015}. \end{enumerate} Figure \ref{subfig} shows an example of a single observation of the Ophiuchus Core region (see Table \ref{regionlist}). The top two panels show the resulting maps produced by reductions \textit{R3} (left) and \textit{R4} (right) while the bottom two panels show the subtraction of the \textit{R3} image from the \textit{R4} image (left) to highlight the effect of changing the effective spatial filter and the subtraction of the \textit{R2} image from the \textit{R4} image (right) to highlight the effect of the external mask. Though more extended structure is present in the \textit{R2} and \textit{R4} maps, the compact structure is recovered whether a 200$\arcsec$ or a 600$\arcsec$ filter is used. For the extended emission reconstructions, the mask returns additional flux, some of which appears pedestal-like. As \cite{mairs2015} discuss, the amount of extended structure which is recovered can produce slightly different results for the compact structure present in the map as the larger-scale background may add a pedestal value to the flux. We minimise the effect of the pedestal by using a localised peak extraction algorithm (described in Section \ref{postredcal} and Appendix \ref{gcappendix}) that filters out the extended background. The dominant uncertainty between these different reduction methods is how the recovered extended structure and external masks alter the fit to compact emission sources. The measurement of the peak brightness of a source relies on a consistent procedure from observation to observation in conjunction with the optimal data reduction method. By fitting Gaussian profiles to compact emission sources and comparing their centroid positions and peak brightnesses (described in detail in Section \ref{postredcal}), we determine reduction \textit{R3} to be the most stable for our purposes (although all four reductions work reasonably well). The external mask limits the flux distribution during the map-making procedure while the harsher filter (200$\arcsec$ as opposed to 600$\arcsec$) subdues large-scale structure which is not expected to vary (but is hard to recover due to signal from the atmosphere and the instrumentation). SCUBA-2's \mbox{850 $\mu$m} filter coincides with the broad $^{12}$CO(J=3-2) emission line. No attempt has been made to remove this signal. This excess flux, however, will not affect our ability to measure precisely the variability of deeply embedded protostars. As \cite{drabek2012} and \cite{coude2016} discuss, the CO(J=3-2) line contributes only low-level emission ($\leq$ 20\%) except for a few sources of stellar outflow. In addition, as \cite{mairs2016} show, the peak brightnesses of compact sources are not affected by the removal of the emission line. \section{Post Reduction Calibrations} \label{postredcal} Since the JCMT Transient Survey is interested in measuring the fluxes of individual compact sources over time, it is important to take into consideration both the pointing uncertainty of the telescope (expected to be 2 to 6 arcseconds; East Asian Observatory staff \textit{private communication}) as well as the flux calibration uncertainty (expected to be $\sim5-10\%$, see \citealt{dempsey2013}). To this end, we perform two post-reduction calibrations: 1) We derive and apply a pointing correction to more precisely align the maps with one another and 2) We derive and apply a relative flux calibration factor for each image produced in order to consistently compare a given source from observation to observation. Since both of these calibrations are relative corrections for each region, we can use the most robust, compact emission sources present in each map to calibrate self-consistently. The first step is to identify the appropriate calibrator sources in each of the eight regions. There are many different, publicly available algorithms designed to extract structure from a given region (for examples, see {\sc{Gaussclumps}} \citealt{stutzki1990}, {\sc{ClumpFind}} \citealt{williams1994}, {\sc{Astrodendro}} \citealt{rosolowsky2008}, {\sc{getsources}} \citealt{getsources2012}, and {\sc{FellWalker}} \citealt{berry2015}). Each method combines detected emission differently based on user supplied criteria and, thus, the use of such algorithms requires discernment and a goal-based approach. In this work, we are interested in accurately determining the brightness of localised, compact sources in dust emission convolved with the JCMT beam, which we expect to have approximately Gaussian features. The most robust (often isolated) Gaussian sources will be used for image calibration. To this end, we have selected the algorithm {\sc{Gaussclumps}} \citep{stutzki1990} to identify and extract sources in each observation of a given field as this program is designed to robustly characterise Gaussian structure and subtract background structure, such as pedestals. Specifically, we use the {\sc{starlink}} software \citep{currie2014} implementation of {\sc{Gaussclumps}} found within the {\sc{cupid}} \citep{berry2007} package. For more information on {\sc{Gaussclumps}}, refer to Appendix \ref{gcappendix}. \subsection{Image Alignment} \label{imagealign} To perform the post-reduction relative image alignment, we focus on the \mbox{850 $\mu$m} data. The noise in this dataset is measured to be more than an order of magnitude below its \mbox{450 $\mu$m} counterpart (due to the effect of PWV in the atmosphere) and the beam profile has greater stability, allowing us to more reliably fit the compact emission sources. The \mbox{450 $\mu$m} and \mbox{850 $\mu$m} data are, however, taken simultaneously, so the same alignment correction is applied to both datasets. The alignment procedure we apply to the data consists of five steps: \begin{figure*} \centering \includegraphics[width=16.7cm,height=7.7cm]{offsetcull-new.pdf} \caption{Schematic diagram of step 4 in the image alignment process. \textit{Left:} We measure the offsets between bright, compact sources in the reference map (filled circles) and in a subsequent observation (empty circles). \textit{Right:} We compare the relative right ascension and declination offsets of all the sources and remove outliers.} \label{offsetcull} \end{figure*} \begin{enumerate}[labelindent=0pt,labelwidth=\widthof{\ref{last-item}},label=\arabic*.,itemindent=1em,leftmargin=!] \item We label the first observation of a given field the ``reference observation''. Then, we smooth the map with a 6$\arcsec$ Gaussian kernel to mitigate noise fluctuations. We identify and fit Gaussians to all the sources brighter than \mbox{200 mJy\: beam$^{-1}$} and with radii less than 10$\arcsec$ in the reference observation using the source extraction algorithm {\sc{Gaussclumps}} \citep{stutzki1990}. The radius of a source, $r$, is defined as $r = \sqrt{\mathrm{FWHM_{1}}\times \mathrm{FWHM}_{2}}/2$ where the FWHM$_{N}$ terms are the full widths at half maximum of the fitted two dimensional Gaussian. Fitting Gaussians to bright sources allows us to measure the centroid location of the sources to sub-pixel accuracy. For more information on how {\sc{Gaussclumps}} was executed, see Appendix \ref{gcappendix}. \vspace{3mm} \item For later observations, we also smooth the maps and identify and fit Gaussians to all the sources brighter than \mbox{200 mJy\: beam$^{-1}$} and with radii less than 10$\arcsec$ using {\sc{Gaussclumps}} in the same manner as for the reference observation. \vspace{3mm} \item We next match each source identified in the reference catalogue to the nearest source in the later catalogue (the peak location sources must not differ by more than 10$\arcsec$, given an expectation that the alignment offset is better than this value). \vspace{3mm} \item We then perform a check to ensure that we have matched the reference sources to the correct corresponding sources in the later catalogue by employing a simple test. Plotting the relative right ascension offset against the relative declination offset for all of the sources, we search for outliers by applying the condition that the resultant offset of every source must be within $4\arcsec$ of the resultant offset of any other source (see Figure \ref{offsetcull}). $4\arcsec$ was chosen after extensive testing across all eight regions revealed this threshold to consistently eliminate outliers. If this condition fails, we exclude that source from the final step. In this way, any moving sources or spurious detections will be discounted from our analysis. \vspace{3mm} \item Finally, we average the right ascension and declination offsets of the matched sources to find the difference between the position of the later observation and the reference observation. We then apply this offset by re-reducing the later observation and correcting the pointing using {\sc{makemap}}'s \textit{pointing} parameter. In this way, both the reference and the later observations will be consistently aligned, processed, and gridded to the same world coordinate system grid. \end{enumerate} \begin{figure} \centering \includegraphics[width=9cm,height=6.7cm]{Transient_alignment.pdf} \caption{Histograms of the measured radial offset between each region's reference field and its subsequent observations. Black represents the original offset without applying any correction; blue represents the corrected offset of the aligned maps.} \label{align_fig} \end{figure} Figure \ref{align_fig} shows the results of applying the post-reduction alignment to the JCMT Transient Survey observations using reduction \textit{R3} (all four reduction methods show consistent results, see Appendix \ref{obsappendix}). The black histogram shows the original pointing uncertainty while the blue histogram shows the corrected pointing uncertainty. By reliably fitting bright peaks and matching their centroids from observation to observation, we have achieved a mean positional uncertainty of $0.45\arcsec$ (less than one sixth the width of an \mbox{850 $\mu$m} pixel) with a standard deviation of 0.3$\arcsec$. In nearly all cases, the images are aligned to better than $1\arcsec$. The few fields that exhibit a slightly higher uncertainty come from the NGC2024 region which contains more clustered sources mixed with larger-scale structure (see Figure \ref{ngc2024cutout} for an example of the clustered emission in NGC2024 and see Herczeg et al. in preparation for co-added images of all eight fields). Isolated, bright emission sources have less fitting uncertainties and therefore produce the best alignments. The alignment of the maps is now part of an automated routine run at the East Asian Observatory (EAO) immediately after the observations are taken at the telescope. The final, aligned images and {\sc{Gaussclumps}} catalogues are deposited in a shared directory which team members can access. In addition to this image alignment procedure, an independent method based on the cross-correlation of the observations was also tested and found to produce consistent results (see Appendix \ref{kevinappendix}). As the survey matures, we will be exploring this alternate technique and refining our methodology to further improve our alignment calibration. \begin{figure} \centering \includegraphics[width=0.5\textwidth]{NGC2024-cutout-2017.pdf} \caption{The central region of NGC2024 at \mbox{850 $\mu$m}. The tightly clustered sources of emission are blended, causing a higher uncertainty in the Gaussian fits of the individual peaks.} \label{ngc2024cutout} \end{figure} \subsection{Relative Flux Calibration} \label{fluxcal} After cataloguing the sources in the reference observation as well as the subsequent, aligned observations, we derive and apply a relative flux calibration factor to each observation in order to plot accurately the brightness variations of a given object over all epochs. The JCMT has an intrinsic absolute flux calibration of $\sim$\mbox{5-10\%} \citep{dempsey2013}, but we are focused only on the relative brightness changes from epoch to epoch. This allows us to achieve more accurate measurements of the variability in a given field. The procedure to flux calibrate our images consists of six steps: \begin{enumerate}[labelindent=0pt,labelwidth=\widthof{\ref{last-item}},label=\arabic*.,itemindent=1em,leftmargin=!] \item Beginning with the same calibrator sources that we extracted to perform the spatial alignment of the maps (described in Section \ref{imagealign}), we select the subset that have peak brightnesses over \mbox{500 mJy beam$^{-1}$} and appear in every single observation of a given region. The choice of \mbox{500 mJy beam$^{-1}$} is based on a desire to reach a relative brightness calibration of \mbox{$\sim$2\%} and the typical noise is \mbox{$\sim$10 mJy beam$^{-1}$} in each image (see Table \ref{regionlist}), yielding a SNR for the minimum brightness peaks of $\sim$50:1. We first calculate the average peak brightness over all epochs to remove the uncertainty in flux related to individual measurements and then normalise the observed source peak brightnesses in each observation to their respective averages. \vspace{3mm} \item We then compare the brightness of each extracted source with respect to each of the others by taking the ratio of their normalised peak brightnesses and plotting the result for each epoch (for example, see Figure \ref{Rfig}). If a given pair of sources gets brighter or dimmer together from epoch to epoch, due to calibration uncertainties, we would expect the ratio of their normalised peak brightnesses over time to show little scatter. \vspace{3mm} \item We next measure the amount of scatter in the ratio between two sources by calculating the standard deviation in the ratio of normalised peak brightnesses over time. For every pair of sources, we can plot the measured standard deviation. In Figure \ref{stdevplot}, we show the results of a simple model of the standard deviations measured for pairs of sources by applying a Gaussian error of the value indicated to 1000 sources of peak brightness 1.0 and comparing their expected normalised peak brightness ratios over eight epochs. Overlaid on this figure are the measured standard deviations of the normalised source peak brightness ratios for all nine potential calibrator sources in all eight observations of the Ophiuchus Core region. Note that as more epochs are observed, the central part of the curve (where the majority of the data points lie) regresses to a value of $\sqrt{2}\times\mathrm{\:error}$. \vspace{3mm} \item We next identify the largest set of sources wherein every pair has a standard deviation below a threshold set to 0.06. We call this set of stable sources a \textit{Family}. We choose 0.06 through comparison with model curves in Figure \ref{stdevplot}, and as a compromise between decreasing the number of family members versus increasing the reliability of the calibration. Thus, all \textit{Family} members satisfy the threshold when compared against each other. These sources are considered non-varying and appropriate for the relative flux calibration of each epoch. This threshold was chosen after extensive testing for the optimal number of sources contained within the \textit{Family} across all observed regions. \vspace{3mm} \item For each epoch, the flux calibration factor by which we divide every pixel is the average normalised peak brightness over all the sources within the \textit{Family} during that observation. These factors are plotted in the left panel of Figure \ref{fcf_fig}. In the figure, black indicates all observations taken before March 1$^\text{st}$, 2017, while grey indicates observations taken after the filters were changed on SCUBA-2 in November, 2016. The standard deviation of a Gaussian fit to all the data is $8\%$, as expected \citep{dempsey2013}. \vspace{3mm} \item The uncertainty in the derived flux calibration factor is taken to be the error in a given measurement of the normalised peak brightness of an individual source which is calculated by finding the standard deviation of the normalised peak brightnesses of all the calibrator sources. This uncertainty is plotted in the right panel of Figure \ref{fcf_fig}. Note that the uncertainty peaks at approximately 2\%. This is, however, the uncertainty per source while the error in the mean scales with the square root of the number of calibrator sources detected. Again, all four tested reductions show consistent results (e.g. compare the \textit{R3} flux calibration results with \textit{R4} in Appendix \ref{obsappendix}), though the \textit{R3} reduction is most robust for the JCMT Transient Survey science goals. \end{enumerate} \begin{figure} \centering \includegraphics[width=8.5cm,height=7cm]{IC3480302-A3-nobars.pdf} \caption{An example of the normalised peak brightness of one source divided by the normalised peak brightness of another, plotted from observation to observation. SD is the standard deviation of this set of nine points, highlighting that the uncertainty in the ratio of these two sources (and the underlying uncertainty in the measurement of these individual sources) is about 4\%.} \label{Rfig} \end{figure} \begin{figure*} \centering \includegraphics[width=12cm,height=10cm]{stdevplot-8epochs} \caption{The standard deviation of the normalised peak brightness ratios for all pairs of identified sources including all 8 observations of the Ophiuchus Core region observed prior to March 1$^\text{st}$, 2017, arranged in ascending order. Each line represents an iteration of a simple model where we applied a Gaussian error of the value indicated to 1000 sources of peak brightness 1.0 and compared their normalised peak brightness ratios over 8 epochs. Note that as more observations are performed, the central part of the curve flattens, approaching a value of $\sqrt{2}\times\mathrm{\:error}$. Nine potential calibrator sources were found, yielding 36 pairs. The largest \textit{Family} of sources consistent with one another (standard deviations less than 0.06, the threshold indicated by the dashed black line) are the flux calibrator sources we select to perform the correction. In this case, four sources met the criteria to join the flux calibrator \textit{Family}.} \label{stdevplot} \end{figure*} \begin{figure*} \centering \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{FCForig-NGCadd.pdf}} \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{FCFunc-NGCadd.pdf}} \caption{\textit{Left:} The derived flux calibration factors for compact emission sources for all observations of the eight regions. \textit{Right:} The relative uncertainty in the flux calibration factors, calculated by finding the standard deviation of the normalised peak brightnesses of the calibrator sources in each respective image. Black indicates all observations taken before March 1$^\text{st}$, 2017 while grey indicates observations take after the filter change of November, 2016.} \label{fcf_fig} \end{figure*} The highest flux calibration factor uncertainty is found in the NGC2024 region for the same reasons the residual offset in the aligned maps is larger; the calibrator sources identified in NGC2024 are found within the extended structure where our Gaussian fitting routine encounters more uncertainty. Overall, the flux calibration uncertainties are very low ($\sim2-3\%$), allowing the JCMT Transient Survey team to robustly detect variations in peak brightness of the most prominent sources to the level of $\sim10\%$. Previously, \cite{haubois2012} achieved this relative calibration accuracy over a 5 day monitoring campaign of Sagittarius A* using the Atacama Pathfinder Experiment instrument at the Llano de Chajnantor Observatory. These small uncertantites, however, are unprecedented in ground-based, single dish submillimetre observations for such a wide range of consistent observations. In addition, we fit many sources in each field which allows us to detect sufficiently significant brightness variations on the first epoch they occur. Note that since we determine each epoch's flux calibration factor in a relative sense, the SCUBA-2 filter change in 2016 does not affect our results. The absolute brightness measurements, however, depend on the flux conversion factors (see Section \ref{drsec}). The filter change is expected to cause a small but detectable change in these values, but this has not yet been quantified by the observatory. Our calibration is only expected to improve as we include future epochs and refine our methods throughout the duration of the survey. With additional epochs, we will be able to co-add subsets of our observations to increase our sensitivity at the cost of a lower cadence. Presently, we are working to automate the flux calibration procedure such that it can also be run directly after an observation undergoes the data reduction and alignment procedures at the EAO. For a given observation, the aligned and flux calibrated data are presently available to team members within 24-48 hours. \section{Discussion} \label{discusssec} \begin{figure*} \centering \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{IC348-std-vs-peakbright-shaded.pdf}} \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{NGC1333-std-vs-peakbright-shaded.pdf}}\\ \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{OPH-std-vs-peakbright-shaded.pdf}} \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{OMC23-std-vs-peakbright-shaded.pdf}} \caption{The standard deviation in the peak brightness versus the mean peak brightness of a source for four of the Transient fields. The horizontal errorbars indicate the range of peak brightnesses observed across all dates. Filled triangles represent \textit{Family} members while empty triangles represent other sources not included in the flux calibration. The vertical dotted line indicates the minimum brightness threshold to be considered a member of a \textit{Family}. The horizontal dashed line shows the average standard deviation in the mean peak brightness of all the \textit{Family} sources. The lower bound of the shaded region shows the average noise as a percentage of source peak brightness and the upper bound of the shaded region assumes the noise is higher by a factor of two.} \label{SDvspeakbright1} \end{figure*} \begin{figure*} \centering \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{NGC2071-std-vs-peakbright-shaded.pdf}} \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{NGC2024-std-vs-peakbright-shaded.pdf}}\\ \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{SERPM-std-vs-peakbright-shaded.pdf}} \subfloat{\label{}\includegraphics[width=9cm,height=7.8cm]{SERPS-std-vs-peakbright-shaded.pdf}} \caption{Same as Figure \ref{SDvspeakbright1}, showing the other four Transient fields.} \label{SDvspeakbright2} \end{figure*} The goal of this calibration work is to extract robust, non-varying sources from SCUBA-2 maps and apply the spatial alignment and flux calibration methods. The majority of this process involves excluding sources from flux calibrator \textit{Families} which do not meet our set of criteria. These excluded sources, however, are of particular interest to the JCMT Transient Survey as they may be transient. Figures \ref{SDvspeakbright1} and \ref{SDvspeakbright2} show the measured fractional variation in the fluxes (standard deviation) of each observed source across all epochs that it was observed, ordered by source brightness. For a source to be included on these plots, it must be detected in every epoch of the given region. Thus, there are many additional, potentially interesting, submillimetre sources which are not included in these figures as our focus is on potential calibrators. A source may not be detected in a given epoch for two reasons: 1) It has properties near enough to the detection threshold that it is too faint or too extended on some observation dates but not on others (a source in a clustered environment is difficult to fit which may cause the shape to change). 2) The peak brightness of the source may vary such that it was too faint to be detected at the time of the reference observation but it was bright enough at a later date (or vice versa). The sources in both scenarios are of little importance to the flux calibration since we only want to use the most robust sources available. Detecting the sources in the second scenario is one of the goals of the JCMT Transient Survey and follow-up studies are currently underway to quantify their number and amplitude (for example, Mairs et al. in preparation). Including all observations of all eight regions, using our source extraction methods based on detecting compact structure and fitting Gaussian profiles with {\sc{Gaussclumps}} as detailed in Appendix \ref{gcappendix}, we see a total of 265 unique areas of significant, localised emission (see Table \ref{bigobstable}). This number is expected to vary depending on the source identification procedure used and the amount of data received. The lower bound of the shaded regions in Figures \ref{SDvspeakbright1} and \ref{SDvspeakbright2} show the average noise in each region (see Table \ref{regionlist}) as a percentage of the mean peak brightness while the upper bound represents the noise multiplied by a factor of two to take into consideration additional uncertainties due to, for example, the source fitting procedure. In general, we expect fainter sources to approximately follow the shaded region whereas we expect \textit{Family} members to lie further to the right and display low standard deviations dominated by the Gaussian fitting uncertainties. The vertical dotted line shows the minimum peak brightness threshold for a source to be considered a \textit{Family} member (\mbox{500 mJy beam$^{-1}$}) and the horizontal dashed line shows the mean standard deviation of the \textit{Family} members in that specific region. Most of the sources behave as expected for objects which do not vary with time. There are, however, a few notable exceptions. The OMC 2/3 and NGC2024 fields are where localised Gaussian profiles are extracted from particularly clustered and confused emission (see, for example, Figure \ref{ngc2024cutout}). These two regions have the highest number of relatively bright sources not included in their \textit{Families}, most likely due to the source extraction procedure but also possibly due to intrinsic variability. {\sc{Gaussclumps}} is able to extract and fit well isolated, compact emission sources while sources extracted from clustered regions have more uncertainty. Depending on the morphology of the surrounding background structure, emission from multiple sources can be blended which causes some sources to deviate from Gaussian profiles, fluctuating in elongation from epoch to epoch as the algorithm attempts to separate the significant structure from the background. Examples of these sources include the two which meet the minimum brightness threshold but fail to be included in a \textit{Family} in NGC1333 (Figure \ref{SDvspeakbright1}, top right), the brightest source in the Serpens Main region (Figure \ref{SDvspeakbright2}, bottom left), and the source on the \textit{Family} brightness threshold in the Serpens Main region (Figure \ref{SDvspeakbright2}, bottom left). Since this paper is concerned with calibration, we simply ignore these more complicated sources. In future papers, however, we will adapt techniques to better identify variability in the most crowded regions in our fields. In general, sources which fail the flux calibrator criteria are lower peak brightness, as expected (see Figure \ref{lowpeak-lowconc}). \begin{figure*} \centering \includegraphics[width=10cm,height=9cm]{peakbright-family.pdf} \caption{Peak Brightnesses of all sources detected in every observation (grey) and only those included in the flux calibrator \textit{Families} (black). The dashed line indicates the minimum average brightness threshold required to be considered a \textit{Family} member. In some individual observations, \textit{Family} members have peak brightnesses which are slightly less than the threshold. Sources from every epoch of all eight fields prior to March 1$^\text{st}$, 2017 are included.} \label{lowpeak-lowconc} \end{figure*} Another reason a source may significantly deviate from what we expect and fail to be included in a \textit{Family} is that it is undergoing an observable, physical variation. Our relative flux calibration algorithm has been designed to exclude sources which are varying so that their contribution would not suppress the signal we seek to study. One variable source, has been identified (see Figure \ref{SDvspeakbright2}, bottom left) and verified over multiple observations in our dataset (for more detail on this source, refer to Yoo et al. in preparation). A careful but cursory analysis of each source that was detected in every observation and was excluded from a \textit{Family} has been carried out and no other clear and robust detections of significant variability have so far been identified. Investigations will continue, however, to uncover any long term trends. In addition, there are many sources present in each map which are not presented in this paper. Analyses employing different source extraction methods as well as procedures which consider the variability of faint sources are currently underway (for example, Yoo et al. in preparation, Mairs et al. in preparation). \section{Conclusion} \label{conclusionsec} The primary goal of the JCMT Transient Survey is to detect variability in the brightness of deeply embedded protostars. The pointing accuracy of the JCMT is nominally 2 to 6 arcseconds while the nominal flux calibration uncertainty of \mbox{850 $\mu$m} SCUBA-2 data is $8\%$ (see Figures \ref{align_fig} and \ref{fcf_fig}). In order to dramatically increase our sensitivity to variable signals, we have developed a calibration pipeline which further spatially aligns multiple observations of a given field and provides a relative flux calibration correction for bright, compact sources. We use the algorithm {\sc{Gaussclumps}} (see Section \ref{postredcal} and Appendix \ref{gcappendix}) to extract locations and peak brightnesses of emission objects in the \mbox{850 $\mu$m} SCUBA-2 maps and we apply minimum brightness ($200\mathrm{\:mJy\:beam}^{-1}$ for the spatial alignment and $500\mathrm{\:mJy\:beam}^{-1}$ for the relative flux calibration) and maximum radius ($10\arcsec$) thresholds to ensure we have the best fit objects in our sample. These methods could be applied to any submillimetre data with multiple observations of bright, compact objects. Our main results can be summarised as follows: \begin{enumerate}[labelindent=0pt,labelwidth=\widthof{\ref{last-item}},label=\arabic*.,itemindent=1em,leftmargin=!] \item We thoroughly tested four different data reduction methods and found the most robust parameters for our scientific goals (Reduction \textit{R3}, see Section \ref{drsec}). \vspace{3mm} \item We achieve a sub-pixel alignment uncertainty of $\sim1\arcsec$ (see Figure \ref{align_fig} and Section \ref{imagealign}), improving on the pointing error of the telescope by a factor of $\sim4$. \vspace{3mm} \item We achieve a relative flux calibration factor uncertainty of $2-3\%$ for bright sources (see Figure \ref{align_fig} and Section \ref{imagealign}), improving on the native, absolute flux calibration uncertainty by a factor of $\sim3$. This is unprecedented in ground-based, single dish submillimetre observations. \vspace{3mm} \item By analysing the bright sources that are not included in flux calibrator \textit{Families}, we have noted a variable source at \mbox{850 $\mu$m} (Yoo et al. in preparation) and identified good source extraction practices for further analysis to improve the calibration procedure. \end{enumerate} The JCMT Transient Survey is expected to continue through at least January, 2019, increasing the number of observed epochs for each region by a factor of three to about thirty. Throughout this time, we will be working to improve the data reduction and calibration procedures (see Appendix \ref{kevinappendix}) in order to detect fainter signals and working to achieve similar results for the relative flux calibration uncertainty at \mbox{450 $\mu$m}. By the end of the survey, we will have the deepest submillimetre maps of these eight regions which will create many opportunities for additional science, including co-adding across several epochs to uncover variability in fainter sources, but with a lower cadence. \section*{Acknowledgements} Steve Mairs was partially supported by the Natural Sciences and Engineering Research Council (NSERC) of Canada graduate scholarship program. Doug Johnstone is supported by the National Research Council of Canada and by an NSERC Discovery Grant. \vspace{3mm} The authors wish to recognise and acknowledge the very significant cultural role and reverence that the summit of Maunakea has always had within the indigenous Hawaiian community. We are most fortunate to have the opportunity to conduct observations from this mountain. The James Clerk Maxwell Telescope is now operated by the East Asian Observatory on behalf of The National Astronomical Observatory of Japan, Academia Sinica Institute of Astronomy and Astrophysics, the Korea Astronomy and Space Science Institute, the National Astronomical Observatories of China and the Chinese Academy of Sciences (grant no. XDB09000000), with additional funding support from the Science and Technology Facilities Council of the United Kingdom and participating universities in the United Kingdom and Canada. The identification number for the JCMT Transient Survey under which the SCUBA-2 data used in this paper is M16AL001. The authors thank the JCMT staff for their support of the data collection and reduction efforts. The {\sc{starlink}} software is supported by the East Asian Observatory. This research has made use of NASA's Astrophysics Data System and the facilities of the Canadian Astronomy Data Centre operated by the National Research Council of Canada with the support of the Canadian Space Agency. This research used the services of the Canadian Advanced Network for Astronomy Research (CANFAR, specifically VOSpace) which in turn is supported by CANARIE, Compute Canada, University of Victoria, the National Research Council of Canada, and the Canadian Space Agency. This research made use of {\sc{APLpy}}, an open-source plotting package for Python hosted at http://aplpy.github.com, and {\sc{matplotlib}}, a 2D plotting library for Python \citep{matplotlib}. The authors would like to thank the anonymous referee for providing useful comments that strengthened this work. \facility{JCMT (SCUBA-2) \citep{holland2013}} \software{Starlink \citep{currie2014}, Astropy \citep{astropy}, Python version 3.5, APLpy \citep{aplpy}, Matplotlib \citep{matplotlib}}
e7fda9c900a4430c8fb46f77480f59e053f8a2a9
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{sec: introduction} Passive network synthesis has been one of the most important subjects in circuit and system theories. This field has experienced a ``golden era'' from the 1930s to the 1970s \cite{AV73,BD49,Gui57,SR61}. The most classical transformerless realization method, the Bott-Duffin procedure \cite{BD49}, shows that any positive-real impedance (resp. admittance) is realizable with a finite number of resistors, capacitors, and inductors. However, the resulting networks typically contain a large number of redundant elements, and the minimal realization problem is far from being solved even today for the biquadratic impedance. Recently, interest in investigation on passive networks has revived \cite{CPSWS09,CS09,CS09(2),CWSL13,CWZC15,JS11,JS12,Smi02,WC12,WCH14,WC15,YKKP14}, due to its connection with passive mechanical control using a new mechanical element named inerter \cite{CHHC14,HCSH15,Smi02}. In parallel, there are also some new results on the negative imaginary systems \cite{XPL12}. In addition to the control of mechanical systems, synthesis of passive networks can also be applied to a series of other fields, such as the microwave antenna circuit design \cite{LBHD11}, filter design \cite{RMB14}, passivity-preserving balanced truncation \cite{RS10}, and biometric image processing \cite{Sae14}. Noticeably, the need for a renewed attempt to passive network synthesis and its contribution to systems theory has been highlighted in \cite{Kal10}. The realization problem of biquadratic impedances has been a focal topic in the theory of passive network synthesis \cite{Lad48,Lad64,Rei69,WC12,WCH14}, yet its minimal realization problem has not been completely solved to date. In fact, investigation on synthesis of biquadratic impedances can provide significant guidance on realization of more general functions. By the Bott-Duffin procedure \cite{BD49} and Pantell's simplification \cite{Pan54}, one needs at most eight elements to realize a general positive-real biquadratic impedance. In \cite{Lad48}, Ladenheim listed $108$ configurations containing at most five elements and at most two reactive elements that can realize the biquadratic impedance. For each of them, values of the elements are explicitly expressed in terms of the coefficients of the biquadratic function, without any derivation given. Realizability conditions of series-parallel networks are listed, but those of bridge networks are not. Furthermore, the realizability problem of biquadratic impedances as five-element networks containing three reactive elements \cite{Lad64} has been investigated. Recently, a new concept named regularity is introduced and applied to investigate the realization problem of the biquadratic impedances as five-element networks in \cite{JS11}, in which a necessary and sufficient condition is derived for a biquadratic impedance to be realizable as such a network. It is noted that only the realizability conditions for five-element bridge networks that are not necessarily equivalent to the corresponding series-parallel ones are investigated in \cite{JS11}. Hence, necessary and sufficient conditions for the biquadratic impedances to be realizable as five-element bridge networks are still unknown today. The present paper is concerned with the realization of biquadratic impedances as five-element bridge networks. As discussed above, this problem remains unsolved today. Pantell's simplification \cite{Pan54} shows that non-series-parallel networks may often contain less redundancy. Besides, the non-series-parallel structure sometimes has its own advantages in practice \cite{CHD12}. It is essential to construct a five-element bridge network, the simplest non-series-parallel network to solve the minimal realization problem of biquadratic impedances. This paper focuses on deriving some realizability conditions of biquadratic impedances as two-reactive five-element bridge networks. Based on these and some previous results in \cite{Lad64}, the realization result of five-element bridge networks without limiting the number of reactive elements will follow. The discussion on realization of two-reactive five-element bridge networks is divided into two parts, based on whether the two reactive elements are of the same type or not. Through investigating realizability conditions for configurations that can cover all the possible cases, a necessary and sufficient condition is obtained for a biquadratic impedance to be realizable as a two-reactive five-element bridge network. A canonical form for biquadratic impedances is utilized to simplify and combine the conditions. Furthermore, the corresponding result of general five-element bridge networks is further obtained. Throughout, it is assumed that the given biquadratic impedance is realizable with at least five elements. A part of this paper has appeared as a conference paper in Chinese \cite{CWLC14} (Section V-C and a part of contents in Sections~III and IV). \section{Preliminaries} \label{sec: Preliminaries} A real-rational function $H(s)$ is \textit{positive-real} if $H(s)$ is analytic and $\Re(H(s)) \geq 0$ for $\Re(s) > 0$ \cite{Gui57}. An \textit{impedance} $Z(s)$ is defined as $Z(s) = V(s)/I(s)$, and an \textit{admittance} is $Z^{-1}(s)$, where $V(s)$ and $I(s)$ denote the voltage and current, respectively. A linear one-port time-invariant network is passive if and only if its impedance (resp. admittance) is positive-real, and any positive-real function is realizable as the impedance (resp. admittance) of a one-port network consisting of a finite number of resistors, capacitors, and inductors \cite{BD49,Gui57}, thus the network \textit{realizes} (or being a \textit{realization} of) its impedance (resp. admittance). A \textit{regular} function $H(s)$ is a class of positive-real functions with the smallest value of $\Re(H(j\omega))$ or $\Re(H^{-1}(j\omega))$ being at $\omega = 0 \cup \infty$ \cite{JS11}. The capacitors and inductors are called \textit{reactive elements}, and resistors are called \textit{resistive elements}. Moreover, the concept of the \textit{network duality} is presented in \cite{CWLC15}. \section{Problem Formulation} \label{sec: Problem formulation} The general form of a \textit{biquadratic impedance} is \begin{equation} \label{eq: biquadratic impedance} Z(s) = \frac{a_2 s^2 + a_1 s + a_0}{b_2 s^2 + b_1 s + b_0}, \end{equation} where $a_2$, $a_1$, $a_0$, $b_2$, $b_1$, $b_0$ $\geq 0$. It is known from \cite{CS09(2)} that its positive-realness is equivalent to $(\sqrt{a_0b_2}-\sqrt{a_2b_0})^2 \leq a_1b_1$. For brevity, the following notations are introduced: $\mathds{A} = a_0b_1 - a_1b_0$, $\mathds{B} = a_0b_2 - a_2b_0$, $\mathds{C} = a_1b_2 - a_2b_1$, $\mathds{D}_a := a_1 \mathds{A} - a_0 \mathds{B}$, $\mathds{D}_b := -b_1 \mathds{A} + b_0 \mathds{B}$, $\mathds{E}_a := a_2 \mathds{B} - a_1 \mathds{C}$, $\mathds{E}_b := -b_2 \mathds{B} + b_1 \mathds{C}$, $\mathds{M} := a_0 b_2 + a_2 b_0$, $\Delta_a := a_1^2-4a_0a_2$, $\Delta_b := b_1^2-4b_0b_2$, $\Delta_{ab} := a_1b_1 - 2\mathds{M}$, $\mathds{R} := \mathds{A} \mathds{C} - \mathds{B}^2$, $\Gamma_a := \mathds{R} + b_0b_2 \Delta_a$, and $\Gamma_b := \mathds{R} + a_0a_2 \Delta_b$. As shown in \cite{JS11}, if at least one of $a_2$, $a_1$, $a_0$, $b_2$, $b_1$, and $b_0$ is zero, then $Z(s)$ is realizable with at most two reactive elements and two resistors. In \cite{WCH14}, a necessary and sufficient condition for a biquadratic impedance with positive coefficients to be realizable with at most four elements was established, as below. \begin{lemma} \cite{WCH14} \label{lemma: condition of at most four} {A biquadratic impedance $Z(s)$ in the form of \eqref{eq: biquadratic impedance}, where $a_2$, $a_1$, $a_0$, $b_2$, $b_1$, $b_0$ $> 0$, can be realized with at most four elements if and only if at least one of the following conditions holds: 1) $\mathds{R} = 0$; 2) $\mathds{B} = 0$; 3) $\mathds{B} > 0$ and $\mathds{D}_a \mathds{E}_b = 0$; 4) $\mathds{B} < 0$ and $\mathds{D}_b \mathds{E}_a = 0$; 5) $\Gamma_a \Gamma_b = 0$. } \end{lemma} Therefore, when investigating the realizability problem of five-element networks, it suffices to assume that $a_2$, $a_1$, $a_0$, $b_2$, $b_1$, $b_0$ $> 0$ but the condition of Lemma~\ref{lemma: condition of at most four} does not hold in the consideration of minimal realizations. For brevity, the set of all such biquadratic functions (with positive coefficients and with the condition of Lemma~\ref{lemma: condition of at most four} not being satisfied) is denoted by $\mathcal{Z}_b$ in this paper. The present paper aims to derive a necessary and sufficient condition for a biquadratic impedance $Z(s) \in \mathcal{Z}_b$ to be realizable as a two-reactive five-element bridge network (Theorem~\ref{theorem: final condition}) and the corresponding result for a general five-element bridge network (Theorem~\ref{theorem: final corollary}). Figs.~\ref{fig: Quartet-01-same-kind}--\ref{fig: Quartet-03-different-kind} and \ref{fig: Three-Reactive-Quartet} are the corresponding realizations. The configurations are assumed to be passive one-port time-invariant transformerless networks containing at most three kinds of passive elements, which are resistors, capacitors, and inductors, and the values of the elements are all positive and finite. \section{A Canonical Biquadratic Form} \label{sec: A Canonical Biquadratic Form} A canonical form $Z_c(s)$ for biquadratic impedances stated in is expressed as \begin{equation} \label{eq: canonical form} Z_c(s) = \frac{s^2 + 2U\sqrt{W}s + W}{s^2 + (2V/\sqrt{W})s + 1/W}, \end{equation} where \begin{equation} \label{eq: from Zc to Z} W = \sqrt{\frac{a_0b_2}{a_2b_0}}, ~~~ U = \frac{a_1}{2\sqrt{a_0a_2}}, ~~~ V = \frac{b_1}{2\sqrt{b_0b_2}}. \end{equation} It is not difficult to verify that $Z_c(s)$ can be obtained from $Z(s)$ through $Z_c(s) = \alpha Z(\beta s)$, where $\alpha = b_2/a_2$ and $\beta = \sqrt[4]{a_0b_0/(a_2b_2)}$. If $Z(s)$ is realizable as a network $N$, then the corresponding $Z_c(s)$ must be realizable as another network $N_c$ with the same one-terminal-pair labeled graph by a proper transformation of the element values, and \textit{vice versa}. Therefore, the realizability condition for $Z_c(s)$ as a network whose one-terminal-pair labeled graph is $\mathcal{N}$ in terms of $U$, $V$, $W$ $> 0$ can be determined from that of $Z(s)$ in terms of $a_2$, $a_1$, $a_0$, $b_2$, $b_1$, $b_0$ $> 0$, via transformation \begin{equation} \label{eq: from Z to Zc} \begin{split} a_2 = 1, \ a_1 = 2U\sqrt{W}, \ a_0 = W, \\ b_2 = 1, \ b_1 = 2V/\sqrt{W}, \ b_0 = 1/W. \end{split} \end{equation} Conversely, the realizability condition for $Z(s)$ as a network with one-terminal-pair labeled graph $\mathcal{N}$ in terms of $a_2$, $a_1$, $a_0$, $b_2$, $b_1$, $b_0$ $> 0$ can be determined from that for $Z_c(s)$ in terms of $U$, $V$, $W$ $> 0$, via transformation \eqref{eq: from Zc to Z}. Furthermore, through \eqref{eq: from Z to Zc}, one concludes that $Z_c(s)$ is positive-real if and only if $\sigma_c := 4UV + 2 - (W + W^{-1}) \geq 0$, as stated in \cite{JS11}. Notations $\Delta_{ab}$, $\mathds{R}$, $\Gamma_a$, and $\Gamma_b$, as defined in Section~\ref{sec: Problem formulation} are respectively converted to $\Delta_{ab_c} := 4 U V - 2 (W + W^{-1})$, $\mathds{R}_c := -4 U^2 - 4 V^2 + 4 U V (W + W^{-1}) - (W - W^{-1})^2$, $\Gamma_{a_c} := - 4 V^2 + 4 U V (W + W^{-1}) - (W + W^{-1})^2$, and $\Gamma_{b_c} := - 4 U^2 + 4 U V (W + W^{-1}) - (W + W^{-1})^2$. Also, $\mathds{M} \mathds{R} + 2a_0a_2b_0b_2\Delta_{ab}$ is converted to $-(W + W^{-1})^3 + 4 U V (W + W^{-1})^2 - 4(U^2 + V^2) (W + W^{-1}) + 8 U V$. Moreover, for brevity, denote $\lambda_c := 4 U V - 4 V^2 W + (W - W^{-1})$. Defining $\rho^{\ast}(U,V,W)=\rho(U,V,W^{-1})$ and $\rho^{\dag}(U,V,W)=\rho(V,U,W)$ for any rational function $\rho(U,V,W)$, one can see that $\lambda_c^{\ast\dag}W$, $\lambda_c/W$, $\lambda_c^{\dag}$, and $\lambda_c^{\ast}$ correspond to $\mathds{D}_a$, $\mathds{D}_b$, $\mathds{E}_a$, $\mathds{E}_b$, respectively, through \eqref{eq: from Z to Zc}. Besides, by denoting $\eta_{c} := 4 U^2 + 4 V^2 + 4 U V (3 W - W^{-1}) + (W - W^{-1})(9W - W^{-1})$ and $\zeta_{c} :=-4 U^2 - 4 V^2 + 4 U V (W + W^{-1}) - (W - W^{-1})(3W - W^{-1})$, corresponding to $(-\mathds{R} + 4a_0b_2(a_1b_1+2\mathds{B}))$ and $(\mathds{R} - 2a_0b_2\mathds{B})$, respectively, one has $\eta_{c}^{\ast} = \eta_{c}^{\ast\dag}$ and $\zeta_{c}^{\ast} = \zeta_{c}^{\ast\dag}$ corresponding to $(-\mathds{R} + 4a_2b_0(a_1b_1 - 2\mathds{B}))$ and $(\mathds{R} + 2a_2b_0\mathds{B})$, respectively. Denote $\mathcal{Z}_{b_c}$ as the set of biquadratic functions in the form of \eqref{eq: canonical form}, where the coefficients $U$, $V$, $W$ $> 0$ and they do not satisfy the condition of Lemma~\ref{lemma: condition of at most four} transformed through \eqref{eq: from Z to Zc}. It is clear that $Z(s) \in \mathcal{Z}_b$ if and only if $Z_c(s) \in \mathcal{Z}_{b_c}$. In this paper, the canonical biquadratic form as in \eqref{eq: canonical form} is introduced so as to further simplify the realizability conditions of \eqref{eq: biquadratic impedance} (in the proof of Theorems~2, 4, and 6). \section{Main Results} \label{sec: main results} Section~\ref{subsec: Preliminaries} presents some basic lemmas that will be used in the following discussions. Section~\ref{subsec: same type} investigates the realization of biquadratic impedances as a five-element bridge network containing two reactive elements of the same type. In Section~\ref{subsec: different type}, the realization problem of biquadratic impedances as a five-element bridge network containing one inductor and one capacitor is investigated. Section~\ref{subsec: summary and notes} presents the final results (Theorems~\ref{theorem: final condition} and \ref{theorem: final corollary}). \subsection{Basic Lemmas} \label{subsec: Preliminaries} \begin{lemma} \cite{HS12} \label{lemma: type of elements} {If a biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable with two reactive elements of different types and an arbitrary number of resistors, then $\mathds{R} < 0$. If a biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable with two reactive elements of the same type and an arbitrary number of resistors, then $\mathds{R} > 0$.} \end{lemma} Let $\mathcal{P}(a,a')$ denote the \textit{path} (see \cite[pg.~14]{SR61}) whose \textit{terminal vertices} (see \cite[pg.~14]{SR61}) are $a$ and $a'$ \cite{CWSL13}; let $\mathcal{C}(a,a')$ denote the \textit{cut-set} (see \cite[pg.~28]{SR61}) that separates $\mathcal{N}$ into two connected subgraphs $\mathcal{N}_1$ and $\mathcal{N}_2$ containing $a$ and $a'$, respectively \cite{CWSL13}. \begin{lemma} \cite{WCH14} \label{lemma: topological structure} {For a network with two terminals $a$ and $a'$ that realizes a biquadratic impedance $Z(s) \in \mathcal{Z}_b$, its network graph can neither contain the path $\mathcal{P}(a,a')$ nor contain the cut-set $\mathcal{C}(a,a')$ whose edges correspond to only one kind of reactive elements.} \end{lemma} \begin{lemma} \label{lemma: U V W lemma} {If $U$, $V$, $W$ $> 0$ satisfy $W \neq 3$, \begin{equation} - 4U^2 - 4V^2 + 4UV(W + W^{-1})-(W - W^{-1})^2 > 0, \label{eq: lemma U V W condition 01} \end{equation} and \begin{equation} \begin{split} -4U^2 - 4V^2 &+ 4UV(W - 3W^{-1}) \\ &- (W - W^{-1})(W - 9W^{-1}) \geq 0, \label{eq: lemma U V W condition 02} \end{split} \end{equation} then \begin{equation} \label{eq: lemma U V W condition 03} 4\zeta_{c}^{\ast}W^{-1}(UW-V)(UW-3V) + 8\lambda_c^{\ast}(V^2 - U^2) > 0. \end{equation}} \end{lemma} \begin{proof} See \cite{CWLC15} for details. \end{proof} \subsection{Five-Element Bridge Networks with Two Reactive Elements of the Same Type} \label{subsec: same type} \begin{lemma} \label{lemma: realization of Five-Element Bridge Networks with Two Reactive Elements of the Same Type} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as a five-element bridge network containing two reactive elements of the same type if and only if $Z(s)$ is the impedance of one of configurations in Figs.~\ref{fig: Quartet-01-same-kind} and \ref{fig: Quartet-02-same-kind}.} \end{lemma} \begin{proof} The proof is straightforward based on Lemma~\ref{lemma: topological structure} using the method of enumeration. \end{proof} \begin{figure}[thpb] \centering \includegraphics[scale=1.1]{Duet01.eps} \caption{The two-reactive five-element bridge configurations containing the same type of reactive elements, which are respectively supported by two one-terminal-pair labeled graphs $\mathcal{N}_1$ and $\text{Dual}(\mathcal{N}_1)$, where (a) is No.~85 configuration in \cite{Lad48} and (b) is No.~60 configuration in \cite{Lad48}.} \label{fig: Quartet-01-same-kind} \end{figure} \begin{figure}[thpb] \centering \includegraphics[scale=1.1]{Duet02.eps} \caption{The two-reactive five-element bridge configurations containing the same type of reactive elements, which are respectively supported by two one-terminal-pair labeled graphs $\mathcal{N}_2$ and $\text{Dual}(\mathcal{N}_2)$, where (a) is No.~86 configuration in \cite{Lad48} and (b) is No.~61 configuration in \cite{Lad48}.} \label{fig: Quartet-02-same-kind} \end{figure} \begin{theorem} \label{theorem: condition of the No. 85 network} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-01-same-kind} if and only if $\mathds{R} - 4a_0a_2b_0b_2 \geq 0$. Furthermore, if $\mathds{R} - 4a_0a_2b_0b_2 \geq 0$ and $\mathds{B} > 0$, then $Z(s)$ is realizable as the configuration in Fig.~\ref{fig: Quartet-01-same-kind}(a) with values of elements satisfying \begin{subequations} \begin{align} R_2 &= \frac{a_0 - b_0R_1}{b_0}, \label{eq: No. 85 values R2} \\ R_3 &= \frac{a_2 R_1}{b_2 R_1 - a_2}, \label{eq: No. 85 values R3} \\ C_1 &= \frac{(a_1 a_2b_0 + a_0 \mathds{C}) R_1 - a_0a_1a_2}{(a_0-b_0R_1)R_1^2 \mathds{M}}, \label{eq: No. 85 values C1} \\ C_2 &= \frac{(a_2b_0b_1 + b_2 \mathds{A}) - b_0b_1b_2 R_1}{(a_0-b_0R_1) \mathds{M}}, \label{eq: No. 85 values C2} \end{align} \end{subequations} and $R_1$ is the positive root of the following quadratic equation: \begin{equation} \label{eq: equation for the root No. 85} b_0 b_2 \Gamma_a R_1^2 - (\mathds{M}\mathds{R} + 2a_0a_2b_0b_2\Delta_{ab}) R_1 + a_0a_2 \Gamma_b = 0. \end{equation} } \end{theorem} \begin{proof} \textit{Necessity.} The impedance of the configuration in Fig.~\ref{fig: Quartet-01-same-kind}(a) is \begin{equation} \label{eq: general impedance of No. 85 network} Z(s) = \frac{a(s)}{b(s)}, \end{equation} where $a(s) = R_1R_2R_3C_1C_2s^2 + ((R_1R_2+R_2R_3+R_1R_3)C_1+(R_1+R_2)R_3C_2)s+(R_1+R_2)$ and $b(s) = (R_1+R_3)R_2C_1C_2s^2 + ((R_1+R_3)C_1+(R_1+R_2+R_3)C_2)s + 1$. Supposing that $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-01-same-kind}(a), it follows that \begin{subequations} \begin{align} R_1 R_2 R_3 C_1 C_2 &= ka_2, \label{eq: No. 85 ka2} \\ (R_1R_2+ R_3(R_1 + R_2))C_1+(R_1+R_2)R_3&C_2 = ka_1, \label{eq: No. 85 ka1} \\ R_1+R_2 &= ka_0, \label{eq: No. 85 ka0} \\ (R_1+R_3)R_2 C_1C_2 &= kb_2, \label{eq: No. 85 kb2} \\ (R_1+R_3)C_1+(R_1+R_2+R_3)C_2 &= kb_1, \label{eq: No. 85 kb1} \\ 1 &= kb_0. \label{eq: No. 85 kb0} \end{align} \end{subequations} From \eqref{eq: No. 85 kb0}, one obtains \begin{equation} \label{eq: No. 85 k} k = \frac{1}{b_0}. \end{equation} From \eqref{eq: No. 85 ka2} and \eqref{eq: No. 85 kb2}, it follows that $1/R_1 + 1/R_3 = b_2/a_2$. The assumption that $R_1 > 0$ and $R_3 > 0$ implies \begin{equation} \label{eq: No. 85 positive restriction 02} b_2 R_1 - a_2 > 0. \end{equation} Hence, $R_3$ is solved as \eqref{eq: No. 85 values R3}. Based on \eqref{eq: No. 85 ka0} and \eqref{eq: No. 85 k}, $R_2$ is solved as \eqref{eq: No. 85 values R2}, implying \begin{equation} a_0 - b_0 R_1 > 0. \label{eq: No. 85 positive restriction 01} \end{equation} Substituting \eqref{eq: No. 85 values R2}, \eqref{eq: No. 85 values R3}, and \eqref{eq: No. 85 k} into \eqref{eq: No. 85 ka1} and \eqref{eq: No. 85 kb1}, $C_1$ and $C_2$ can be solved as \eqref{eq: No. 85 values C1} and \eqref{eq: No. 85 values C2}, implying \begin{align} (a_1 a_2b_0 + a_0 \mathds{C}) R_1 - a_0a_1a_2 &> 0, \label{eq: No. 85 positive restriction 03} \\ (a_2b_0b_1 + b_2 \mathds{A}) - b_0b_1b_2 R_1 &> 0. \label{eq: No. 85 positive restriction 04} \end{align} Substituting \eqref{eq: No. 85 values R2}--\eqref{eq: No. 85 values C2} and \eqref{eq: No. 85 k} into \eqref{eq: No. 85 ka2} yields \eqref{eq: equation for the root No. 85}. The discriminant of \eqref{eq: equation for the root No. 85} in $R_1$ is obtained as \begin{equation} \label{eq: discriminant of No. 85} \begin{split} \delta &= (- \mathds{M}\mathds{R} - 2a_0a_2b_0b_2\Delta_{ab})^2 - 4b_0b_2\Gamma_a a_0a_2\Gamma_b \\ &= \mathds{M}^2 \mathds{R} (\mathds{R} - 4a_0a_2b_0b_2), \end{split} \end{equation} which must be nonnegative. Together with Lemma~\ref{lemma: type of elements}, it follows that $\mathds{R} - 4a_0a_2b_0b_2 \geq 0$. Moreover, from \eqref{eq: No. 85 positive restriction 02} and \eqref{eq: No. 85 positive restriction 01}, one obtains $\mathds{B} > 0$. Therefore, if $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-01-same-kind}(b), then $\mathds{R} - 4a_0a_2b_0b_2 \geq 0$ and $\mathds{B} < 0$, which are obtained through the principle of duality ($a_2 \leftrightarrow b_2$, $a_1 \leftrightarrow b_1$, and $a_0 \leftrightarrow b_0$) \cite{CWLC15}. \textit{Sufficiency.} By the principle of duality, it suffices to show that if $\mathds{R} - 4a_0a_2b_0b_2 \geq 0$ and $\mathds{B} > 0$, then $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-01-same-kind}(a). Since $\mathds{R} - 4a_0a_2b_0b_2 \geq 0$, it follows that $\Gamma_a \geq 4a_0a_2b_0b_2 + b_0b_2 \Delta_a = a_1^2 b_0 b_2 > 0$, $\Gamma_b \geq 4a_0a_2b_0b_2 + a_0a_2 \Delta_b = b_1^2 a_0 a_2 > 0$, $\mathds{M}\mathds{R} + 2a_0a_2b_0b_2(a_1b_1 - 2 \mathds{M}) \geq 4a_0a_2b_0b_2 \mathds{M} + 2a_0a_2b_0b_2(a_1b_1 - 2 \mathds{M}) = 2a_0a_1a_2b_0b_1b_2 > 0$, and the discriminant of \eqref{eq: equation for the root No. 85} in $R_1$ as expressed in \eqref{eq: discriminant of No. 85} is nonnegative. Hence, \eqref{eq: equation for the root No. 85} in $R_1$ has one or two nonzero real roots, which must be positive. Moreover, $\mathds{A} \mathds{C} > 0$ since $\mathds{R} = \mathds{A} \mathds{C} - \mathds{B}^2 > 0$. Assume that $\mathds{A} < 0$, that is, $a_0 b_1 < a_1 b_0$. Together with $\mathds{B} > 0$, that is, $a_2 b_0 < a_0 b_2$, one obtains that $(a_0 b_1) (a_2 b_0) < (a_1 b_0) (a_0 b_2)$, which is equivalent to $\mathds{C} > 0$. This contradicts the fact that $\mathds{A} \mathds{C} > 0$ as derived above. Therefore, it is only possible that $\mathds{A} > 0$ and $\mathds{C} > 0$, which implies that $a_1 a_2 b_0 + a_0 \mathds{C} > 0$ and $a_2b_0b_1 + b_2 \mathds{A} > 0$. Replacing $R_1$ in \eqref{eq: equation for the root No. 85} by $a_0/b_0$ and $a_2/b_2$ yields $a_0^2 \mathds{C}^2 > 0$ and $a_2^2 \mathds{A}^2 > 0$, respectively. Therefore, $a_0 - b_0R_1 \neq 0$ and $b_2R_1 - a_2 \neq 0$ provided that $R_1$ is the positive root of \eqref{eq: equation for the root No. 85}. For the configuration in Fig.~\ref{fig: Quartet-01-same-kind}(a), let the values of the elements therein satisfy \eqref{eq: No. 85 values R2}--\eqref{eq: No. 85 values C2}, where $R_1$ is the positive root of \eqref{eq: equation for the root No. 85}. Let the value of $k$ satisfy \eqref{eq: No. 85 k}. It can be verified that \eqref{eq: No. 85 ka2}--\eqref{eq: No. 85 kb0} hold. Hence, it follows that $k^4 \mathds{R} = ((R_1+R_3)R_1C_1 + (R_1+R_2)R_3C_2)^2R_2^2C_1C_2$, which implies that $C_1$ and $C_2$ must be simultaneously positive or negative. This means that $((a_1a_2b_0 + a_0 \mathds{C})R_1 - a_0a_1a_2)$ and $((a_2b_0b_1 + b_2 \mathds{A}) - b_0b_1b_2R_1)$ are simultaneously positive or negative. Assume that $(a_1a_2b_0 + a_0 \mathds{C})R_1 - a_0a_1a_2 < 0$ and $(a_2b_0b_1 + b_2 \mathds{A}) - b_0b_1b_2R_1 < 0$. Then, one obtains $(a_1a_2b_0 + a_0 \mathds{C})(a_2b_0b_1 + b_2 \mathds{A}) < a_0a_1a_2 b_0b_1b_2$, which is equivalent to $\mathds{A} \mathds{C} < 0$. This contradicts $\mathds{A} \mathds{C} > 0$. Therefore, conditions~\eqref{eq: No. 85 positive restriction 03} and \eqref{eq: No. 85 positive restriction 04} hold, which is equivalent to $(a_0a_1a_2)/(a_1a_2b_0+a_0\mathds{C}) < R_1 < (a_2b_0b_1 + b_2 \mathds{A})/(b_0b_1b_2)$. Since $(a_0a_1a_2)/(a_1a_2b_0+a_0\mathds{C}) > a_2/b_2$ and $(a_2b_0b_1 + b_2 \mathds{A})/(b_0b_1b_2) < a_0/b_0$ because of $\mathds{A} > 0$ and $\mathds{C} > 0$, it follows that conditions~\eqref{eq: No. 85 positive restriction 01} and \eqref{eq: No. 85 positive restriction 02} must hold. Hence, the values of elements as expressed in \eqref{eq: No. 85 values R2}--\eqref{eq: equation for the root No. 85} must be positive and finite. As a conclusion, the given impedance $Z(s)$ is realizable as the specified network. \end{proof} \begin{lemma} \label{lemma: condition of the No. 86 network} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-02-same-kind}(a) with $R_1 \neq R_2$ if and only if there exists a positive root of \begin{equation} \label{eq: equation for the root No. 86} b_0 \mathds{E}_b R_3^2 - (\mathds{R} + 2a_2b_0\mathds{B}) R_3 + a_2 \mathds{D}_a = 0 \end{equation} in $R_3$ such that \begin{subequations} \begin{align} b_2 R_3 - a_2 &> 0, \label{eq: No. 86 positive restriction 01} \\ a_0 - b_0 R_3 &> 0, \label{eq: No. 86 positive restriction 02} \\ b_0 (\mathds{C} - 2a_2b_1)\mathds{C}R_3 + a_2(a_0&a_2b_1^2 - a_1^2b_0b_2) > 0. \label{eq: No. 86 positive restriction 03} \end{align} \end{subequations} Furthermore, if the condition is satisfied and if $R_1 > R_2$, then the values of the elements are expressed as \begin{subequations} \begin{align} R_1 &= \frac{(a_0 - b_0R_3)(1+\sqrt{\Lambda})}{2b_0}, \label{eq: No. 86 values R1} \\ R_2 &= \frac{(a_0 - b_0R_3)(1-\sqrt{\Lambda})}{2b_0}, \label{eq: No. 86 values R2} \\ C_1 &= \frac{a_1 - b_1 R_2}{b_0(R_2+R_3)(R_1 - R_2)}, \label{eq: No. 86 values C1} \\ C_2 &= \frac{b_1 R_1 - a_1}{b_0(R_1+R_3)(R_1 - R_2)}, \label{eq: No. 86 values C2} \end{align} \end{subequations} where \begin{equation} \Lambda = 1 - \frac{4 a_2 b_0 R_3}{(b_2 R_3 - a_2)(a_0 - b_0R_3)}, \end{equation} and $R_3$ is the positive root of \eqref{eq: equation for the root No. 86} satisfying \eqref{eq: No. 86 positive restriction 01}--\eqref{eq: No. 86 positive restriction 03}. } \end{lemma} \begin{proof} \textit{Necessity.} The impedance of the configuration in Fig.~\ref{fig: Quartet-02-same-kind}(a) is obtained as \begin{equation} \label{eq: general impedance of No. 86 network} Z(s) = \frac{a(s)}{b(s)}, \end{equation} where $a(s) = R_1R_2R_3C_1C_2 s^2 + ((R_2+R_3)R_1C_1 + (R_1+R_3)R_2C_2)s + (R_1 + R_2 + R_3)$ and $b(s) = (R_1R_2 + R_2R_3 + R_3R_1)C_1C_2s^2 + ((R_2+R_3)C_1 + (R_1+R_3)C_2)s+1$. Then, \begin{subequations} \begin{align} R_1R_2R_3C_1C_2 &= ka_2, \label{eq: No. 86 ka2} \\ (R_2 + R_3)R_1 C_1 + (R_1 + R_3)R_2C_2 &= ka_1, \label{eq: No. 86 ka1} \\ R_1 + R_2 + R_3 &= ka_0, \label{eq: No. 86 ka0} \\ (R_1R_2 + R_2R_3 + R_3R_1)C_1C_2 &= kb_2, \label{eq: No. 86 kb2} \\ (R_2+R_3)C_1 + (R_1+R_3)C_2 &= kb_1, \label{eq: No. 86 kb1} \\ 1 &= kb_0. \label{eq: No. 86 kb0} \end{align} \end{subequations} It is obvious that \eqref{eq: No. 86 kb0} is equivalent to \begin{equation} \label{eq: No. 86 k} k = \frac{1}{b_0}. \end{equation} Together with \eqref{eq: No. 86 ka1} and \eqref{eq: No. 86 kb1}, $C_1$ and $C_2$ are solved as \eqref{eq: No. 86 values C1} and \eqref{eq: No. 86 values C2}. From \eqref{eq: No. 86 ka2} and \eqref{eq: No. 86 kb2}, one obtains \begin{equation} \label{eq: No. 86 1/R1 + 1/R2 + 1/R3} \frac{1}{R_1} + \frac{1}{R_2} + \frac{1}{R_3} = \frac{b_2}{a_2}. \end{equation} As a result, condition~\eqref{eq: No. 86 positive restriction 01} is derived. Due to the symmetry of this configuration, one can assume that $R_1 > R_2$ without loss of generality. Therefore, from \eqref{eq: No. 86 ka0}, \eqref{eq: No. 86 k}, and \eqref{eq: No. 86 1/R1 + 1/R2 + 1/R3}, $R_1$ and $R_2$ are solved as \eqref{eq: No. 86 values R1} and \eqref{eq: No. 86 values R2}, which implies condition~\eqref{eq: No. 86 positive restriction 02}. Substituting the expressions of \eqref{eq: No. 86 values R1}--\eqref{eq: No. 86 values C2} and \eqref{eq: No. 86 k} into $(R_1R_2R_3C_1C_2 - ka_2)$ gives \begin{equation} \begin{split} &R_1R_2R_3C_1C_2 - ka_2 \\ =& \frac{a_2}{b_0} \cdot \frac{b_0 \mathds{E}_b R_3^2 - (\mathds{R} + 2a_2b_0\mathds{B}) R_3 + a_2 \mathds{D}_a}{\mathds{B}(b_0 b_2 R_3^2 + (2 a_2 b_0 - \mathds{B}) R_3 + a_0 a_2)}. \end{split} \end{equation} Then, one obtains \eqref{eq: equation for the root No. 86}. Since $\Lambda$ must be nonnegative and $(b_0 b_2 R_3^2 + (2 a_2 b_0 - \mathds{B}) R_3 + a_0 a_2)$ cannot be zero, it follows that \begin{equation} \label{eq: No. 86 negative} b_0 b_2 R_3^2 + (2 a_2 b_0 - \mathds{B}) R_3 + a_0 a_2 < 0. \end{equation} Substituting the expressions of the roots of \eqref{eq: equation for the root No. 86} into \eqref{eq: No. 86 negative} yields $((\mathds{R} + 2a_2b_0\mathds{B}) + \sqrt{(\mathds{R} + 2a_2b_0\mathds{B})^2 - 4a_2b_0 \mathds{D}_a\mathds{E}_b}) (\mathds{C} - 2a_2b_1)\mathds{C} + 2a_2 \mathds{E}_b (a_0a_2b_1^2 - a_1^2b_0b_2) > 0$ or $((\mathds{R} + 2a_2b_0\mathds{B}) - \sqrt{(\mathds{R} + 2a_2b_0\mathds{B})^2 - 4a_2b_0\mathds{D}_a\mathds{E}_b}) (\mathds{C} - 2a_2b_1)\mathds{C} + 2a_2 \mathds{E}_b (a_0a_2b_1^2 - a_1^2b_0b_2) > 0$, which is equivalent to condition~\eqref{eq: No. 86 positive restriction 03}. \textit{Sufficiency.} Let the values of the elements satisfy \eqref{eq: No. 86 values R1}--\eqref{eq: No. 86 values C2}, and $R_3$ be a positive root of \eqref{eq: equation for the root No. 86} satisfying \eqref{eq: No. 86 positive restriction 01} and \eqref{eq: No. 86 positive restriction 02}. Let $k$ satisfy \eqref{eq: No. 86 k}. Then, it can be verified that \eqref{eq: No. 86 ka2}--\eqref{eq: No. 86 kb0} are satisfied. Now, it suffices to prove that values of elements must be positive and finite. From the discussion in the necessity part, it is noted that condition~\eqref{eq: No. 86 positive restriction 03} yields $\Lambda > 0$, and conditions~\eqref{eq: No. 86 positive restriction 01} and \eqref{eq: No. 86 positive restriction 02} imply $R_1 > 0$ and $R_2 > 0$. Besides, one has \begin{equation} \begin{split} C_1 C_2 =& \frac{b_1^2(a_0-b_0R_3)^2\Lambda - (\mathds{A} - a_1b_0 - b_0b_1R_3)^2}{(a_0 - b_0R_3)^2((a_0+b_0R_3)^2-(a_0-b_0R_3)^2\Lambda)\Lambda} \\ =& \frac{(b_2 R_3 - a_2)(b_0b_1\mathds{C}R_3^2 - \mathds{A}\mathds{C} R_3 + a_1a_2 \mathds{A})} {(a_0 - b_0R_3)(b_0b_2R_3^2 + (2a_2b_0 - \mathds{B}) R_3 + a_0a_2)R_3^2\mathds{B}} \\ =& \frac{(b_2 R_3 - a_2)}{(a_0 - b_0R_3)R_3^2} > 0, \end{split} \end{equation} where the third equality is \eqref{eq: equation for the root No. 86}. Since $R_1 > R_2$, it follows from \eqref{eq: No. 86 values C1} and \eqref{eq: No. 86 values C2} that $C_1 > 0$ and $C_2 > 0$. \end{proof} The realizability condition for the configuration in Fig.~\ref{fig: Quartet-02-same-kind}(a) with $R_1 = R_2$ is derived as follows. \begin{lemma} \label{lemma: condition of the No. 86' network} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-02-same-kind}(a) with $R_1 = R_2$ if and only if \begin{subequations} \begin{align} a_1b_1^2(2\mathds{A} - a_1b_0) - 4b_2\mathds{A}^2 &\geq 0, \label{eq: No. 86 network condition 01 R1 = R2} \\ a_1b_2(\mathds{A} - a_1b_0) = a_2b_1(2\mathds{A} - a_1b_0) &> 0. \label{eq: No. 86 network condition 02 R1 = R2} \end{align} \end{subequations} Furthermore, if the condition is satisfied, then the values of the elements are expressed as \begin{subequations} \begin{align} R_1 &= \frac{a_1}{b_1}, \label{eq: No. 86' values R1} \\ R_2 &= \frac{a_1}{b_1}, \label{eq: No. 86' values R2} \\ R_3 &= \frac{\mathds{A} - a_1b_0}{b_0 b_1}, \label{eq: No. 86' values R3} \\ C_1 &= \frac{b_1^2b_2}{a_1(2\mathds{A} - a_1b_0)C_2}, \label{eq: No. 86' values C1} \end{align} \end{subequations} and $C_2$ is a positive root of \begin{equation} \label{eq: No. 86' values C2} a_1\mathds{A}(2\mathds{A} - a_1b_0) C_2^2 - a_1 b_1^2 (2\mathds{A} - a_1b_0) C_2 + b_1^2b_2\mathds{A} =0. \end{equation} } \end{lemma} \begin{proof} \textit{Necessity.} Since it is assumed that $R_1 = R_2$, \eqref{eq: No. 86 ka2}--\eqref{eq: No. 86 kb0} become \begin{subequations} \begin{align} R_1^2 R_3C_1C_2 &= ka_2, \label{eq: No. 86' ka2} \\ (R_1 + R_3)R_1 C_1 + (R_1 + R_3)R_1C_2 &= ka_1, \label{eq: No. 86' ka1} \\ 2R_1 + R_3 &= ka_0, \label{eq: No. 86' ka0} \\ (R_1 + 2R_3)R_1C_1C_2 &= kb_2, \label{eq: No. 86' kb2} \\ (R_1+R_3)C_1 + (R_1+R_3)C_2 &= kb_1, \label{eq: No. 86' kb1} \\ 1 &= kb_0. \label{eq: No. 86' kb0} \end{align} \end{subequations} It is obvious that \eqref{eq: No. 86' kb0} is equivalent to \begin{equation} \label{eq: No. 86' k} k = \frac{1}{b_0}. \end{equation} From \eqref{eq: No. 86' ka1} and \eqref{eq: No. 86' kb1}, it follows that $R_1$ satisfies \eqref{eq: No. 86' values R1}, implying that $R_2$ satisfies \eqref{eq: No. 86' values R2}. Then, substituting \eqref{eq: No. 86' values R1} and \eqref{eq: No. 86' k} into \eqref{eq: No. 86' ka0}, one concludes that $R_3$ satisfies \eqref{eq: No. 86' values R3}, which implies $\mathds{A} - a_1b_0 > 0$. Thus, it follows from \eqref{eq: No. 86' kb2} and \eqref{eq: No. 86' kb1} that $C_1$ satisfies \eqref{eq: No. 86' values C1} and $C_2$ is a positive root of \eqref{eq: No. 86' values C2}. Consequently, $2\mathds{A} - a_1b_0 > 0$. Since the discriminant of \eqref{eq: No. 86' values C2} should be nonnegative, one obtains condition~\eqref{eq: No. 86 network condition 01 R1 = R2}. Finally, substituting \eqref{eq: No. 86' values R1}--\eqref{eq: No. 86' values C2} and \eqref{eq: No. 86' k} into \eqref{eq: No. 86' ka2} yields $a_1b_2(\mathds{A} - a_1b_0) - a_2b_1 (2\mathds{A} - a_1b_0) = 0$. Since $\mathds{A} - a_1b_0 > 0$, condition~\eqref{eq: No. 86 network condition 02 R1 = R2} is obtained. \textit{Sufficiency.} Let the values of the elements satisfy \eqref{eq: No. 86' values R1}--\eqref{eq: No. 86' values C2}. Let $k$ satisfy \eqref{eq: No. 86' k}. $\mathds{A} - a_1b_0 > 0$ and condition~\eqref{eq: No. 86 network condition 01 R1 = R2} guarantee all the elements to be positive and finite. Since condition~\eqref{eq: No. 86 network condition 02 R1 = R2} holds, it can be verified that \eqref{eq: No. 86 ka2}--\eqref{eq: No. 86 kb0} hold. Therefore, \eqref{eq: general impedance of No. 86 network} is equivalent to \eqref{eq: biquadratic impedance}. \end{proof} Following Lemmas~\ref{lemma: condition of the No. 86 network} and \ref{lemma: condition of the No. 86' network}, one can derive the following theorem, where the realizability condition of the configuration in Fig.~\ref{fig: Quartet-02-same-kind}(b) follows from that of Fig.~\ref{fig: Quartet-02-same-kind}(a) based on the principle of duality \cite{CWLC15}. \begin{theorem} \label{theorem: condition of the No. 86 network} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-02-same-kind}(a) (resp. Fig.~\ref{fig: Quartet-02-same-kind}(b)) if and only if $\mathds{R} > 0$ and $\mathds{R} - 4a_2b_0(a_1b_1-2\mathds{B}) \geq 0$ (resp. $\mathds{R} > 0$ and $\mathds{R} - 4a_0b_2(a_1b_1 + 2\mathds{B}) \geq 0$). } \end{theorem} \begin{proof} First, one can show that the condition of Lemma~\ref{lemma: condition of the No. 86 network} is equivalent to \begin{align} &\mathds{R} > 0, \ \mathds{B} > 0 , \ \mathds{R} - 4a_2b_0(a_1b_1-2\mathds{B}) \geq 0, \label{eq: No. 86 subcondition 02} \\ &2a_2b_0\mathds{E}_b < b_2 (\mathds{R} + 2a_2b_0\mathds{B}) < 2a_0b_2\mathds{E}_b, \label{eq: No. 86 subcondition 01} \\ (\mathds{R} &+ 2a_2b_0\mathds{B})(\mathds{C} - 2a_2b_1)\mathds{C}+ 2(a_0a_2b_1^2-a_1^2b_0b_2)a_2\mathds{E}_b > 0. \label{eq: No. 86 subcondition 03} \end{align} Suppose that the condition of Lemma~\ref{lemma: condition of the No. 86 network} holds. The discriminant of \eqref{eq: equation for the root No. 86} is obtained as $\delta = \mathds{R} (\mathds{R} - 4a_2b_0(a_1b_1-2\mathds{B}))$. By Lemma~\ref{lemma: type of elements}, one has $\mathds{R} > 0$. Together with $\delta \geq 0$, one concludes that $\mathds{R} - 4a_2b_0(a_1b_1-2\mathds{B}) \geq 0$ must hold. From \eqref{eq: No. 86 positive restriction 01} and \eqref{eq: No. 86 positive restriction 02}, one obtains $\mathds{B} > 0$. Therefore, $\mathds{R} > 0$ indicates $\mathds{A} \mathds{C} > \mathds{B}^2 > 0$, which further implies that $\mathds{R} + 2a_2b_0\mathds{B} > 0$ and \begin{equation} \mathds{E}_b = \frac{-b_2 \mathds{B}^2 + b_1 \mathds{B} \mathds{C}}{\mathds{B}} > \frac{- b_2 \mathds{A} \mathds{C} +b_1\mathds{B} \mathds{C}} {\mathds{B}} = \frac{b_0 \mathds{C}^2}{\mathds{B}} > 0. \end{equation} From \cite[Ch.XV, Theorems 11 and 13]{Gan80}, $\mathds{R} > 0$ yields $\Delta_a > 0$ and $\Delta_b > 0$. Substituting $R_3 = a_2/b_2$ and $R_3 = a_0/b_0$ into the left-hand side of \eqref{eq: equation for the root No. 86} yields, respectively, \begin{align} \left.b_0 \mathds{E}_b R_3^2 - (\mathds{R} + 2a_2b_0\mathds{B}) R_3 + a_2 \mathds{D}_a\right|_{R_3 = \frac{a_2}{b_2}} &= \frac{a_2^2\Delta_b \mathds{B}}{b_2^2} > 0, \\ \left.b_0 \mathds{E}_b R_3^2 - (\mathds{R} + 2a_2b_0\mathds{B}) R_3 + a_2 \mathds{D}_a\right|_{R_3 = \frac{a_0}{b_0}} &= \Delta_a \mathds{B} > 0. \end{align} Thus, condition~\eqref{eq: No. 86 subcondition 01} holds. If $\mathds{C} - 2a_2b_1 = 0$, then condition~\eqref{eq: No. 86 subcondition 03} must hold because of \eqref{eq: No. 86 positive restriction 03}. Otherwise, substituting $R_3 = - a_2(a_0a_2b_1^2 - a_1^2b_0b_2)/(b_0 \mathds{C} (\mathds{C} - 2a_2b_1))$ into the left-hand side of \eqref{eq: equation for the root No. 86}, one obtains \begin{equation} \frac{a_2^2 \mathds{E}_b (3a_1a_2b_0b_1-2a_0a_2b_1^2+a_0a_1b_1b_2-2a_1^2b_0b_2)^2}{b_0 \mathds{C}^2(\mathds{C} - 2a_2b_1)^2} \geq 0. \end{equation} Therefore, condition~\eqref{eq: No. 86 subcondition 03} is also satisfied. Conversely, following the above discussion, one can also prove that \eqref{eq: No. 86 subcondition 02}--\eqref{eq: No. 86 subcondition 03} yield the condition of Lemma~\ref{lemma: condition of the No. 86 network}. By \eqref{eq: from Z to Zc}, one converts \eqref{eq: No. 86 subcondition 02}--\eqref{eq: No. 86 subcondition 03} into $W > 1$ as well as \begin{equation} \mathds{R}_c:= - 4U^2 - 4V^2 + 4UV(W+W^{-1})-(W-W^{-1})^2 > 0, \label{eq: condition 01} \end{equation} \begin{equation} -4U^2 - 4V^2 + 4UV(W-3W^{-1}) - (W-W^{-1})(W-9W^{-1}) \geq 0, \label{eq: condition 02} \end{equation} \begin{equation} \label{eq: condition 03} \begin{split} - 4 U^2 - 4 V^2 &+ 4UV(W-W^{-1}) \\ &- (W-W^{-1})(W-5W^{-1}) + 8V^2 W^{-2} > 0, \end{split} \end{equation} \begin{equation} - 4 V^2 + 4 U^2 + 4 U V (W-W^{-1}) - (W-W^{-1})(W+3W^{-1}) > 0, \label{eq: condition 04} \end{equation} and \begin{equation} 4W^{-1}\zeta_{c}^{\ast}(UW-V)(UW-3V) + 8\lambda_c^{\ast}(V^2 - U^2) > 0. \label{eq: condition 05} \end{equation} It is noted that condition~\eqref{eq: condition 01} yields $U>1$ and $V > 1$, and condition~\eqref{eq: condition 02} yields $W \geq 3$. If $W = 3$, then $U = V$ by \eqref{eq: condition 02}, contradicting condition~\eqref{eq: condition 05}. Hence, $W > 3$. Thus, Lemma~\ref{lemma: U V W lemma} shows that conditions~\eqref{eq: condition 01} and \eqref{eq: condition 02} with $W \neq 3$ imply condition~\eqref{eq: condition 05}. If $UV \leq (W - W^{-1})/2$, then conditions~\eqref{eq: condition 03} and \eqref{eq: condition 04} hold: $- 4 U^2 - 4 V^2 + 4UV (W-W^{-1}) - (W- W^{-1})(W - 5W^{-1})+ 8V^2W^{-2} > (W- W^{-1})^2 - 8UVW^{-1} - (W- W^{-1})(W-5W^{-1}) + 8V^2W^{-2} = 4W^{-1}(W-W^{-1}) - 8UV W^{-1} + 8V^2W^{-2} \geq 8V^2W^{-2} > 0$ and $- 4 V^2 + 4 U^2 + 4 U V (W-W^{-1}) - (W-W^{-1})(W+ 3W^{-1}) > (W-W^{-1})^2 + 8U^2 - 8UVW^{-1} - (W-W^{-1})(W+ 3W^{-1}) = - 4W^{-1}(W - W^{-1}) - 8UV W^{-1} + 8U^2 \geq - 8W^{-1} (W-W^{-1}) + 8U^2 > 8(U^2 - 1) > 0$, because of condition~\eqref{eq: condition 01}. Similarly, if $UV > (W - W^{-1})/2$, then one can also show that conditions~\eqref{eq: condition 03} and \eqref{eq: condition 04} hold because of condition~\eqref{eq: condition 02}. Therefore, the condition of $W \neq 3$ and \eqref{eq: condition 01}--\eqref{eq: condition 02} together is equivalent to that of $W > 1$ and \eqref{eq: condition 01}--\eqref{eq: condition 05}. Moreover, through \eqref{eq: from Z to Zc}, the condition of Lemma~\ref{lemma: condition of the No. 86' network} is converted into \begin{align} 2WV - 3U &> 0, \label{eq: No. 86 condition 01 U V W} \\ 2WU^2 + 2WV^2 - UV(W^2+3) &= 0, \label{eq: No. 86 condition 02 U V W} \\ U^2 + W^2V^2 + 3U^2V^2 - 2WUV^3 - 2WUV &\leq 0. \label{eq: No. 86 condition 03 U V W} \end{align} When $W = 3$ and conditions~\eqref{eq: condition 01} and \eqref{eq: condition 02} hold, one obtains $U=V > 2\sqrt{3}/3$, implying that \eqref{eq: No. 86 condition 01 U V W}--\eqref{eq: No. 86 condition 03 U V W} hold. The proof is completed if one can show that conditions~\eqref{eq: No. 86 condition 01 U V W}--\eqref{eq: No. 86 condition 03 U V W} can imply conditions~\eqref{eq: condition 01} and \eqref{eq: condition 02}. Indeed, by the following transformation \begin{align} U &= x \cos \frac{\pi}{4} - y \sin \frac{\pi}{4} = \frac{\sqrt{2}}{2} (x - y), \\ V &= x \sin \frac{\pi}{4} + y \cos \frac{\pi}{4} = \frac{\sqrt{2}}{2} (x + y), \end{align} conditions~\eqref{eq: No. 86 condition 01 U V W}--\eqref{eq: No. 86 condition 03 U V W} are further converted into $(2W-3)x + (2W+3)y > 0$, $(W+1)(W+3)y^2 - (W-1)(W-3)x^2 = 0$, and $(3-2W)x^4-4Wx^3y-6x^2y^2+4Wxy^3+(2W+3)y^4+2((W-1)x+(W+1)y)^2 \leq 0$ with $x > 0$, which are in term equivalent to \begin{align} y = \pm \sqrt{\frac{(W-1)(W-3)}{(W+1)(W+3)}} x, \label{eq: No. 86 equivalent condition 01 U V W} \\ x \geq \frac{W+1}{2W}\sqrt{\frac{(W-1)(W+3)}{2}}. \label{eq: No. 86 equivalent condition 02 U V W} \end{align} Next, conditions~\eqref{eq: condition 01} and \eqref{eq: condition 02} are converted into \begin{equation} \label{eq: equivalent condition 01} \begin{split} 2W^{-1}(W-1)^2 x^2 - 2W^{-1}&(W+1)^2 y^2 \\ &- W^{-2}(W^2 - 1)^2 > 0, \end{split} \end{equation} \begin{equation} \label{eq: equivalent condition 02} \begin{split} 2W^{-1}(W+&1)(W-3)x^2 \\ &- 2W^{-1}(W+3)(W-1)y^2 \\ &- W^{-2}(W^2-9)(W^2-1) \geq 0. \end{split} \end{equation} Substituting \eqref{eq: No. 86 equivalent condition 01 U V W} into \eqref{eq: equivalent condition 01} and \eqref{eq: equivalent condition 02} gives \begin{align} \frac{8(W-1)x^2}{W+3} - \frac{(W+1)^2(W-1)^2}{W^2} &\geq 0, \\ \frac{8(W-3)x^2}{W+1} - \frac{(W^2-1)(W^2-9)}{W^2} &\geq 0, \end{align} respectively. It is obvious that that conditions~\eqref{eq: No. 86 equivalent condition 01 U V W} and \eqref{eq: No. 86 equivalent condition 02 U V W} can imply conditions~\eqref{eq: equivalent condition 01} and \eqref{eq: equivalent condition 02}. Therefore, $Z_c(s) \in \mathcal{Z}_{b_c}$ is realizable as the configuration in Fig.~\ref{fig: Quartet-02-same-kind}(a) if and only if conditions~\eqref{eq: condition 01} and \eqref{eq: condition 02} hold. Through \eqref{eq: from Zc to Z}, the condition for $Z(s) \in \mathcal{Z}_b$ is obtained as stated in the theorem. \end{proof} \begin{theorem} \label{theorem: main theorem Res > 0} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as a five-element bridge network containing two reactive elements of the same type if and only if $\mathds{R} > 0$ and at least one of $(\mathds{R} - 4a_0b_2(a_1b_1+2\mathds{B}))$, $(\mathds{R} - 4a_2b_0(a_1b_1-2\mathds{B}))$, and $(\mathds{R} - 4a_0a_2b_0b_2)$ is nonnegative. } \end{theorem} \begin{proof} Combining Lemma~\ref{lemma: realization of Five-Element Bridge Networks with Two Reactive Elements of the Same Type} and Theorems~\ref{theorem: condition of the No. 85 network} and \ref{theorem: condition of the No. 86 network} yield the result. \end{proof} \subsection{Five-Element Bridge Networks with One Inductor and One Capacitor} \label{subsec: different type} \begin{lemma} \label{lemma: all the possible quartets for one inductor and one capacitor} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as a five-element bridge network with two reactive elements of different types if and only if $Z(s)$ is the impedance of one of configurations in Figs.~\ref{fig: Quartet-01-different-kind}--\ref{fig: Quartet-03-different-kind}.} \end{lemma} \begin{proof} This lemma is proved by a simple enumeration. \end{proof} \begin{figure}[thpb] \centering \includegraphics[scale=1.1]{Duet03.eps} \caption{The two-reactive five-element bridge configurations containing different types of reactive elements, which are respectively supported by two one-terminal-pair labeled graphs $\mathcal{N}_3$ and $\text{Dual}(\mathcal{N}_3)$, where (a) is No.~70 configuration in \cite{Lad48}, and (b) is No.~95 configuration in \cite{Lad48}.} \label{fig: Quartet-01-different-kind} \end{figure} \begin{figure}[thpb] \centering \includegraphics[scale=1.1]{Duet04.eps} \caption{The two-reactive five-element bridge configurations containing different types of reactive elements, which are respectively supported by two one-terminal-pair labeled graphs $\mathcal{N}_4$ and $\text{Dual}(\mathcal{N}_4)$, where (a) is No.~105 configuration in \cite{Lad48}, and (b) is No.~107 configuration in \cite{Lad48}.} \label{fig: Quartet-02-different-kind} \end{figure} \begin{figure}[thpb] \centering \includegraphics[scale=1.1]{Duet05.eps} \caption{The two-reactive five-element bridge configuration containing different types of reactive elements, which is supported by a one-terminal-pair labeled graph $\mathcal{N}_5$ satisfying $\mathcal{N}_5 = \text{Dual}(\mathcal{N}_5)$, and it is No.~108 configuration in \cite{Lad48}.} \label{fig: Quartet-03-different-kind} \end{figure} The realizability condition of Fig.~\ref{fig: Quartet-01-different-kind} has already been established in \cite{JS11}, as follows. \begin{lemma} \cite{JS11} \label{lemma: condition of the quartet 01} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-01-different-kind}(a) (resp. Fig.~\ref{fig: Quartet-01-different-kind}(b)) if and only if $\mathds{B} < 0$, $\mathds{R} - 4a_0b_2(a_1b_1 + 2\mathds{B}) \leq 0$ (resp. $\mathds{B} > 0$, $\mathds{R} - 4a_2b_0(a_1b_1 - 2\mathds{B}) \leq 0$), and signs of $\mathds{D}_b$, $\mathds{E}_a$, and $(\mathds{R} - 2a_0b_2 \mathds{B})$ (resp. $\mathds{D}_a$, $\mathds{E}_b$, and $(\mathds{R} + 2a_2b_0 \mathds{B})$) are not all the same. If $\mathds{R} - 2a_0b_2\mathds{B} = 0$ (resp. $\mathds{R} + 2a_2b_0\mathds{B} = 0$), then $\mathds{D}_b \mathds{E}_a < 0$ (resp. $\mathds{D}_a \mathds{E}_b < 0$). } \end{lemma} By the star-mesh transformation \cite{Ver70}, it can be verified that the configuration in Fig.~\ref{fig: Quartet-02-different-kind}(a) is equivalent to that in Fig.~\ref{fig: network of No. 104}. The element values for configurations in Figs.~\ref{fig: Quartet-02-different-kind}--\ref{fig: network of No. 104} have been listed in \cite{Lad48}, without any detail of derivation. \begin{figure}[thpb] \centering \includegraphics[scale=1.2]{No.104.eps} \caption{The two-reactive five-element series-parallel configuration that is equivalent to Fig.~\ref{fig: Quartet-02-different-kind}(a), which is No.~104 configuration in \cite{Lad48}.} \label{fig: network of No. 104} \end{figure} \begin{lemma} \label{lemma: further condition of the No. 104 network} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: network of No. 104} if and only if $\mathds{R} < 0$ and one of the following two conditions is satisfied: \begin{enumerate} \item[1.] $\Gamma_a < 0$, either $\mathds{D}_b > 0$ for $\mathds{B} < 0$ or $\mathds{E}_b > 0$ for $\mathds{B} > 0$, and the signs of $\Delta_b$, $-\Delta_{ab}$, and $\Gamma_a$ are not all the same (when one of them is zero, the other two are nonzero and have different signs); \item[2.] $\Gamma_a > 0$, $\Delta_b > 0$, $\Delta_{ab} > 0$, and either $\mathds{D}_b + b_0 \mathds{B} < 0$ for $\mathds{B} < 0$ or $\mathds{E}_b - b_2 \mathds{B} < 0$ for $\mathds{B} > 0$. \end{enumerate} Furthermore, if the above condition is satisfied, then the values of the elements are expressed as \begin{subequations} \begin{align} R_1 &= \frac{a_2 - b_2R_3}{b_2}, \label{eq: No. 104 values R1} \\ R_2 &= \frac{a_0 - b_0R_3}{b_0}, \label{eq: No. 104 values R2} \\ L_1 &= \frac{\mathds{M}-2b_0b_2R_3}{b_0b_1}, \label{eq: No. 104 values L1} \\ C_1 &= \frac{b_1b_2}{\mathds{M}-2b_0b_2R_3}, \label{eq: No. 104 values C1} \end{align} \end{subequations} and $R_3$ is a positive root of \begin{equation} \label{eq: equation for the root No. 104} b_0b_2 \Delta_b R_3^2 - 2b_0b_2\Delta_{ab} R_3 + \Gamma_a = 0, \end{equation} satisfying \begin{equation} R_3 < \min\{a_2/b_2, a_0/b_0\}. \label{eq: No. 104 positive restriction} \end{equation}} \end{lemma} \begin{proof} \textit{Necessity.} The impedance of the configuration in Fig.~\ref{fig: network of No. 104} is obtained as \begin{equation} \label{eq: general impedance of No. 104 network} Z(s) = \frac{a(s)}{b(s)}, \end{equation} where $a(s) = (R_1+R_3)L_1C_1s^2 + ((R_1R_3+R_2R_3+R_1R_2)C_1 +L_1)s + (R_2+R_3)$ and $b(s) = L_1C_1s^2 + (R_1+R_2)C_1s + 1$. Thus, \begin{subequations} \begin{align} (R_1+R_3)L_1C_1 &= ka_2, \label{eq: No. 104 ka2} \\ (R_1R_3+R_2R_3+R_1R_2)C_1 +L_1 &= ka_1, \label{eq: No. 104 ka1} \\ R_2+R_3 &= ka_0, \label{eq: No. 104 ka0} \\ L_1C_1 &= kb_2, \label{eq: No. 104 kb2} \\ (R_1+R_2)C_1 &= kb_1, \label{eq: No. 104 kb1} \\ 1 &= kb_0. \label{eq: No. 104 kb0} \end{align} \end{subequations} From \eqref{eq: No. 104 kb0}, one obtains \begin{equation} \label{eq: No. 104 k} k = \frac{1}{b_0}. \end{equation} Based on \eqref{eq: No. 104 ka2} and \eqref{eq: No. 104 kb2}, one concludes that $R_1$ satisfies \eqref{eq: No. 104 values R1}. From \eqref{eq: No. 104 ka0}, it follows that $R_2$ satisfies \eqref{eq: No. 104 values R2}. Therefore, condition~\eqref{eq: No. 104 positive restriction} must hold. Substituting \eqref{eq: No. 104 values R1}, \eqref{eq: No. 104 values R2}, and \eqref{eq: No. 104 k} into \eqref{eq: No. 104 kb1} yields the value of $C_1$ as \eqref{eq: No. 104 values C1}. As a result, the value of $L_1$ is obtained from \eqref{eq: No. 104 kb2} as \eqref{eq: No. 104 values L1}. Finally, substituting \eqref{eq: No. 104 values R1}--\eqref{eq: No. 104 values C1} into \eqref{eq: No. 104 ka1} yields \eqref{eq: equation for the root No. 104}. It follows that the discriminant of \eqref{eq: equation for the root No. 104} in $R_3$ is \begin{equation} \label{eq: discriminant of No. 104} \delta = (2b_0b_2\Delta_{ab})^2 - 4b_0b_2\Delta_b \Gamma_a = -4b_0b_1^2b_2\mathds{R}. \end{equation} Since \eqref{eq: equation for the root No. 104} must have at least one positive root, one concludes that $\mathds{R} < 0$, and at most one of $\Delta_b$, $\Delta_{ab}$, and $\Gamma_a$ is zero. Substituting $R_3 = a_0/b_0$, $R_3 = a_2/b_2$, and $R_3 = (a_0/b_0 + a_2/b_2)/2 = \mathds{M}/(2b_0b_2)$ into the left-hand side of \eqref{eq: equation for the root No. 104}, one obtains, respectively, \begin{align} \left.b_0b_2 \Delta_b R_3^2 - 2b_0b_2\Delta_{ab} R_3 + \Gamma_a \right|_{R_3 = \frac{a_0}{b_0}} &= -\frac{\mathds{B}\mathds{D}_b}{b_0}, \label{eq: subs R3 01 No. 104} \\ \left.b_0b_2 \Delta_b R_3^2 - 2b_0b_2\Delta_{ab} R_3 + \Gamma_a \right|_{R_3 = \frac{a_2}{b_2}} &= \frac{\mathds{B}\mathds{E}_b}{b_2}, \label{eq: subs R3 02 No. 104} \\ \left.b_0b_2 \Delta_b R_3^2 - 2b_0b_2\Delta_{ab} R_3 + \Gamma_a \right|_{R_3 = \frac{\mathds{M}}{2b_0b_2}} &= \frac{b_1^2 \mathds{B}^2}{4b_0b_2} > 0. \label{eq: subs R3 03 No. 104} \end{align} Since the condition of Lemma~\ref{lemma: condition of at most four} does not hold, $\Gamma_a \neq 0$. When $\Gamma_a < 0$, based on \eqref{eq: subs R3 03 No. 104} it follows that \eqref{eq: equation for the root No. 104} has only one positive root in $R_3$ such that \eqref{eq: No. 104 positive restriction} holds. Therefore, the signs of $\Delta_b$, $-\Delta_{ab}$, and $\Gamma_a$ are not all the same (when one of them is zero, the other two are nonzero and have different signs). Moreover, if $\mathds{B} < 0$, then $a_0/b_0 < \mathds{M}/(2b_0b_2) < a_2/b_2$, implying that $\mathds{D}_b > 0$ to guarantee \eqref{eq: subs R3 01 No. 104} to be positive; if $\mathds{B} > 0$, then $a_0/b_0 > \mathds{M}/(2b_0b_2) > a_2/b_2$, implying that $\mathds{E}_b > 0$ to guarantee \eqref{eq: subs R3 02 No. 104} to be positive. When $\Gamma_a > 0$, based on \eqref{eq: subs R3 03 No. 104} it follows that $\Delta_b > 0$ and $-\Delta_{ab}<0$. If $\mathds{B} < 0$, then $a_0/b_0 < \mathds{M}/(2b_0b_2) < a_2/b_2$. Therefore, in either the case when \eqref{eq: subs R3 01 No. 104} is negative or the case when \eqref{eq: subs R3 01 No. 104} is nonnegative, one has $\Delta_{ab}/\Delta_b < a_0/b_0$ holds. The above two cases correspond to $-b_1 \mathds{A} < -b_0 \mathds{B}$ and $-b_0 \mathds{B} \leq - b_1 \mathds{A} < - 2 b_0 \mathds{B}$, respectively. Hence, combining them yields $-b_1 \mathds{A} < -2 b_0 \mathds{B}$, which is equivalent to $\mathds{D}_b + b_0\mathds{B} < 0$. Similarly, if $\mathds{B} > 0$, then $\mathds{E}_b - b_2\mathds{B} < 0$. \textit{Sufficiency.} Let the values of the elements in Fig.~\ref{fig: network of No. 104} satisfy \eqref{eq: No. 104 values R1}--\eqref{eq: No. 104 values C1}, and $R_3$ be a positive root of \eqref{eq: equation for the root No. 104} satisfying \eqref{eq: No. 104 positive restriction}. Then, $a_2 - b_2R_3 > 0$, $a_0 - b_0R_3 > 0$, and $\mathds{M} - 2b_0b_2R_3 > 0$. Letting $k$ satisfy \eqref{eq: No. 104 k}, it can be verified that \eqref{eq: No. 104 ka2}--\eqref{eq: No. 104 kb0} hold. $\mathds{R} < 0$ implies that the discriminant of \eqref{eq: equation for the root No. 104} as expressed in \eqref{eq: discriminant of No. 104} is positive. If condition~1 is satisfied, then as discussed in the necessity part there exists a unique positive root of \eqref{eq: equation for the root No. 104} in terms of $R_3$ such that \eqref{eq: No. 104 positive restriction} holds. If condition~2 holds, and either $-b_1 \mathds{A} < -b_0 \mathds{B}$ for $\mathds{B} < 0$ or $-b_2 \mathds{B} < -b_1 \mathds{C}$ for $\mathds{B} > 0$, then it can be proved that there exists a unique positive root for \eqref{eq: equation for the root No. 104} in terms of $R_3$ such that \eqref{eq: No. 104 positive restriction} holds. If condition~2 holds, and either $-b_0 \mathds{B} \leq -b_1 \mathds{A} < -2b_0 \mathds{B}$ for $\mathds{B} < 0$ or $-2b_2 \mathds{B} < -b_1 \mathds{C} \leq -b_2 \mathds{B}$ for $\mathds{B} > 0$, then there are two positive roots for \eqref{eq: equation for the root No. 104} in terms of $R_3$ such that \eqref{eq: No. 104 positive restriction} holds. As a conclusion, the values of elements must be positive and finite. The given impedance $Z(s)$ is realizable as the specified network. \end{proof} The values of elements in Fig.~\ref{fig: Quartet-02-different-kind}(a) can be obtained from those in Fig.~\ref{fig: network of No. 104} via the following transformation: $R_P/R_2 \rightarrow R_1$, $R_P/R_3 \rightarrow R_2$, $R_P/R_1 \rightarrow R_3$, $C_1 \rightarrow C_1$, and $L_1 \rightarrow L_1$, where $R_P = R_1R_2 + R_2R_3 + R_3R_1$. Since the realizability condition of the configuration in Fig.~\ref{fig: Quartet-02-different-kind}(a) is equivalent to that of Lemma~\ref{lemma: further condition of the No. 104 network}, a necessary and sufficient condition for the realizability of the configurations in Fig.~\ref{fig: Quartet-02-different-kind} is obtained as follows. \begin{theorem} \label{theorem: condition of the quartet 02} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as one of the configurations in Fig.~\ref{fig: Quartet-02-different-kind} if and only if $\mathds{R} < 0$ and one of the following three conditions is satisfied: \begin{enumerate} \item[1.] $\Gamma_a < 0$, either $\mathds{D}_b > 0$ for $\mathds{B} < 0$ or $\mathds{E}_b > 0$ for $\mathds{B} > 0$, and the signs of $\Delta_b$, $-\Delta_{ab}$, and $\Gamma_a$ are not all the same (when one of them is zero, the other two are nonzero and have different signs); \item[2.] $\Gamma_b < 0$, either $\mathds{D}_a > 0$ for $\mathds{B} > 0$ or $\mathds{E}_a > 0$ for $\mathds{B} < 0$, and the signs of $\Delta_a$, $-\Delta_{ab}$, and $\Gamma_b$ are not all the same (when one of them is zero, the other two are nonzero and have different signs); \item[3.] $\Gamma_a > 0$, $\Gamma_b > 0$, and $\Delta_{ab} > 0$. \end{enumerate}} \end{theorem} \begin{proof} Conditions~1 and 2 can be obtained from Lemma~\ref{lemma: further condition of the No. 104 network} based on the principle of duality \cite{CWLC15}. To obtain condition~3, it suffices to show that \begin{equation} \label{eq: third condition canonical} \Gamma_{a_c} > 0, \ \Gamma_{b_c} > 0, \ \Delta_{ab_c} > 0 \end{equation} is equivalent to the union of the following two conditions: \begin{enumerate} \item[$a$.] $\Gamma_{a_c} > 0$, $V > 1$, $\Delta_{ab_c} > 0$, and either $2UV-2WV^2+(W-W^{-1})<0$ for $W<1$ or $2UV-2W^{-1}V^2-(W-W^{-1}) < 0$ for $W>1$; \item[$b$.] $\Gamma_{b_c} > 0$, $U > 1$, $\Delta_{ab_c} > 0$, and either $2UV-2WU^2+(W-W^{-1}) < 0$ for $W<1$ or $2UV-2W^{-1}U^2-(W-W^{-1}) < 0$ for $W>1$. \end{enumerate} First, one can show that condition~$a$ or $b$ implies \eqref{eq: third condition canonical}. Without loss of generality, assume that $W > 1$. Then, one obtains $W+W^{-1} < 2UV < (W-W^{-1})+2V^2W^{-1}$ from condition~$a$. Hence, it follows from condition~$a$ that $\Gamma_{b_c} = - 4 U^2 + 4UV(W+W^{-1}) - (W+W^{-1})^2 = - V^{-2}(2UV - V(V-\sqrt{V^2 -1})(W+W^{-1}))(2UV - V(V+\sqrt{V^2 -1})(W+W^{-1})) > 0$, since $(W+W^{-1}) - V(V-\sqrt{V^2-1})(W+W^{-1}) = \sqrt{V^2 - 1}(V-\sqrt{V^2 - 1})(W+W^{-1}) > 0$ and $(W-W^{-1}) + 2V^2 W^{-1} - V(V+\sqrt{V^2-1})(W+W^{-1}) = - (W-W^{-1})(V^2-1)-V\sqrt{V^2-1}(W+W^{-1}) < 0$. Therefore, condition~$a$ yields condition~\eqref{eq: third condition canonical}. Similarly, condition~$b$ implies $\Gamma_{a_c} > 0$, which also yields condition~\eqref{eq: third condition canonical}. In addition, the case of $W < 1$ can be similarly proved. Now, it remains to show that condition~\eqref{eq: third condition canonical} implies condition~$a$ or $b$. Assume that $W > 1$. Since $\Gamma_{a_c} > 0$ and $\Gamma_{b_c} > 0$ can yield respectively $U > 1$ and $V > 1$, if $2UV - 2W^{-1}V^2 - (W-W^{-1}) < 0$ then condition~$a$ holds. Otherwise, one obtains $U - \sqrt{U^2 - 2W^{-1}(W-W^{-1})} \leq 2V W^{-1} \leq U + \sqrt{U^2 - 2W^{-1}(W-W^{-1})}$. It can be verified that $U(W + W^{-1}) + (W - W^{-1})\sqrt{U^2 - 1} - W (U + \sqrt{U^2 - 2W^{-1}(W-W^{-1})}) > 0$. Together with $\mathds{R}_c < 0$, one has $V < (U(W+W^{-1})-(W-W^{-1})\sqrt{U^2-1})/2$, which implies that $2 U V - 2 W^{-1} U^2 - (W - W^{-1}) < U^2(W+W^{-1}) - (W - W^{-1}) U \sqrt{U^2 - 1} - 2W^{-1} U^2 - (W - W^{-1}) = (W-W^{-1})\sqrt{U^2- 1}(\sqrt{U^2 - 1}-U) < 0$. Hence, condition~$b$ is obtained. The case of $W < 1$ can be similarly proved. \end{proof} \begin{theorem} \label{theorem: condition of the quartet 03} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as the configuration in Fig.~\ref{fig: Quartet-03-different-kind} if and only if $\mathds{R} < 0$ and the signs of $\Gamma_a$, $\Gamma_b$, and $(\mathds{M}\mathds{R} + 2a_0a_2b_0b_2\Delta_{ab})$ are not all the same (when $\mathds{M}\mathds{R} + 2a_0a_2b_0b_2\Delta_{ab} = 0$, $\Gamma_a \Gamma_b < 0$). Furthermore, if the above condition holds, then the values of the elements are expressed as \begin{subequations} \begin{align} R_1 &= \frac{a_0}{b_0}, \label{eq: No. 108 R1} \\ R_3 &= \frac{a_2}{b_2}, \label{eq: No. 108 R3} \\ L_1 &= \frac{(a_1a_2b_0 + a_0 \mathds{C})R_2 + a_0a_1a_2} {(b_0R_2+a_0)\mathds{M}}, \label{eq: No. 108 L1} \\ C_1 &= \frac{b_0b_1b_2R_2 + (a_0b_1b_2 - b_0\mathds{C})} {(b_0R_2+a_0)\mathds{M}}, \label{eq: No. 108 C1} \end{align} \end{subequations} and $R_2$ is a positive root of \begin{equation} \label{eq: equation for the root QuadEq} b_0b_2\Gamma_a R_2^2 + (\mathds{M}\mathds{R} + 2a_0a_2b_0b_2\Delta_{ab}) R_2 + a_0a_2\Gamma_b = 0, \end{equation} satisfying \begin{subequations} \begin{align} b_0b_1b_2R_2 + (a_0b_1b_2 - b_0\mathds{C}) &> 0, \label{eq: No. 108 positive condition 01} \\ (a_1a_2b_0 + a_0 \mathds{C})R_2 + a_0a_1a_2 &> 0. \label{eq: No. 108 positive condition 02} \end{align} \end{subequations} } \end{theorem} \begin{proof} \textit{Necessity.} The impedance of the configuration in Fig.~\ref{fig: Quartet-03-different-kind} is given by \begin{equation} \label{eq: general impedance of No. 108 network} Z(s) = \frac{a(s)}{b(s)}, \end{equation} where $a(s) = (R_1+R_2)R_3L_1C_1s^2 + (R_1R_2R_3C_1 + (R_1 + R_2 + R_3)L_1)s + (R_2+R_3)R_1$ and $b(s) = (R_1+R_2)L_1C_1s^2 + ((R_1R_2 + R_2R_3 + R_1R_3)C_1 + L_1)s+R_2+R_3$. Thus, \begin{subequations} \begin{align} (R_1+R_2)R_3L_1C_1 &= ka_2, \label{eq: No. 108 ka2} \\ R_1R_2R_3C_1 + (R_1 + R_2 + R_3)L_1 &= ka_1, \label{eq: No. 108 ka1} \\ (R_2+R_3)R_1 &= ka_0, \label{eq: No. 108 ka0} \\ (R_1+R_2)L_1C_1 &= kb_2, \label{eq: No. 108 kd2} \\ (R_1R_2 + R_2R_3 + R_1R_3)C_1 + L_1 &= kb_1, \label{eq: No. 108 kd1} \\ R_2+R_3 &= kb_0. \label{eq: No. 108 kd0} \end{align} \end{subequations} From \eqref{eq: No. 108 ka2} and \eqref{eq: No. 108 kd2}, it follows that $R_3$ satisfies \eqref{eq: No. 108 R3}. From \eqref{eq: No. 108 ka0} and \eqref{eq: No. 108 kd0}, it follows that $R_1$ satisfies \eqref{eq: No. 108 R1}. Substituting \eqref{eq: No. 108 R3} into \eqref{eq: No. 108 kd0} yields \begin{equation} \label{eq: k No. 108} k = \frac{b_2R_2 + a_2}{b_0b_2}. \end{equation} Therefore, $L_1$ and $C_1$ can be solved from \eqref{eq: No. 108 ka1} and \eqref{eq: No. 108 kd1} as \eqref{eq: No. 108 L1} and \eqref{eq: No. 108 C1}. The assumption that all the values of the elements are positive and finite implies conditions~\eqref{eq: No. 108 positive condition 01} and \eqref{eq: No. 108 positive condition 02}. Substituting \eqref{eq: No. 108 R1}--\eqref{eq: No. 108 C1} into \eqref{eq: No. 108 kd2} yields \eqref{eq: equation for the root QuadEq}. The discriminant of \eqref{eq: equation for the root QuadEq} in terms of $R_2$ is obtained as \begin{equation} \label{eq: delta positive} \begin{split} \delta = \mathds{M}^2 \mathds{R} (\mathds{R} - 4a_0a_2b_0b_2). \end{split} \end{equation} Since the discriminant must be nonnegative to guarantee the existence of real roots, together with Lemma~\ref{lemma: type of elements} one has $\mathds{R} < 0$, implying that $\delta > 0$ and at most one of $\Gamma_a$, $\Gamma_b$, and $(\mathds{M}\mathds{R} + 2a_0a_2b_0b_2\Delta_{ab})$ is zero. If one of them is zero, then it is only possible that $\mathds{M}\mathds{R} + 2a_0a_2b_0b_2\Delta_{ab} = 0$ and $\Gamma_a \Gamma_b < 0$. If none of them is zero, then it follows that the signs of them cannot be the same to guarantee the existence of the positive root. \textit{Sufficiency.} Let the values of the elements in Fig.~\ref{fig: Quartet-03-different-kind} be \eqref{eq: No. 108 R1}--\eqref{eq: No. 108 C1}, and $R_2$ be a positive root of \eqref{eq: equation for the root QuadEq} satisfying conditions~\eqref{eq: No. 108 positive condition 01} and \eqref{eq: No. 108 positive condition 02}. Let $k$ satisfy \eqref{eq: k No. 108}. It can be verified that \eqref{eq: No. 108 ka2}--\eqref{eq: No. 108 kd0} hold, implying that \eqref{eq: general impedance of No. 108 network} is equivalent to \eqref{eq: biquadratic impedance}. It suffices to show that \eqref{eq: equation for the root QuadEq} always has a positive root, such that $R_1$, $R_3$, $L_1$, $C_1$ expressed as \eqref{eq: No. 108 R1}--\eqref{eq: No. 108 C1} are positive. Since $R_1$ and $R_3$ expressed as \eqref{eq: No. 108 R1} and \eqref{eq: No. 108 R3} are obviously positive, one only needs to discuss $L_1$ and $C_1$. It is not difficult to see that if the signs of $\Gamma_a$, $\Gamma_b$, and $(\mathds{M}\mathds{R} + 2a_0a_2b_0b_2\Delta_{ab})$ satisfy the given conditions, then \eqref{eq: equation for the root QuadEq} must have at least one positive root, since $\mathds{R} < 0$ implies that the discriminant of \eqref{eq: equation for the root QuadEq} shown in \eqref{eq: delta positive} is always positive. Furthermore, $- k^4 \mathds{R} = (R_1+R_2)^2(R_2+R_3)^2(R_1R_3C_1-L_1)^2L_1C_1$. Together with $\mathds{R} < 0$, it follows that $L_1$ and $C_1$ are both positive or negative. Hence, $\chi_1\chi_2 > 0$, where $\chi_1 := b_0b_1b_2R_2 + (a_0b_1b_2 - b_0 \mathds{C})$ and $\chi_2 := (a_1a_2b_0 + a_0 \mathds{C})R_2 + a_0a_1a_2$. Assume that $\chi_1 < 0$ and $\chi_2 < 0$. Then, by letting $a_0a_2 \chi_1 + b_0b_2 \chi_2$, one obtains $a_0a_2 \chi_1 + b_0b_2 \chi_2 = (a_1b_0b_2 R_2 + a_0a_2b_1) \mathds{M} < 0$. This contradicts the assumption that all the coefficients are positive. Hence, $\chi_1 > 0$ and $\chi_2 > 0$, suggesting that $L_1 > 0$ and $C_1 > 0$. \end{proof} Combining Lemma~\ref{lemma: condition of the quartet 01}, Theorems~\ref{theorem: condition of the quartet 02} and \ref{theorem: condition of the quartet 03}, one obtains the following result. \begin{theorem} \label{theorem: main theorem Res < 0} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as a five-element bridge network containing one inductor and one capacitor if and only if $\mathds{R} < 0$, and $Z(s)$ is regular\footnote{ A necessary and sufficient condition for a biquadratic impedance to be regular is presented in \cite[Lemma~5]{JS11}.} or satisfies the condition of Lemma~\ref{lemma: condition of the quartet 01}.} \end{theorem} \begin{proof} \textit{Necessity.} By Lemma~\ref{lemma: type of elements}, $\mathds{R} < 0$. It is shown in \cite{JS11} that biquadratic impedances that can realize configurations in Figs.~\ref{fig: Quartet-02-different-kind} and \ref{fig: Quartet-03-different-kind} must be regular. Based on Lemma~\ref{lemma: all the possible quartets for one inductor and one capacitor}, the necessity part is proved. \textit{Sufficiency.} Based on Lemma~\ref{lemma: condition of the quartet 01}, one only needs to consider the case when $\mathds{R} < 0$ and $Z(s)$ is regular, which means that the corresponding $Z_c(s)$ is regular. Assuming that the condition of Lemma~\ref{lemma: condition of at most four} does not hold, $Z_c(s)$ is regular if and only if (1) $\lambda_c > 0$ or $\lambda_c^{\dag} > 0$ when $W < 1$; (2) $\lambda_c^{\ast} > 0$ or $\lambda_c^{\ast\dag} > 0$ when $W > 1$. It suffices to show that if $\mathds{R}_c < 0$ and $Z_c(s) \in \mathcal{Z}_{b_c}$ is regular then $Z_c(s)$ is realizable as one of the configurations in Figs.~\ref{fig: Quartet-02-different-kind} and \ref{fig: Quartet-03-different-kind}. Case~1: $\Gamma_{a_c} < 0$ and $\Gamma_{b_c} < 0$. If $U < 1$ and $V < 1$, then $\Delta_{ab_c} = 4UV - 2(W+W^{-1}) < 0$. Suppose that $U \geq 1$. Then, $\Gamma_{a_c} < 0$ implies that $V < (W+W^{-1})(U-\sqrt{U^2 - 1})/2$ or $V > (W+W^{-1})(U+\sqrt{U^2 - 1})/2$, and $\Gamma_{b_c} < 0$ implies $V < (4U^2 + (W+W^{-1})^2)/(4U(W+W^{-1}))$. Since $2U(W+W^{-1})^2(U+\sqrt{U^2-1}) - ((W+W^{-1})^2 + 4U^2) > 4(2U(U+\sqrt{U^2-1})-1) - 4U^2 = 4(U^2 - 1) + 8U\sqrt{U^2 - 1} > 0$, it is only possible that $V < (W+W^{-1})(U-\sqrt{U^2 - 1})/2$. Hence, $\Delta_{ab_c} = 4 U V - 2 (W + W^{-1}) < 2 (W + W^{-1})(U^2 - U\sqrt{U^2 - 1}) - 2 (W + W^{-1}) =2 (W + W^{-1}) \sqrt{U^2 - 1}(\sqrt{U^2 - 1} - U) < 0$. Making use of Theorem~\ref{theorem: condition of the quartet 02} and \eqref{eq: from Z to Zc}, $Z_c(s)$ is realizable as one of the configurations in Fig.~\ref{fig: Quartet-02-different-kind}. Case~2: Only one of $\Gamma_{a_c}$ and $\Gamma_{b_c}$ is negative. By Theorem~\ref{theorem: condition of the quartet 03} and \eqref{eq: from Z to Zc}, $Z_c(s)$ is realizable as the configuration in Fig.~\ref{fig: Quartet-03-different-kind}. Case~3: $\Gamma_{a_c} > 0$ and $\Gamma_{b_c} > 0$. One obtains that $U > 1$ and $V > 1$. If $\Delta_{ab_c} > 0$, then $Z_c(s)$ is realizable as one of the configurations in Fig.~\ref{fig: Quartet-02-different-kind} by Theorem~\ref{theorem: condition of the quartet 02} and \eqref{eq: from Z to Zc}. If $\Delta_{ab_c} \leq 0$, then $\mathds{R}_c = - 4 U^2 - 4 V^2 + 4 U V (W+W^{-1}) - (W-W^{-1})^2 < 0$ yields $- (W+W^{-1})^3 + 4UV(W+W^{-1})^2 - 4(U^2+V^2)(W+W^{-1}) + 8UV < - (W+W^{-1})^3 + 4UV(W+W^{-1})^2 + ((W-W^{-1})^2-4UV(W+W^{-1}))(W+W^{-1}) + 8UV = -4(W+W^{-1}) + 8UV = 2 \Delta_{ab_c} \leq 0$. Therefore, $Z_c(s)$ is realizable as the configuration in Fig.~\ref{fig: Quartet-03-different-kind} based on Theorem~\ref{theorem: condition of the quartet 03} and \eqref{eq: from Z to Zc}. \end{proof} \begin{corollary} \label{corollary: 02} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ with $\mathds{R} < 0$ is regular if and only if it is realizable as one of the configurations in Figs.~\ref{fig: Quartet-02-different-kind} and \ref{fig: Quartet-03-different-kind}.} \end{corollary} \begin{proof} This corollary is obtained based on the proof of Theorem~\ref{theorem: main theorem Res < 0}. \end{proof} \begin{corollary} \label{corollary: 03} {A biquadratic impedance, which can be realized as an irreducible\footnote{An irreducible network means that it can never become equivalent to the one containing fewer elements.} five-element series-parallel network containing one inductor and one capacitor, can always be realized as a five-element bridge network containing one inductor and one capacitor.} \end{corollary} \begin{proof} It has been proved in \cite{JS11} that if the biquadratic impedance $Z(s)$ in the form of \eqref{eq: biquadratic impedance} is realizable as a five-element series-parallel network containing one inductor and one capacitor, then $Z(s)$ must be regular. Since the network is irreducible, it follows that $Z(s) \in \mathcal{Z}_b$ and $\mathds{R} < 0$. Hence, the conclusion directly follows from Theorem~\ref{theorem: main theorem Res < 0}. \end{proof} \begin{corollary} {If a biquadratic impedance $Z(s) \in \mathcal{Z}_b$ can be realized as a network containing one inductor, one capacitor, and at least three resistors, then the network will always be equivalent to a five-element bridge network containing one inductor and one capacitor.} \end{corollary} \begin{proof} It can be proved by Theorem~\ref{theorem: main theorem Res < 0} and a theorem of Reichert \cite{Rei69}. \end{proof} \subsection{Summary and Notes} \label{subsec: summary and notes} \begin{theorem} \label{theorem: final condition} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as a two-reactive five-element bridge network if and only if one of the following two conditions holds: \begin{enumerate} \item[1.] $\mathds{R} > 0$, and at least one of $(\mathds{R} - 4a_0b_2(a_1b_1+2\mathds{B}))$, $(\mathds{R} - 4a_2b_0(a_1b_1 - 2\mathds{B}))$ and $(\mathds{R} - 4a_0a_2b_0b_2)$ is nonnegative; \item[2.] $\mathds{R} < 0$, and $Z(s)$ is regular or satisfies the condition of Lemma~\ref{lemma: condition of the quartet 01}. \end{enumerate} } \end{theorem} \begin{proof} Combining Theorems~\ref{theorem: main theorem Res > 0} and \ref{theorem: main theorem Res < 0} leads to the conclusion. \end{proof} Now, a corresponding result for general five-element bridge networks directly follows. \begin{theorem} \label{theorem: final corollary} {A biquadratic impedance $Z(s) \in \mathcal{Z}_b$ is realizable as a five-element bridge network if and only if $Z(s)$ satisfies the condition of Theorem~\ref{theorem: final condition} or is realizable as a configuration in Fig.~\ref{fig: Three-Reactive-Quartet}.\footnote{A necessary and sufficient condition for the realizability of Fig.~\ref{fig: Three-Reactive-Quartet} is presented in \cite[Theorem 7]{JS11}} } \end{theorem} \begin{figure}[thpb] \centering \includegraphics[scale=1.1]{Three-Reactive-Duet.eps} \caption{The three-reactive five-element bridge configurations in Theorem~\ref{theorem: final corollary}, which are respectively supported by two one-terminal-pair labeled graphs $\mathcal{N}_6$ and $\text{Dual}(\mathcal{N}_6)$. } \label{fig: Three-Reactive-Quartet} \end{figure} \begin{proof} \textit{Sufficiency.} The sufficiency part is obvious. \textit{Necessity.} Since $\mathds{R} \neq 0$, the \textit{McMillan degree} (see \cite[Chapter~3.6]{AV73}) of $Z(s) \in \mathcal{Z}_b$ satisfies $\delta(Z(s)) = 2$. Since the McMillan degree is equal to the minimal number of reactive elements for realizations of $Z(s)$ \cite[pg.~370]{AV73}, there must exist at least two reactive elements. Since $Z(s) \in \mathcal{Z}_b$ has no pole or zero on $j \mathbb{R} \cup \infty$, the number of reactive elements cannot be five. If the number of reactive elements is four (only one resistor), then $Z(0) = Z(\infty)$, which is equal to the value of the resistor. This means that $\mathds{B} = 0$, contradicting the assumption that the condition of Lemma~\ref{lemma: condition of at most four} does not hold. Therefore, the number of reactive elements must be two or three. If the number of reactive elements is two, then the condition of Theorem~\ref{theorem: final condition} holds. If the number of reactive elements is three, then their types cannot be the same by Lemma~\ref{lemma: topological structure}. Furthermore, by the discussion in \cite{Lad64}, the network is equivalent to either a five-element series-parallel structure containing one inductor and one capacitor or a configuration in Fig.~\ref{fig: Three-Reactive-Quartet}. By Corollary~\ref{corollary: 03}, the theorem is proved. \end{proof} The condition of Theorem~\ref{theorem: final condition} can be converted into a condition in terms of the canonical form $Z_c(s) \in \mathcal{Z}_{b_c}$ through \eqref{eq: from Z to Zc}, which is shown on the $U$--$V$ plane in Fig.~\ref{fig: UV} when $W = 2$. If $(U,V)$ is within the shaded region (excluding the inside curves $\Gamma_{a_c} \Gamma_{b_c} = 0$ and $\lambda_c^{\ast} \lambda_c^{\ast\dag} = 0$), then $Z_c(s)$ is realizable as two-reactive five-element bridge networks. The hatched region ($\sigma_c < 0$) represents the non-positive-realness case, where $Z_c(s)$ cannot be realized as a passive network. \begin{figure}[thpb] \centering \includegraphics[scale=0.55]{UV.eps} \caption{The $U$-$V$ plane showing a necessary and sufficient condition for any $Z_c(s) \in \mathcal{Z}_{b_c}$ to be realizable as the two-reactive five-element bridge network, when $W = 2$.} \label{fig: UV} \end{figure} Some important notes are listed as follows. \begin{remark} {Ladenheim \cite{Lad48} only listed element values for configurations in Figs.~\ref{fig: Quartet-01-same-kind}--\ref{fig: Quartet-03-different-kind} without showing any detail of derivation. Neither explicit conditions in terms of the coefficients of $Z(s)$ only (like the condition of Theorem~\ref{theorem: condition of the No. 85 network}) nor a complete set of conditions are given in \cite{Lad48}. Besides, the special case when $R_1 = R_2$ for Fig.~\ref{fig: Quartet-02-same-kind}(a) (No.~86 configuration in \cite{Lad48}) is not discussed in \cite{Lad48}.} \end{remark} \begin{remark} {In \cite{JS11}, necessary and sufficient conditions are derived only for the realizability of bridge networks that sometimes cannot realize regular biquadratic impedances. In the present paper, through discussing other two-reactive five-element bridge networks and by combining their conditions, a complete result is obtained (Theorem~\ref{theorem: final condition}). Together with previous results in \cite{Lad64}, the result has been further extended to the general five-element bridge case (Theorem~\ref{theorem: final corollary}). } \end{remark} \begin{remark} {Corollary~\ref{corollary: 02} shows that the regular biquadratic impedance $Z(s) \in \mathcal{Z}_b$ with $\mathds{R} < 0$ is always realizable as one of the three five-element bridge configurations in Figs.~\ref{fig: Quartet-02-different-kind} and \ref{fig: Quartet-03-different-kind}. It was shown in \cite{JS11} that a group of four five-element series-parallel networks can be used to realize such a function. Therefore, the number of configurations covering the case of regularity with $\mathds{R} < 0$ is reduced by one in the present paper.} \end{remark} \begin{remark} The logical path of lemmas and theorems in this paper is as follows. Theorem~\ref{theorem: final corollary} follows from Theorem~\ref{theorem: final condition} together with some results in the existing literature. Theorem~\ref{theorem: final condition} is the combination of Theorems~\ref{theorem: main theorem Res > 0} and \ref{theorem: main theorem Res < 0}, where Theorem~\ref{theorem: main theorem Res > 0} follows from Lemma~\ref{lemma: realization of Five-Element Bridge Networks with Two Reactive Elements of the Same Type} and Theorems~\ref{theorem: condition of the No. 85 network} and \ref{theorem: condition of the No. 86 network}, and Theorem~\ref{theorem: main theorem Res < 0} is derived from Lemmas~\ref{lemma: type of elements}, \ref{lemma: all the possible quartets for one inductor and one capacitor}, and \ref{lemma: condition of the quartet 01} and Theorems~\ref{theorem: condition of the quartet 02} and \ref{theorem: condition of the quartet 03}. The proof of Lemma~\ref{lemma: realization of Five-Element Bridge Networks with Two Reactive Elements of the Same Type} makes use of Lemma~\ref{lemma: topological structure}, the proof of Theorem~\ref{theorem: condition of the No. 85 network} makes use of Lemma~\ref{lemma: type of elements}, the proof of Theorem~\ref{theorem: condition of the No. 86 network} makes use of Lemmas~\ref{lemma: type of elements}, \ref{lemma: U V W lemma}, \ref{lemma: condition of the No. 86 network}, and \ref{lemma: condition of the No. 86' network}, and the proof of Theorem~\ref{theorem: condition of the quartet 02} makes use of Lemma~\ref{lemma: further condition of the No. 104 network}. \end{remark} \begin{remark} The configurations of this paper can be connected to $RC$ low-pass filters. By appropriately setting the values of components in the filters, the frequency responses of the resulting networks can be adjusted, in order to better reject high-frequency noises and guarantee the low-frequency responses to approximate to those of the original configurations. Applying passive network synthesis to the circuits with filter implementations needs to be further investigated. \end{remark} \section{Numerical Examples} \label{sec: examples} \begin{example} {As shown in \cite{WHC12}, the function \begin{equation} Z_{e, 2}^{sy} = \frac{s^2 + 2.171\times 10^{8}s + 4.824\times 10^{9}}{1.632s^2 + 1.575\times 10^{8}s + 2.838\times 10^{8}} \end{equation} is the impedance of an external circuit in the machatronic suspension system, which optimizes the settling time at a certain velocity range and is realizable as a five-element series-parallel configuration in \cite[Fig.~18]{WHC12}. Since $\mathds{R} > 0$, $\mathds{R} - 4a_0a_2b_0b_2 > 0$, and $\mathds{R} - 4a_2b_0(a_1b_1-2\mathds{B}) > 0$, $Z_{e, 2}^{sy}$ satisfies the condition of Theorem~\ref{theorem: final condition}, so is realizable as a five-element bridge network. Furthermore, $Z_{e, 2}^{sy}$ is realizable as Fig.~\ref{fig: Quartet-01-same-kind}(a) with $R_1 = 16.232~\Omega$, $R_2 = 0.637~\Omega$, $R_3 = 0.766~\Omega$, $C_1 = 0.0329~\text{F}$, and $C_1 = 1.411 \times 10^{-8}~\text{F}$, and $Z_{e, 2}^{sy}$ is also realizable as Fig.~\ref{fig: Quartet-02-same-kind}(a) with $R_1 = 14.425~\Omega$, $R_2 = 1.378~\Omega$, $R_3 = 1.194~\Omega$, $C_1 = 4.157 \times 10^{-9}~\text{F}$, and $C_2 = 0.0355~\text{F}$. } \end{example} \begin{example} {As shown in \cite{WCJS09}, the function \begin{equation} Z_{e, J_1}^{2nd} = \frac{1.665\times 10^5 s^2 + 5.776 \times 10^5 s + 5.466 \times 10^7}{s^2 + 1.544 \times 10^6 s + 0.342} \end{equation} is the impedance of an external circuit in the machatronic suspension system (LMIS3 layout), which optimizes $J_1$ (ride comfort) and is realizable as a five-element series-parallel configuration in \cite[Fig.~2(c)]{WCJS09}. It can be verified that $\mathds{R} < 0$ and $Z_{e, J_1}^{2nd}$ is regular, implying that $Z_{e, J_1}^{2nd}$ is realizable as a five-element bridge network by Theorem~\ref{theorem: final condition}. Furthermore, $Z_{e, J_1}^{2nd}$ is realizable as Fig.~\ref{fig: Quartet-03-different-kind} with $R_1 = 1.598 \times 10^8~\Omega$, $R_2 = 0.374~\Omega$, $R_3 = 1.665 \times 10^5~\Omega$, $C_1 = 0.0282~\text{F}$, and $L_1 = 0.108~ \text{H}$.} \end{example} \section{Conclusion} \label{sec: conclusion} This paper has investigated the realization problem of biquadratic impedances as five-element bridge networks, where the biquadratic impedance was assumed to be not realizable with fewer than five elements. Through investigating the realizability conditions of configurations covering all the possible cases, a necessary and sufficient condition was derived for a biquadratic impedance to be realizable as a two-reactive five-element bridge network, in terms of the coefficients only. Through the discussions, a canonical form for biquadratic impedances was utilized to simplify and combine the obtained conditions. Finally, a necessary and sufficient condition was obtained for the realizability of the biquadratic impedance as a general five-element bridge network. \section*{Acknowledgment} The authors are grateful to Professor Rudolf E Kalman for the enlightening discussion regarding this work.
63ca214958b631a09edfaa7fe467e70e3747b560
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{eqn:Introduction} A key issue for the understanding of memory and computing structures concerns the question to which extent information imprinted on the boundary of a material remains available in the bulk or at some other boundary \cite{SHA,LTP,CWEL,NP,ALL,KWC,LBL,MMW,BRH}. We have proposed \cite{CWIT} a formalism for this problem based on the concept of classical wave functions \cite{CWQP} or the associated density matrix. This formalism resembles the derivation of the wave function from Feynman's path integral for quantum mechanics \cite{FEY}, with time $t$ replaced by the location of hypersurfaces in the bulk of the material. For static classical statistical systems the problem of information transport can be set up in the transfer matrix formalism \cite{TM,MS,FU}. This formalism corresponds to the Heisenberg picture in quantum mechanics. Our approach based on classical wave functions and density matrix corresponds to the associated Schrödinger picture. Similar to quantum mechanics, wave functions and density matrix keep track of the local probabilistic information. The problem of information transport is set as the question how a given probabilistic information on a hypersurface at $t$ determines the probabilistic information on the neighboring hypersurface at $t + \epsilon$. Encoding the local information at $t$ in a suitable classical density matrix $\rho^\prime(t)$, one obtains a linear evolution law that expresses $\rho^\prime(t + \epsilon)$ in terms of $\rho^\prime(t)$, \begin{equation}\label{eqn:evolution} \rho^\prime(t + \epsilon) = S(t) \, \rho^\prime(t) \, S^{-1}(t), \end{equation} with step evolution operator $S$ \cite{CWIT} related to the transfer matrix \cite{TM,MS,FU}. With boundary information set at $t_\text{in}$ by $\rho^\prime(t_\text{in})$, one can follow the evolution to arbitrary $t$ in the bulk, or to $t_\text{f}$ at some other boundary. In the continuum limit \cref{eqn:evolution} entails a von Neumann type equation, \begin{equation}\label{eqn:von neumann eqn} \partial_t \rho^\prime(t) = [W,\rho^\prime(t)]. \end{equation} Operators $A^\prime(t)$ can be associated to local observables $A(t)$ such that the expectation value can be computed according to the ``quantum rule'' \begin{equation}\label{eqn:quantum rule} \langle A(t)\rangle = \tr\bigl\{A^\prime(t) \, \rho^\prime(t)\bigr\}. \end{equation} In the path integral for quantum mechanics, the weight factor is a complex phase $e^{i S_\text{Q}}$. In contrast, for classical statistics the weights are positive real probabilities with weight factor $e^{-S_\text{cl}}$. This leads to three important differences between quantum mechanics and the more general classical statistics. First, instead of a single complex wave function as in quantum mechanics, classical statistical systems are described by a pair of distinct real wave functions. As a consequence, the norm of the wave functions is not conserved by the evolution. This is the basis for the second difference, namely that the operator $W$ in \cref{eqn:von neumann eqn} is in general not antisymmetric. In the presence of a complex structure, where \cref{eqn:von neumann eqn} becomes \begin{equation} i \partial_t \rho = [G,\rho], \end{equation} the operator $G$ is not Hermitian and the $t$-evolution in classical statistics in general not unitary. Third, not all arbitrary ``initial'' density matrices $\rho^\prime(t_\text{in})$ or $\rho(t_\text{in})$ can necessarily be realized in classical statistics. Only for particular ``static memory materials'' the operator $G$ becomes Hermitian and can be identified as the Hamiltonian. In these cases also arbitrary $\rho^\prime(t_\text{in})$ can be realized. Even though realized as classical statistical systems, such particular memory materials with unitary $t$-evolution constitute quantum systems satisfying all axioms of quantum mechanics. They may also be dubbed ``quantum simulators'' since the dependence of expectation values $\langle A(t)\rangle$ on the location of the hypersurface at $t$ is the same as the time dependence in a quantum system with identical Hamiltonian. In this sense quantum mechanics emerges as a particular case of classical statistics \cite{CWQM}. It is the aim of the present paper to explore and exploit the quantum formalism for static classical statistical systems in the general case where the evolution is not necessarily unitary. In particular, we discuss how non-commuting operators arise naturally in classical statistics. We will find many structures familiar from quantum mechanics, such as the possibility to change the basis or symmetry transformations acting on the wave functions or density matrix. For systems admitting a suitable evolution that allows for a complex structure one recovers the complete formalism of quantum mechanics, with the important exception that the evolution is not necessarily unitary and the density matrix is not hermitian. Furthermore, we will find local similarity transformations that map between equivalent quantum and classical statistical systems. Expectation values and correlations of local observables can be evaluated both in the classical statistical or in the quantum system if the operators representing observables are properly transformed. This weak equivalence demonstrates that there is no difference in principle between the information contained in the corresponding classical statistical and quantum systems. A practical use of this map for the construction of classical statistical static memory materials as quantum simulators depends on the question if the map of density matrices and local observables is sufficiently simple. This paper is organized as follows: in \cref{sec:classical wave function} we introduce the classical wave functions and establish the evolution law in a discrete formulation. The continuum limit leads to a generalized Schrödinger type evolution equation. Simple generalized Ising models based on particular step evolution operators are introduced in \cref{sec:simple models}. They serve as concrete examples for the general structures discussed in the paper. In \cref{sec:Three-spin chains} we solve the boundary problem for a class of three-spin chain generalized Ising models. They can realize quantum gates for a quantum spin. \Cref{sec:observables} discusses the general structure of local observables whose expectation values can be computed from the wave functions at a given $t$. This reveals the presence of non-commuting operator structures for observables in classical statistics. \Cref{sec:density matrix} introduces the classical density matrix $\rho^\prime(t)$ and the associated von Neumann type evolution equation. In \cref{sec:solution of bvp} we solve explicitly the boundary problem for the four-state oscillator chain introduced in \cref{sec:simple models} by use of the density matrix. This demonstrates that arbitrary density matrices at the boundary at $t_\text{in}$ cannot always be realized for classical statistical systems. In \cref{sec:evolution for subsystems} we turn to the evolution of subsystems. The situation where a subsystem obeys a unitary evolution describes a quantum system embedded in an environment. It is realized in a wide range of systems. The evolution of the subsystem is given by quantum mechanics, while the evolution of the whole system includes the non-unitary evolution of the environment. Typically, the unitary evolution of suitable subsystems is the only evolution that survives far enough into the bulk. \Cref{sec:complex structure} briefly discusses the realization of a complex structure. \Cref{sec:change of basis} addresses the change of basis, similarity transformations and symmetries. In \cref{sec:equivalent local probabilistic systems} we show how different classical statistical systems lead to the same continuous evolution equation. In particular, this makes contact to the unitary evolution operator for quantum systems. The general connections between quantum mechanics and classical statistics are discussed in \cref{sec:classical and quantum statistics}. Finally, in \cref{sec:conclusions} we present our conclusions. \section{Classical wave function} \label{sec:classical wave function} In this section we recall the concept of ``classical wave functions'' for classical statistical systems. They encode the local statistical information necessary to describe expectation values of local observables $\langle A(t)\rangle$, together with the evolution law for the $t$-dependence of these expectation values. We consider a $d$-dimensional cubic lattice, with $t$ labeling a sequence of hypersurfaces. The lattice points may be denoted by discrete positions $(t,\vec x)$, where $t$ singles out the coordinate for which we consider the evolution. We discuss generalized Ising models \cite{IM,IS,binder2001ising}, with variables $s_\alpha(t,\vec x) = s_\gamma(t) = \pm 1$. \subsection{Wave function from ``functional integral''} The starting point is the probability or weight distribution $w[s]$ which associates to every configuration of Ising spins $\{s\} = \{s_\alpha(t,\vec x)\}$ a positive (or zero) probability $w[s]$. We will use a collective index $\gamma$, i.e. $s_\gamma(t) = s_\alpha(t,\vec x)$. For generalized Ising models one has \begin{equation}\label{eqn:AF1} w[s] = Z^{-1} K[s] \, b[s_\text{in},s_\text{f}], \end{equation} with $K$ given by the classical action $S_\text{cl}$, \begin{equation}\label{eqn:AF2} K[s] = \exp\bigl\{-S_\text{cl}[s]\bigr\} = \exp\Bigl\{-\sum_{t^\prime} \mathcal{L}(t^\prime)\Bigr\}, \end{equation} and $\mathcal{L}(t^\prime)$ involving spins on two neighboring $t$-layers $t^\prime$ and $t^\prime + \epsilon$. The boundary term \begin{equation}\label{eqn:AF2A} b(s_\text{in},s_\text{f}) = \bar{f}_\text{f}(s_\text{f}) \, f_\text{in}(s_\text{in}) \end{equation} depends only on the spins at the boundaries at $t_\text{in}$ and $t_\text{f}$, $s_{in,\gamma} = s_\gamma(t_\text{in})$, $s_{f,\gamma} = s_\gamma(t_\text{f})$. It is chosen such that $w[s]$ is positive, $w[s] \geq 0$. The partition function $Z$ is given by \begin{equation}\label{eqn:partition function def} Z = \int \mathcal{D} s \, K[s] \, b, \end{equation} where $\int \mathcal{D} s$ denotes the sum over all spin configurations $\{s\}$. It normalizes the weight distribution according to \begin{equation}\label{eqn:AF3} \int \mathcal{D} s \, w[s] = 1. \end{equation} By a suitable additive constant in $\mathcal{L}(t)$, and a suitable normalization of $b$, one can achieve $Z = 1$, what we assume in the following. Classical local observables $A(t) = A \bigl(s(t)\bigr)$ depend only on spins located on the hypersurface $t$. Their expectation values obey the standard rule in classical statistics \begin{equation}\label{eqn:AF4} \langle A(t)\rangle = \int \mathcal{D} s \, A(t) \, w[s]. \end{equation} We split the configuration sum $\int \mathcal{D} s$ into parts involving spins for $t^\prime < t$, $t^\prime > t$, and $t$. One defines the classical wave function $f(t)$ by integrating over the lower part \begin{equation}\label{eqn:AF5} f(t) = \int \mathcal{D} s(t^\prime < t) \exp\Bigl\{-\sum_{t^\prime < t}\mathcal{L}(t^\prime)\Bigr\} f_\text{in}, \end{equation} and the conjugate wave function $\bar{f}(t)$ by the sum over the upper part \begin{equation}\label{eqn:AF6} \bar{f}(t) = \int \mathcal{D} s(t^\prime > t) \exp\Bigl\{-\sum_{t^\prime \geq t} \mathcal{L}(t^\prime)\Bigr\} \bar{f}_\text{f}. \end{equation} Both $f(t)$ and $\bar{f}(t)$ depend on the ``local spins'' at $t$, $s_\gamma(t)$. For the computation of $\langle A(t)\rangle$ in \cref{eqn:AF4} only the sum over the local spins is left, \begin{equation}\label{eqn:AF7} \langle A(t)\rangle = \int \mathcal{D} s(t) \, \bar{f}(t) \, A(t) \, f(t). \end{equation} The local probabilities $p(t)$ depend on $s(t)$ and are products of the classical wave function and conjugate wave function \begin{equation}\label{eqn:AF7A} p(t) = \bar{f}(t) \, f(t) \geq 0, \qquad \int \mathcal{D} s(t) \, p(t) = 1, \end{equation} leading to the usual classical statistical expression \begin{equation}\label{eqn:AF7B} \langle A(t)\rangle = \int \mathcal{D} s(t) \, p(t) \, A(t). \end{equation} The wave functions obey simple linear evolution laws \begin{alignedeqn}\label{eqn:AF8} f(t + \epsilon) &= \int \mathcal{D} s(t) \, \mathcal{K}(t) \, f(t),\\ \bar{f}(t) &= \int \mathcal{D} s(t + \epsilon) \, \mathcal{K}(t) \, \bar{f}(t + \epsilon), \end{alignedeqn} where \begin{equation}\label{eqn:AF9} \mathcal{K}(t) = \exp\bigl\{-\mathcal{L}(t)\bigr\}. \end{equation} These evolution laws follow directly from the definitions \labelcref{eqn:AF5,eqn:AF6} by extending the corresponding ranges by one unit. It is the simplicity of the evolution law that singles out the concept of wave functions for the description of evolution in classical statistical systems. Linearity implies that the superposition principle for wave functions holds, in analogy to quantum mechanics. If $f_1(t)$ and $f_2(t)$ are solutions of \cref{eqn:AF8}, then also the linear combinations $\alpha_1 f_1(t) + \alpha_2 f_2(t)$ solve this equation. No such simple linear evolution law involving only the local probabilities $p(t)$ can be formulated. The wave functions contain precisely the additional probabilistic information beyond $p(t)$ that is needed for a simple linear evolution law. The pair of wave functions $f(t)$ and $\bar{f}(t)$ permits an efficient description of the transport of information. It is sufficient for the computation of expectation values of classical local observables at every $t$ by \cref{eqn:AF7}, as well as of local probabilities \labelcref{eqn:AF7A}. Solving the linear evolution equation \labelcref{eqn:AF8} one can follow how the information at the initial boundary encoded in $f(t_\text{in})$ and $\bar{f}(t_\text{in})$, related to expectation values of observables at $t_\text{in}$, propagates into the bulk at arbitrary $t - t_\text{in}$, or to the other boundary at $t_\text{f}$. \subsection{Quantum formalism} With the classical wave functions, the linear evolution law and the bilinear expression \labelcref{eqn:AF7} for expectation values of local observables, many analogies to quantum mechanics arise in a natural way from the problem of information transport in classical statistical systems. The analogy to quantum mechanics becomes even more apparent if we choose a suitable complete set of local basis functions $h_\tau(t) = h_\tau\bigl[s(t)\bigr]$ which depend on the local spins $s_\gamma(t)$. These basis functions obey the orthogonality relation \begin{equation}\label{eqn:AF10} \int \mathcal{D} s(t) \, h_\tau(t) \, h_\rho(t) = \delta_{\tau\rho} \end{equation} and the completeness relation \begin{equation}\label{eqn:AF10A} h_\tau[s] \, h_\tau[\bar{s}] = \delta(s,\bar{s}). \end{equation} By virtue of the completeness relation we can expand an arbitrary function of $s(t)$ as \begin{equation}\label{eqn:AF10B} A(t) = \alpha_\tau(t) \, h_\tau(t), \quad \alpha_\tau(t) = \int \mathcal{D} s(t) \, A(t) h_\tau(t). \end{equation} For the wave functions this yields \begin{equation}\label{eqn:AF11} f(t) = \tilde{q}_\tau(t) \, h_\tau(t), \qquad \bar{f}(t) = \bar{q}_\tau(t) \, h_\tau(t), \end{equation} while the evolution factor $\mathcal{K}(t)$ depends on $s(t)$ and $s(t + \epsilon)$ and reads \begin{equation}\label{eqn:AF12} \mathcal{K}(t) = S_{\tau\rho}(t) \, h_\tau(t + \epsilon) \, h_\rho(t). \end{equation} (We assume summations over double indices if not explicitly stated otherwise.) For a given basis the wave functions are given by the vectors $\tilde{q}(t)$ and $\bar{q}(t)$. Their evolution law involves a matrix multiplication \begin{alignedeqn}\label{eqn:AF13} &\tilde{q}_\tau(t + \epsilon) = S_{\tau\rho}(t) \, \tilde{q}_\rho(t),\\ &\bar{q}_\tau(t) = \bar{q}_\rho(t + \epsilon) \, S_{\rho\tau}(t). \end{alignedeqn} The matrix $S$ can be associated with the transfer matrix \cite{TM,MS,FU}. We choose the additive normalization of $\mathcal{L}(t)$ in \cref{eqn:AF2} such that the eigenvalue of $S$ with largest absolute size is normalized to one, $|\lambda_\text{max}| = 1$. With this normalization $S$ is called the step evolution operator \cite{CWIT}. In the matrix notation \cref{eqn:AF13} reads \begin{equation}\label{eqn:matrix AF13} \tilde{q}(t + \epsilon) = S(t) \, \tilde{q}(t), \qquad \bar{q}(t + \epsilon) = (S^{-1})^\tran(t) \, \bar{q}(t). \end{equation} We may define \begin{equation}\label{eqn:AF14} \partial_t \tilde{q}(t) = \frac{1}{2 \epsilon}\bigl(\tilde{q}(t + \epsilon)-\tilde{q}(t - \epsilon)\bigr) = W(t)\tilde{q}(t), \end{equation} with \begin{equation}\label{eqn:FF1} W(t) = \frac{1}{2 \epsilon} \bigl(S(t) - S^{-1}(t - \epsilon)\bigr). \end{equation} If a suitable continuum limit $\epsilon \to 0$ exists, \cref{eqn:AF14} becomes a linear differential equation, generalizing the Schrödinger equation in quantum mechanics. Similarly, the conjugate wave function obeys \begin{equation}\label{eqn:AF16} \partial_t \bar{q}(t) = -\tilde{W}^\tran(t) \, \bar{q}(t), \end{equation} where \begin{equation}\label{eqn:AF17} \tilde{W}(t) = \frac{1}{2 \epsilon}\bigl[S(t - \epsilon)-S^{-1}(t)\bigr] \end{equation} equals $W(t)$ if $S$ is independent of $t$. Without loss of generality, we can formally write \begin{equation}\label{eqn:FF3} W = J - i H, \end{equation} with $H$ and $J$ Hermitian matrices. The Hamilton operator $H$ is antisymmetric and purely imaginary, while $J$ is real and symmetric. Multiplication with $i$ formally yields the generalized Schrödinger equation in a familiar form \begin{equation}\label{eqn:46K} i \partial_t \tilde{q} = H \tilde{q} + i J \tilde{q}. \end{equation} For models with $t$-independent orthogonal $S$ the matrix $J$ vanishes. For the conjugate wave function and $t$-independent $S$ one has \begin{equation}\label{eqn:FF4} i\partial_t\bar{q} = (H-iJ)\bar{q}. \end{equation} For local observables we employ the expansion \labelcref{eqn:AF10B}. We can then associate to each local observable a real symmetric matrix or operator $A^\prime(t)$ \begin{equation}\label{eqn:AF19} A_{\tau\rho}^\prime(t) = \alpha_\sigma(t)\int \mathcal{D} s(t) \, h_\tau(t) \, h_\rho(t) \, h_\sigma(t) = A_{\rho\tau}^\prime(t). \end{equation} This expresses the expectation value \labelcref{eqn:AF7} in a form resembling quantum mechanics \begin{equation}\label{eqn:AF20} \langle A(t)\rangle = \bar{q}_\tau(t) \, A_{\tau\rho}^\prime(t) \, \tilde{q}_\rho(t) = \bar{q}^\tran A^\prime \tilde{q}. \end{equation} The operators $A^\prime$ are not necessarily diagonal. The step evolution operator $S$ or the operators $A^\prime$ associated to local observables depend on the choice of basis functions. A particularly simple basis is the ``occupation number basis'' \cite{CWIT}. It associates to every local spin configuration $[s(t)]$ of $M$ spins $s_\gamma(t)$ ($\gamma \in \{1,\dots,M\}$) a product of $M$ factors $a_\gamma$, \begin{equation}\label{eqn:AF21} h_\tau = \prod_{\gamma=1}^M a_\gamma, \end{equation} where $a_\gamma$ is either given by $a_\gamma = n_\gamma = (1 + s_\gamma)/2$, or by $a_\gamma = (1-n_\gamma) = (1-s_\gamma)/2$. There are $N = 2^M$ independent basis functions, corresponding to the $N$ different spin configurations. All basis functions equal one precisely for one specific configuration, that we may denote by $\tau$, and vanish for all other configurations. They obey the relations (no index sum here) \begin{equation}\label{eqn:AF22} h_\tau h_\rho = h_\tau\delta_{\tau\rho}, \qquad \sum_\tau h_\tau = 1, \qquad \int \mathcal{D} s(t) \, h_\tau = 1. \end{equation} The relations \labelcref{eqn:AF10,eqn:AF10A} are easily verified. For this basis the operators for classical local observables are diagonal (no index sum) \begin{equation}\label{eqn:AF23} A_{\tau\rho}^\prime(t) = A_\tau(t) \delta_{\tau\rho}. \end{equation} Here $A_\tau(t)$ is the value that the observable takes for the spin configuration $\tau$. In the occupation number basis the expansion coefficients $\alpha_\tau$ in \cref{eqn:AF10B} coincide with the values that the observable takes for the configuration $\tau$, \begin{equation}\label{eqn:coincision} \alpha_\tau = A_\tau. \end{equation} The local probabilities are given by (no sum over $\tau$) \begin{equation}\label{eqn:local probabilities} p_\tau = \bar{q}_\tau \tilde{q}_\tau. \end{equation} In general, the index $\tau$ for quantities such as $A_\tau$ or the local probabilities $p_\tau$ denotes different local configurations of occupation numbers or spins, while for $\bar{q}_\tau$, $\tilde{q}_\tau$, $\alpha_\tau$, $S_{\tau\rho}$ or $\pi_\tau$ in $p(t) = \pi_\tau h_\tau$ it labels the basis functions and associated coefficients. Only in the occupation number basis can we identify these labels, since we can denote by $\tau$ the spin configuration where $h_\tau = 1$, or vice versa. With this association the relation \labelcref{eqn:coincision} or the similar relation $\pi_\tau = p_\tau$ is easily established. For comparison with some other basis we may discuss the ``spin basis'', for which the factors $a_\gamma$ in \cref{eqn:AF21} are either given by $1$ or $s_\gamma$. For a single spin the operator $n = (1 + s)/2$ corresponds to $\alpha_1 = \alpha_2 = 1/2$, while $1 - n = (1 - s)/2$ is described by $\alpha_1 = 1/2$, $\alpha_2 = -1/2$. The values $A_1 = 1$, $A_2 = 0$ for the observable $n$, and $A_1 = 0$, $A_2 = 1$ for the observable $1 - n$, do not depend on the choice of basis. These values correspond to $\alpha_\tau$ only in the occupation number basis. Positive values of $\alpha_\tau$ in the occupation number basis can result in some $\alpha_\tau$ being negative in the spin basis. The same applies to the wave function or local probabilities, and one infers that some $\tilde{q}_\tau$ or $\pi_\tau$ can be negative in the spin basis, or $S_{\tau\rho}$ can have negative elements. Only in the occupation number basis are $\bar{q}_\tau$, $\tilde{q}_\tau$, $\pi_\tau$, $S_{\tau\rho}$ all positive semidefinite. We will keep the discussion general with an arbitrary choice of basis. The existence of the particular occupation number basis will nevertheless be a very useful tool for establishing general properties. The formal analogies between the computation of expectation values of local observables $\langle A(t)\rangle$ and their evolution with $t$ in classical statistics on one side, and quantum mechanics on the other side, are the basis for this paper. They will allow us to transfer many methods and concepts of quantum mechanics to the problem of information transport in classical statistics. There remain, nevertheless, also important qualitative differences between classical statistics and quantum mechanics. Quantum mechanics will appear only as a particular special case of classical statistics. A key difference is the presence of two independent wave functions in classical statistics, namely the classical wave function $\tilde{q}(t)$ and the conjugate wave function $\bar{q}(t)$. Only the product of the two wave functions is normalized, \begin{equation}\label{eqn:AF24} \int \mathcal{D} s(t) \, \bar{f}(t) \, f(t) = \bar{q}_\tau(t) \, \tilde{q}_\tau(t) = Z = 1. \end{equation} The length of the vector $\tilde{q}$ can therefore change in the course of the evolution if it is accompanied by a compensating change for $\bar{q}$. \subsection{Quantum mechanics} For the special case of a ``unitary evolution'' the length of the vectors $\tilde{q}$ and $\bar{q}$ is conserved \begin{equation}\label{eqn:AF25} \tilde{q}_\tau(t) \, \tilde{q}_\tau(t) = c^2, \qquad \bar{q}_\tau(t) \, \bar{q}_\tau(t) = d^2. \end{equation} This is realized if the step evolution operator $S$ in \cref{eqn:AF13} is an orthogonal matrix, $S^\tran(t) \, S(t) = 1$. In turn, the operator $W$ which characterizes the continuum limit of the evolution in \cref{eqn:AF14} is antisymmetric. The dependence of the classical wave function is then governed by a (real) Schrödinger equation, with Hermitian Hamiltonian $H = i W$. The weight function \labelcref{eqn:AF1} and the boundary term \labelcref{eqn:AF2A} remain unchanged if we multiply $f_\text{in}$ by $1/c$ and $\bar{f}_\text{f}$ by $c$. We can use this freedom in order to normalize the classical wave function, i.e. setting $c = 1$ in \cref{eqn:AF25}. In the following we consider a normalized initial wave function at the boundary \begin{equation}\label{eqn:Q2} \tilde{q}^\tran(t_\text{in}) \, \tilde{q}(t_\text{in}) = \sum_\tau \tilde{q}^2_\tau(t_\text{in}) = 1. \end{equation} For orthogonal $S$ this normalization condition is preserved for all $t$, \begin{equation}\label{eqn:Q3} \tilde{q}^\tran(t) \, \tilde{q}(t) = 1. \end{equation} With the normalization \labelcref{eqn:Q3} the wave function is a normalized vector in a Hilbert space. The fact that it is real is no limitation. Complex wave functions can be obtained from $\tilde{q}$ by introducing a complex structure, cf. \cref{sec:complex structure}, and any complex wave function can be written as a real wave function with twice the number of components. Together with the Schrödinger equation the evolution fulfills the axioms of quantum mechanics. In order to obtain the normalization of the partition function $Z = 1$ we have to impose for the conjugate wave function at $t_\text{f}$ the condition \begin{equation}\label{eqn:Q4} \bar{q}^\tran(t_\text{f}) \, \tilde{q}(t_\text{f}) = 1. \end{equation} This holds then for all $t$, cf. \cref{eqn:AF24}. For $S^\tran S = 1$ the evolution of $\bar{q}$ is the same as for $\tilde{q}$, \begin{equation}\label{eqn:Q6} i \partial_t \tilde{q} = H \tilde{q}, \qquad i \partial_t \bar{q} = H \bar{q}, \qquad H = H^\dagger. \end{equation} Let us now choose \begin{equation}\label{eqn:Q7} \bar{q}(t_\text{f}) = \tilde{q}(t_\text{f}), \end{equation} such that $\bar{q}$ and $\tilde{q}$ can be identified for all $t$ \begin{equation}\label{eqn:176A} \bar{q}(t) = \tilde{q}(t) = q(t). \end{equation} The modifications for other choices of $\bar{q}(t_\text{f})$ are discussed in \cref{app:bcs and ivs}. With the choice \labelcref{eqn:Q7} the expectation value of a local observable $A(t)$ obeys by virtue of \cref{eqn:AF20} the quantum rule (for real wave functions), \begin{equation}\label{eqn:Q8} \langle A(t)\rangle = q^\tran(t) A^\prime(t) \, q(t). \end{equation} Together with the property that the operators associated with product observables $[A(t)]^n$ are the matrix products $[A^\prime(t)]^n$, see \cref{sec:Three-spin chains}, also the axioms of quantum mechanics for observables are obeyed. We can therefore take advantage of the full formalism of quantum mechanics. In the occupation number basis one has for the local probabilities the standard relation of quantum mechanics \begin{equation}\label{eqn:Q9} p_\tau(t) = q_\tau^2(t). \end{equation} In any other basis we can still identify the positive semidefinite quantities $q_\tau^2(t)$ with probabilities. They will not coincide with the local probabilities $p_\tau$, however. \subsection{Weight distribution and step evolution operator} A \textit{local} probabilistic setting is realized if the product $\bar{q}_\tau(t) \, \tilde{q}_\tau(t)$ is positive semidefinite for all $t$, and for each $\tau$ individually. This condition is sufficient for a well defined local probability distribution. It is necessary but not sufficient for a well defined \textit{overall} probability distribution. The latter requires positivity of $w[s] = p[s]$ for arbitrary spin configurations. The overall probability distribution \labelcref{eqn:AF1} can be represented as a product of step evolution operators. We use the explicit representation \begin{equation}\label{eqn:28A} w[s] = \bar{q}_\tau(t_\text{f}) \, h_\tau(t_\text{f}) \, \mathcal{K}(t_\text{f} - \epsilon) \dots \mathcal{K}(t_\text{in}) \, \tilde{q}_\rho(t_\text{in}) \, h_\rho(t_\text{in}). \end{equation} Insertion of \cref{eqn:AF12} expresses $w$ in terms of step evolution operators and products of basis functions. The use of \cref{eqn:AF10} yields for every basis \begin{equation}\label{eqn:partition function} Z = \bar{q}_\tau(t_\text{f}) \bigl[S(t_\text{f} - \epsilon) \dots S(t_\text{in} + \epsilon) \, S(t_\text{in})\bigr]_{\tau\rho} \tilde{q}_\rho(t_\text{in}). \end{equation} In the occupation number basis $w[s]$ has a particularly simple form, since we can employ the first relation in \cref{eqn:AF22}, \begin{equation}\label{eqn:28B} w[s] = \sum_{\mathclap{\rho_1,\dots,\rho_{G+1}}} w_{\rho_1 \rho_2 \dots \rho_{G+1}} \, h_{\rho_1}(t_1) \, h_{\rho_2}(t_2) \dots h_{\rho_{G+1}}(t_{G+1}), \end{equation} with (no summations in the following expression) \begin{alignedeqn}\label{eqn:28C} w_{\rho_1 \rho_2 \dots \rho_{G+1}} &= \bar{q}_{\rho_{G+1}}(t_{G+1}) \, S_{\rho_{G+1} \rho_{G}}(t_{G}) \, S_{\rho_{G} \rho_{G-1}}(t_{G-1})\\ &\hphantom{={}}\times \dots S_{\rho_3 \rho_2}(t_2) \, S_{\rho_2 \rho_1}(t_1) \, \tilde{q}_{\rho_1}(t_1). \end{alignedeqn} Here we have numbered the time arguments according to $t_\text{in} = t_1$, $t_\text{in} + \epsilon = t_2$, \dots $t_\text{f} = t_{G+1}$. (With the third relation in \cref{eqn:AF22} one recovers \cref{eqn:partition function}.) Positivity of $w[s]$ requires positivity of all coefficients $w_{\rho_1\dots\rho_{G+1}}$. Conditions for this positivity can be found in ref. \cite{CWIT}. In our classical statistical setting \labelcref{eqn:AF2,eqn:AF9} the requirement of positivity only restricts the choice of boundary values. We will extend our discussion to arbitrary weight functions $w[s]$ defined by \cref{eqn:AF12,eqn:28A}. Without restrictions on $S$ they are not necessarily real and positive. The classical statistical systems are given by the subclass of positive probability distributions $p[s] = w[s]$. \section{Simple models} \label{sec:simple models} In this section we present three simple models for which the boundary problem is solved exactly in ref.~\cite{CWIT}. They make the general discussion of the preceding section more concrete. We work here in the occupation number basis. For the generalized Ising models \eqref{eqn:AF2} we expand ${\cal L}(t')$ in the basis functions \begin{equation}\label{52AA} {\cal L}(t')=M_{\tau\rho}(t')h_\tau(t'+\epsilon)h_\rho(t'). \end{equation} This yields for the step evolution operator the matrix elements \begin{equation}\label{52AB} S_{\tau\rho}(t')=\exp \big(-M_{\tau\rho}(t')\big). \end{equation} All elements are positive, $S_{\tau\rho}\geq 0$, such that the step evolution operator is a nonnegative matrix. Inversely, every $S$ with positive elements can be associated with suitable elements $M_{\tau\rho}(t')=-\ln \big(S_{\tau\rho}(t')\big)$, and therefore be expressed by interactions between Ising spins on neighboring $t$-layers by virtue of \cref{52AA}. Vanishing elements $S_{\tau\rho}=0$ correspond to $M_{\tau\rho}\to\infty$. For the corresponding neighboring spin configurations ${\cal L}(t')$ diverges, such that ${\cal K}(t')=\exp\big(-{\cal L}(t')\big)$ vanishes. Such configurations contribute zero weight and are ``forbidden'' in this sense. Our first simple generalized Ising model is the four-state oscillator chain. It describes two Ising spins, $M=2$, such that wave functions have four real components and $S$ is a $4\times 4$-matrix. The evolution of the wave function obeys an approach to an equilibrium state by damped oscillations. We will discuss the evolution of the density matrix for this model in detail in \cref{sec:solution of bvp}. It will serve as an illustration that classical statistical systems do not always allow for arbitrary ``initial values'' of the density matrix at $t_\text{in}$. A limiting case of this model is a unique jump chain that can be associated to a cellular automaton \cite{CA,ICJ,TH,TH2,EL}. Our second example are unique jump chains that account for a discrete quantum evolution. The third model is the two-dimensional asymmetric diagonal Ising model. It describes a quantum field theory of free relativistic fermions \cite{CWFGI}. Complementing these simple examples, a detailed discussion of the classical wave function for the one-dimensional Ising model \cite{IM,IS} can be found in ref. \cite{CWIT}. In \cref{sec:solution of bvp} we add the evolution of the classical density matrix for the Ising model, extending the complete solution of the boundary problem to mixed classical states. The following section \cref{sec:Three-spin chains} provides for a simple example for non-commuting operators in classical statistics. There we will present ``three-spin chains'' that show many analogies to the behavior of a single quantum spin. \subsection{Four-state oscillator chain} It is possible that the step evolution operator $S$ has complex eigenvalues. This can occur if $S$ is not symmetric. In this case one expects oscillatory behavior. The boundary information may still be lost far inside the bulk if $S$ has a unique largest eigenvalue, corresponding to a unique equilibrium state. This ``extinction of information'' is not monotonic, however, as in many classical statistical systems. The local probabilities, and correspondingly the expectation values of local observables, reach their equilibrium values in an oscillating fashion. An example is the four-state oscillator chain, as realized by the four by four matrix \begin{equation}\label{eqn:GD} S = \begin{pmatrix} 1-\eta & 0 & \eta & 0\\ \eta & 1-\eta & 0 & 0\\ 0 & 0 & 1-\eta & \eta\\ 0 & \eta & 0 & 1-\eta \end{pmatrix}. \end{equation} For $0 \leq \eta \leq 1$ all entries of $S$ are positive and the model can be realized with Ising spins, cf. ref. \cite{CWIT} for details. Since some elements of $S$ vanish it is a type of ``constrained Ising model'' for which certain combinations of neighboring spin configurations are prohibited due to a divergent action. The four eigenvalues of $S$ are \begin{equation}\label{eqn:GE} \lambda_0 = 1, \qquad \lambda_{1 \pm} = 1 - \eta \pm i \eta, \qquad \lambda_2 = 1 - 2 \eta, \end{equation} and the (unnormalized) eigenvectors to the eigenvalues $\lambda_0$, $\lambda_{1+}$, $\lambda_{1-}$, $\lambda_2$ read \begin{alignedeqn}\label{eqn:GF} v_0 &= \begin{pmatrix} 1\\1\\1\\1 \end{pmatrix}\!, \qquad &&v_{1+} = \begin{pmatrix} 1\\-i\\i\\-1 \end{pmatrix}\!,\\ v_{1-} &= \begin{pmatrix} 1\\i\\-i\\-1 \end{pmatrix}\!, &&\hphantom{_+}v_{2} = \begin{pmatrix} 1\\-1\\-1\\1 \end{pmatrix}\!. \end{alignedeqn} For $0 < \eta < 1$ the absolute value of $\lambda_{1\pm}$ is smaller than one. One therefore encounters damped oscillations of the wave function if the initial wave function contains components $\sim v_{1\pm}$. Whenever a unique largest eigenvalue one of $S$ is separated from the other eigenvalues $\lambda_i$, with $|\lambda_i| < 1$, one may suspect a loss of memory of boundary conditions with a finite correlation length. Far enough inside the bulk the classical wave function will attain an equilibrium value $\tilde q_*$ which is independent of $t$. We will see in \cref{sec:density matrix} that the situation is subtle, however. The reason is that an exponentially decaying $\tilde{q}-\tilde{q}_\ast$ may be compensated by an exponentially increasing $\bar{q}-\bar{q}_\ast$. This could lead to undamped oscillations of the density matrix. The general solution of the evolution equation for the density matrix admits indeed undamped oscillatory behavior. One then has to investigate if such density matrices can be realized by suitable boundary conditions. We will present an explicit exact solution of the boundary problem for the four state oscillator chain in \cref{sec:solution of bvp}. For this and similar systems interesting cases arise for finite systems for which the information inside the bulk is not erased in practice. For small $\eta$, we define $\omega = \eta/\epsilon$ and extract the continuum limit \labelcref{eqn:46K} with \begin{alignedeqn}\label{eqn:HE} &J = \frac{1}{2} \begin{pmatrix} -2 \omega & \omega & \omega & 0\\ \omega & -2 \omega & 0 & \omega\\ \omega & 0 & -2 \omega & \omega\\ 0 & \omega & \omega & -2 \omega \end{pmatrix},\\ &H = \frac{i}{2} \begin{pmatrix} 0 & -\omega & \omega & 0\\ \omega & 0 & 0 & -\omega\\ -\omega & 0 & 0 & \omega\\ 0 & \omega & -\omega & 0 \end{pmatrix}. \end{alignedeqn} This constitutes a concrete example for the generalized Schr\"odinger equation \eqref{eqn:46K}. The general solution of the evolution equation \labelcref{eqn:46K} is straightforward \cite{CWIT}. It shows damped oscillations, as expected. \subsection{Unique jump chains} An example of complete information transport is given by the limiting case of \cref{eqn:GD} for $\eta = 1$. It corresponds to $\tilde{q}_2(t + \epsilon) = \tilde{q}_1(t)$, $\tilde{q}_4(t + \epsilon) = \tilde{q}_2(t)$, $\tilde{q}_3(t + \epsilon) = \tilde{q}_4(t)$, $\tilde{q}_1(t + \epsilon) = \tilde{q}_3(t)$. This evolution is periodic with period $4 \epsilon$. With $S^\tran S = 1$ the step evolution operator \begin{equation}\label{eqn:GN} S = \begin{pmatrix} 0 & 0 & 1 & 0\\ 1 & 0 & 0 & 0\\ 0 & 0 & 0 & 1\\ 0 & 1 & 0 & 0 \end{pmatrix} \end{equation} describes a rotation. The eigenvalues of $S$ are $\pm 1$, $\pm i$. The conjugate wave function $\bar{q}(t)$ follows the same evolution as $\tilde{q}(t)$ according to \cref{eqn:matrix AF13}. Therefore the local probabilities $p(t)$ oscillate with period $4\epsilon$, according to $p_2(t + \epsilon) = p_1(t)$, $p_4(t + \epsilon) = p_2(t)$, $p_3(t + \epsilon) = p_4(t)$, $p_1(t + \epsilon) = p_3(t)$. The step evolution operator \labelcref{eqn:GN} is an example of a ``unique jump chain''. Each spin configuration at $t$ is mapped to precisely one other spin configuration at $t + \epsilon$. The limit $\eta \to 1$ of \cref{eqn:GD} can therefore be considered a deterministic system, associated to a cellular automaton \cite{CA,ICJ,TH,TH2,EL}. It is an example of discrete quantum mechanics, where the continuous evolution according to the Schrödinger equation is replaced by a discrete sequence of evolution operators between $t$ and $t + \epsilon$. We can also consider the step evolution operator \labelcref{eqn:GN} as the realization of a static memory material \cite{CWIT}. Information about boundary conditions is transported into the bulk because $S$ has more than one eigenvalue with $|\lambda| = 1$. The values of observables far inside the bulk depend on the boundary conditions. These simple examples demonstrate already that the issue of information transport is expected to differ substantially from a simple approach to equilibrium in the bulk whenever more than one eigenfunction to eigenvalues of $S$ with $|\lambda| = 1$ exists. Memory of boundary conditions is expected to occur due to a ``degeneracy'' of generalized equilibrium wave functions. \subsection{Ising spins for free massless fermions} Our third examples are two-dimensional memory materials where the coordinate $t$ is supplemented by a second coordinate $x$. Here $t$ and $x$ are treated equally as locations on a two dimensional lattice. The coordinate $t$ indicates the direction in which the evolution between different hypersurfaces is studied. We discuss Ising spins $s(t,x)$, with $x$ corresponding to $\gamma$. For periodic boundary conditions in $x$ we consider $M$ different values for $x$, $x = x_\text{in} + (m-1) \epsilon$, $1 \leq m \leq M$, $x_\text{f} = x_\text{in} + (M-1) \epsilon$, $x_\text{in} + M \epsilon = x_\text{in}$. A static memory material can be realized as an Ising type model with interactions only among diagonal neighbors in one direction \begin{equation}\label{eqn:M13} \mathcal{L}(t) = -\frac{\beta}{2} \sum_x \bigl\{s(t + \epsilon,x + \epsilon) \, s(t,x) - 1\bigr\}. \end{equation} For $\beta \to \infty$ this ``asymmetric diagonal Ising model'' can be solved exactly in terms of the free propagation of an arbitrary number of Weyl fermions \cite{CWIT,CWFGI}. This solution is easily understood by considering two neighboring sequences of Ising spins, e.g. $\{s(t + \epsilon,x)\}$ and $\{s(t,x)\}$. Whenever the spins $s(t + \epsilon,x + \epsilon)$ and $s(t,x)$ are the same, the factor $\mathcal{K}(t)$ in \cref{eqn:AF9} equals one. If they are different, $s(t + \epsilon,x + \epsilon) \neq s(t,x)$, \cref{eqn:AF9} gives a factor $e^{-\beta}$. The leading term in $\mathcal{K}(t)$ thus copies the sequence $s(t,x)$ from $t$ to $t + \epsilon$, now translated by one unit in the positive $x$-direction. For this configuration of two neighboring displaced sequences one has $\mathcal{K}(t) = 1$. Each copy error in one spin reduces $\mathcal{K}(t)$ by a factor $e^{-\beta}$. In the limit $\beta \to \infty$ the probability for configurations with copy errors goes to zero. This realizes a unique jump chain, where every sequence $\{s(x)\}$ at $t$ is mapped uniquely to a sequence $\{s^\prime(x)\}$ at $t + \epsilon$. In the limit $\beta \to \infty$ the step evolution operator $S$ becomes simple. In the occupation number basis a given sequence $[s(x)]$ corresponds to a given basis function $h_\tau$. The sequence displaced by one unit, e.g. $s^\prime(x) = s(x + \epsilon)$, corresponds to a different basis function $h_{\alpha(\tau)}$. The transfer matrix $\bar{S}_{\rho\tau}$ equals one whenever $\rho = \alpha(\tau)$, while all other elements are suppressed by factors $e^{-k\beta}$, with $k$ the ``number of errors''. For $\beta \to \infty$ one has $\bar{S} = S$, where $S_{\rho\tau} = 1$ for $\rho = \alpha(\tau)$, and $S_{\rho\tau} = 0$ for $\rho \neq \alpha(\tau)$. We recognize a unique jump chain similar to \cref{eqn:GN}. The evolution of the wave function is given by \begin{equation}\label{eqn:M14} \tilde{q}_{\alpha(\tau)}(t + \epsilon) = \tilde{q}_\tau(t), \qquad \tilde{q}_\tau(t + \epsilon) = \tilde{q}_{\alpha^{-1}(\tau)}(t). \end{equation} The evolution of the conjugate wave function $\bar{q}_\tau(t)$ is the same as for $\tilde{q}_\tau(t)$. We consider boundary conditions such that $\bar{q}$ and $\tilde{q}$ can be identified, $\tilde{q}(t) = \bar{q}(t) = q(t)$ and refer to \cref{app:bcs and ivs} for more general boundary conditions. We may describe our model in terms of fermionic particles, with occupation numbers $n(x) = [s(x) + 1]/2 \in \{0,1\}$. The displacement by one $x$-unit of the copied $\bigl[n(x)\bigr]$-sequence does not change the number of ones in this sequence. If we associate each $n(x) = 1$ with a particle present at $x$ (and $n(x) = 0$ with no particle present), the total number of particles $F = \sum_x n(x)$ is the same at $t$ and $t + \epsilon$. The step evolution operator conserves the particle number. We can therefore decompose the wave function $q_\tau(t)$ into sectors with different particle numbers $F$. They do not mix by the evolution and can be treated separately. For the sector with $F = 0$ the wave function is independent of $t$. The sector with $F = 1$ describes the propagation of a single particle. It is characterized by a single particle wave function $q(t,x)$, where $x$ denotes the location of the single particle or the position of the unique one in the sequence $[s(x)]$. The evolution of the one-particle wave function obeys \begin{equation}\label{eqn:one-particle evolution} q(t + \epsilon,x) = q(t,x - \epsilon). \end{equation} The sector with $F = 2$ is characterized by the positions $x$ and $y$ of the two particles. There is no distinction which particle sits at $x$ and which one at $y$, and we may use an antisymmetric wave function \begin{equation}\label{eqn:M15} q(t;x,y) = -q(t;y,x). \end{equation} The origin of the antisymmetric wave functions for fermions becomes apparent if we employ the general map between the functional integral for Ising spins and an equivalent Grassman functional integral \cite{CWFGI}. Using variables \begin{equation}\label{eqn:M16} s = \frac{x + y}{2}, \qquad r = x-y \end{equation} the evolution obeys \begin{equation}\label{eqn:M17} q(t + \epsilon;s,r) = q(t;s-\epsilon,r). \end{equation} The distance $r$ between the occupied sites remains the same for all $t$. This evolution equation has a similar structure as \cref{eqn:one-particle evolution}, with $s$ replacing $x$ and $r$ considered an additional property that is not affected by the evolution. The evolution equations \labelcref{eqn:one-particle evolution} or \labelcref{eqn:M17} admit a continuum limit $\epsilon \to 0$ if the wave functions are sufficiently smooth. The one particle wave function obeys \begin{equation} \partial_t q(x) = -\partial_x q(x), \end{equation} while for the two-particle wave function one has \begin{equation}\label{eqn:M18} \partial_t q = -\partial_s q = -(\partial_x + \partial_y) q. \end{equation} This generalizes to an arbitrary number of particles $F$, \begin{equation}\label{eqn:M19} \partial_t q = W \, q, \qquad W = -i P \end{equation} with total momentum operator \begin{equation} P = -i \sum_{j=1}^F \frac{\partial}{\partial x_j}. \end{equation} Associating formally $i W$ with the energy $E$ of the $F$-particle system, we recover the energy-momentum relation for relativistic fermions $E = P$. It is possible to define for this model a complex structure \cite{CWIT}, such that \cref{eqn:M19} becomes the usual complex Schrödinger equation with hermitian Hamiltonian $H = P$. The particles are ``right-movers'' and can be identified with Weyl fermions in two dimensions. A more detailed discussion including the complex structure and the realization of Lorentz symmetry can be found in ref.~\cite{CWFGI}. The diagonal asymmetric Ising model \labelcref{eqn:M13} realizes for $\beta \to \infty$ a two-dimensional quantum field theory. It constitutes a simple example that the realization of quantum mechanics according to the discussion following \cref{eqn:Q2} is possible within a classical statistical system. \section{Three-spin chains} \label{sec:Three-spin chains} In this section we present the solution of the boundary value problem for a chain of three Ising spins at each site. We follow how the information at the two ends of the chains at $t_{in}$ and $t_f$ propagates to arbitrary $t$ in the bulk. We will admit interactions between the spins that can vary for different $t$. This can represent the presence of external fields, which may be used to influence the outcome of a sequence of computational steps if the spins are taken as classical bits. One could also associate the spins with a subsystems of neurons whose interactions are influenced by potentials reflecting the state the environment. Interestingly, we find partial quantum features already for this simple setting. Our main emphasis concerns, however, the information transport in the classical statistical systems. We label the three classical Ising spins by $s_k(t), k=1\dots 3$, replacing here the index $\gamma$ by $k$ since the three spins may be associated with spins having each a ``direction'' in one of the three space dimensions. We will find many analogies with the three components of a single quantum spin. We work in the occupation number basis and number the eight states $\tau$ by the values of $s_1,s_2,s_3$, e.g. $\tau=1\dots 8$ corresponding to $(-1,-1,-1)$, $(-1,-1,1)$, $(-1,1-1)$, $(-1,1,1)$, $(1,-1,-1)$, $(1,-1,1)$, $(1,1,-1)$, $(1,1,1)$. The step evolution operator $S$ is an $8\times 8$-matrix. \subsection{Unique jump operations} Consider first a simple constrained Ising model for $\beta\to\infty$, \begin{eqnarray}\label{J1} {\cal L}_H(t)&=&-\beta \big(s_1(t+\epsilon) s_3(t)+s_3(t+\epsilon) s_1(t)\nonumber\\ &&-s_2(t+\epsilon) s_2(t)-3\big). \end{eqnarray} One finds ${\cal K}(t)=1$ only if $s_1(t+\epsilon)=s_3(t)$, $s_3(t+\epsilon)=s_1(t)$ and $s_2(t+\epsilon)=-s_2(t)$. For all other configurations one has ${\cal K}(t)=0$. Correspondingly, the step evolution is given by \begin{equation}\label{XAX} S_{13}=S_{31}=S_{27}=S_{72}=S_{45}=S_{54}=S_{68}=S_{86}=1, \end{equation} with all other elements zero. The evolution of the wave function obeys \begin{eqnarray}\label{J2} \q1(t+\epsilon)&=&\q3(t),~\q2(t+\epsilon)=\q7(t),\nonumber\\ \q3(t+\epsilon)&=&\q1(t),~\q4(t+\epsilon)=\q5(t),\nonumber\\ \q5(t+\epsilon)&=&\q4(t),~\q6(t+\epsilon)=\q8(t),\nonumber\\ \q7(t+\epsilon)&=&\q2(t),~\q8(t+\epsilon)=\q6(t), \end{eqnarray} and similar for the components of the conjugate wave function $\bar q_\tau(t)$, and therefore also for the local probabilities $p_\tau(t)$. The expectation value of $s_1$ is interpreted as the expectation value of a spin in the $x$-direction, \begin{equation}\label{J3} \rho_1=\langle s_1\rangle =-(p_1+p_2+p_3+p_4)+p_5+p_6+p_7+p_8. \end{equation} The corresponding classical spin operator $A_1$ is a diagonal matrix, $A'_1=$diag$(-1,-1,-1,-1,1,1,1,1)$. For the other two spin directions one obtains similarly $A'_2=$diag$(-1,-1,1,1,-1,-1,1,1)$ and $A'_3=$diag$(-1,1,-1,1,-1,1,-1,1)$, or \begin{eqnarray}\label{J4} \rho_2&=&\langle s_2\rangle\nonumber\\ &=&-p_1-p_2+p_3+p_4-p_5-p_6+p_7+p_8,\nonumber\\ \rho_3&=&\langle s_3\rangle\\ &=&-p_1+p_2-p_3+p_4-p_5+p_6-p_7+p_8.\nonumber \end{eqnarray} With the unique jump evolution \eqref{J2} one has \begin{equation}\label{J5} \rho_1(t+\epsilon)=\rho_3(t),~\rho_3(t+\epsilon)=\rho_1(t),~\rho_2(t+\epsilon)=-\rho_2(t). \end{equation} This simple transformation can be mapped to a unitary transformation in (discrete) quantum mechanics for a single spin. We define \cite{CWQM} a complex $2\times 2$ ``quantum density matrix'' $\rho$, \begin{equation}\label{J6} \rho=\frac12(1+\rho_k\tau_k),~\rho^\dagger=\rho,~\tr \rho=1. \end{equation} The three Pauli matrices $\tau_k$ can be associated with the spin operators $\hat S_k$ in the three space directions $(\hbar/2=1)$, such that the expectation values of the quantum spin agrees with the classical Ising spins \begin{equation}\label{J7} \rho_k=\langle s_k\rangle =\text{Tr}(\rho\hat S_k)=\text{Tr}(\rho\tau_k). \end{equation} The positivity of the quantum density matrix $\rho$ is realized if we restrict the classical probability distributions (by suitable initial conditions) to ones for which $\sum_k\rho^2_k\leq 1$. A pure state quantum density matrix obtains for the limiting case $\sum_k\rho^2_k=1$. The unique jump evolution \eqref{J5} constitutes a discrete unitary evolution of the quantum density matrix \begin{equation}\label{J8} \rho(t+\epsilon) =U(t)\rho(t)U^\dagger(t),~U^\dagger (t)U(t)=1, \end{equation} with ``Hadamard gate'' \begin{equation}\label{J9} U_H=\frac{1}{\sqrt{2}} \left(\begin{array}{rr} 1&1\\1&-1 \end{array} \right). \end{equation} Other quantum operators can be realised in a similar way. For example, \begin{eqnarray}\label{J10} {\cal L}_{31}(t)&=&\beta \big(s_1(t+\epsilon) s_3(t)-s_3(t+\epsilon) s_1(t)\nonumber\\ &&-s_2(t+\epsilon) s_2(t)+3\big) \end{eqnarray} induces for $\beta\to\infty$ \begin{equation}\label{J11} \rho_1(t+\epsilon)=-\rho_3(t),~\rho_3(t+\epsilon)=\rho_1(t),~\rho_2(t+\epsilon) =\rho_2(t), \end{equation} or the unitary transformation \eqref{J8} with \begin{equation}\label{J12} U_{31}=\frac{1}{\sqrt{2}}\left(\begin{array}{rr} 1&1\\-1&1 \end{array} \right). \end{equation} Further quantum operations as $U_X,U_Y,U_Z=\tau_1,i\tau_2,\tau_3$ are realized by simultaneous sign flips of $s_2$ and $s_3$, $s_1$ and $s_3$, or $s_1$ and $s_2$, respectively. A jump $\rho_1(t+\epsilon)=\rho_2(t)$, $\rho_2(t+\epsilon) =-\rho_1(t)$, $\rho_3(t+\epsilon)=\rho_3(t)$ results in \begin{equation}\label{J13} U_{12}= \left(\begin{array}{rr} 1&0\\0&-i \end{array} \right). \end{equation} A sequence of two jumps $S_AS_B$ is reflected by the multiplication of the corresponding unitary matrices. The non-commutative matrix product of step evolution operators maps to the non-commutative matrix product for unitary quantum evolution operators. A sequence of discrete quantum operations, as needed for quantum computing, can be realized as a static memory material with $t$-dependent $S$, e.g. $S_A(t+2\epsilon)S_B(t+\epsilon) S_C(t)$ results in $U_A(t+2\epsilon)U_B(t+\epsilon) U_C(t)$. While all matrix elements of $S$ are positive, the matrix elements of $U$ can be negative or imaginary. In case of a quantum density matrix for a pure quantum state, e.g. $\rho^2=\rho$, we can employ the usual complex wave functions $\psi_\alpha$, $\rho_{\alpha\beta}=\psi_\alpha\psi^*_\beta$. Their evolution obeys a discrete Schr\"odinger equation. Arbitrary products of unique jump operators can also be realized as a unique jump operator for a single time step. Those that can be represented as unitary transformations on the quantum density matrix $\rho$ form a discrete subgroup of $SU(2)\times U(1)$. Here the overall phase of the unitary transformation, which corresponds to the $U(1)$-factor, plays no role, since it leaves $\rho$ invariant. Examples for products are $(U_{31})^2=i\tau_2$, which flips the sign of $\rho_1$ and $\rho_3$, or \begin{equation}\label{J13A} U_{31}U_{12}=\frac{1}{\sqrt{2}} \left(\begin{array}{rr} 1&-i\\-1&-i \end{array} \right), \end{equation} which transforms \begin{equation}\label{J13B} \rho_1(t+\epsilon) =-\rho_3(t),~\rho_2(t+\epsilon) =-\rho_1(t),~\rho_3(t+\epsilon) =\rho_2(t). \end{equation} A rotation in the 2-3-plane obtains for \begin{equation}\label{J13C} U_{23}=U_YU_{12}U_{31}U_{12}=\frac{i}{\sqrt{2}} \left(\begin{array}{rr} 1&i\\i&1 \end{array} \right), \end{equation} which realizes \begin{equation}\label{J13D} \rho_1(t+\epsilon) =\rho_1(t),~\rho_2(t+\epsilon)=\rho_3(t),~\rho_3(t+\epsilon)=-\rho_2(t). \end{equation} The probabilistic information contained in the three numbers $\rho_3$ can be viewed as characterizing a subsystem. With respect to the subsystem the information about the expectation values of the Ising spins $s_k$ can be recovered by use of the non-commuting operators $\hat S_k=\tau_k$ in \cref{J7}. In contrast, information about classical correlations, as $\langle s_k,s_l\rangle$, is not available in the subsystem. \subsection{Partial loss of information} Unique jump operations are a particular limiting case. For more general step evolution operators one typically encounters a partial or complete loss of boundary information far inside the bulk. As a simple example we may consider constrained Ising models of the type \begin{equation}\label{J13E} {\cal L}(t)={\cal L}_0(t)-\kappa \big(s_1(t+\epsilon) s_1(t)+s_3(t+\epsilon) s_3(t)-2\big). \end{equation} In the limit $\kappa\to\infty$ the values of the spins $s_1$ and $s_{3}$ is conserved. Non-vanishing elements of the step evolution operator can occur only on the diagonal and for the elements $S_{13},S_{31},S_{24},S_{42},S_{57},S_{75},S_{68},S_{86}$. For the moment we only require for ${\cal L}_0(t)$ that the equipartition state $\tilde q_* = (1/2\sqrt{2})(1,1,1,1,1,1,1,1)$ is left invariant by the evolution. (This happens indeed for a large class of ${\cal L}_0$.) Invariance of equipartition is realized if the sum of all elements of $S$ in a given column equals one, \begin{equation}\label{J13F} \sum_\tau S_{\tau\rho}=1. \end{equation} For this general class of models the step evolution operator takes the form \begin{eqnarray}\label{J14} S_{pl}&=& \left(\begin{array}{rr} S_+&0\\0&S_- \end{array} \right),\\ S_\pm&=& \left(\begin{array}{cccc} 1-a_\pm&0&c_\pm&0\\ 0&1-b_\pm&0&d_\pm\\ a_\pm&0&1-c_\pm&0\\ 0&b_\pm&0&1-d_\pm \end{array} \right),\nonumber \end{eqnarray} with $0\leq a_\pm,b_\pm,c_\pm,d_\pm\leq 1$. Four eigenvalues of this step evolution operator equal one, while the other four are given by \begin{equation}\label{J15} \lambda_\pm=(1-a_\pm-c_\pm),~\lambda'_\pm=(1-b_\pm-d_\pm). \end{equation} The partial conservation of boundary information is related to the four-dimensional space of eigenfunctions to the eigenvalues $\lambda=1$. Information imprinted in this sector by the boundary conditions will not be lost in the bulk. Additional information is preserved if $a_+=c_+=0$ or similarly, since additional eigenvalues equal one. Additional information is also preserved if some eigenvalues equal minus one, e.g. for $a_+=c_+=1$. In particular, $a_\pm=b_\pm=c_\pm=d_\pm=1$ realizes a unique jump operator with symmetric $S$, $S_{13}=S_{24}=S_{67}=S_{68}=1$. This transformation corresponds to a flip of $s_2$ and maps \begin{equation}\label{J16} \rho_2\leftrightarrow - \rho_2,~\rho_1,\rho_3 \textup{ invariant}. \end{equation} On the level of the quantum density matrix it amounts to complex conjugation, $\rho\to\rho^*$, and is not represented by a unitary transformation \eqref{J8}. We are interested here in values of $a_\pm,b_\pm,c_\pm,d_\pm$ for which the eigenvalues obey $|\lambda_\pm|<1, ~|\lambda'_\pm|<1$. For simplicity, we also exclude zero eigenvalues, e.g. $a_\pm+c_\pm\neq 1$, such that $S_{pl}$ is invertible. A basis of linearly independent eigenfunctions for the eigenvalues one of $S_{pl}$ is given by \begin{eqnarray}\label{J17} v^{(1+)}&=& \begin{pmatrix} v^{(1+)} \\0 \end{pmatrix},~ v^{(1-)}= \begin{pmatrix} 0\\ w^{(1-)} \end{pmatrix},\nonumber\\ v^{(2+)}&=& \begin{pmatrix} w^{(2+)} \\ 0 \end{pmatrix},~ v^{(2-)}= \begin{pmatrix} 0 \\ w^{(2-)} \end{pmatrix}, \end{eqnarray} with \begin{equation}\label{J18} w^{(1\pm)}=\frac{1}{\sqrt{a^2_\pm+c^2_\pm}} \begin{pmatrix} c_\pm\\0\\a_\pm\\0 \end{pmatrix},~ w^{(2\pm)}=\frac{1}{\sqrt{b^2_\pm+d^2_\pm}} \begin{pmatrix} 0\\d_\pm\\0\\b_\pm \end{pmatrix}. \end{equation} The information in the space spanned by these four eigenfunctions is preserved. The eigenfunctions for the eigenvalues $\lambda_\pm$ and $\lambda'_\pm$, eq. \eqref{J15}, are given by \begin{eqnarray}\label{J19} u^{(1+)}&=& \begin{pmatrix} \tilde u^1\\0 \end{pmatrix},~ u^{(1-)}= \begin{pmatrix} 0\\\tilde u^1 \end{pmatrix},\nonumber\\ u^{(2+)}&=& \begin{pmatrix} \tilde u^{2}\\0 \end{pmatrix},~ u^{(2-)}= \begin{pmatrix} 0\\ \tilde u^2 \end{pmatrix}, \end{eqnarray} with \begin{equation}\label{J20} \tilde u^1=\frac{1}{\sqrt{2}} \begin{pmatrix} 1\\0\\-1\\0 \end{pmatrix},~ \tilde u^2=\frac{1}{\sqrt{2}} \begin{pmatrix} 0\\1\\0\\-1 \end{pmatrix}. \end{equation} For $S(t)$ independent of $t$ one has far inside the bulk for large $P$ \begin{equation}\label{J21} \tilde q(t_{in}+P\epsilon)=S^P\tilde q(t_{in}), \end{equation} The part of the wave function that can be written as a linear combination of the basis functions \eqref{J19} will be suppressed by factors $|\lambda_\pm|^P,~|\tilde \lambda_\pm|^P$. If these eigenvalues are not close to $1$ or $-1$, this part vanishes far inside the bulk. Memory of the initial information in $\tilde q(t_{in})$ contained in this subspace is lost. In order to understand the character of the information kept far inside the bulk we observe that the classical spin operators $A'_1$ and $A'_3$ commute with $S_{pl}$ \begin{equation}\label{J22} [A'_1,S_{pl}]=0,~[A'_3,S_{pl}]=0. \end{equation} The expectation values $\langle s_1\rangle$ and $\langle s_3\rangle$, as well as the classical correlation $\langle s_1s_3\rangle$, are preserved by the evolution. This is easily seen by relations of the type \begin{eqnarray}\label{J23} \langle s_3(t+\epsilon) \rangle&=&\bar q^T(t+\epsilon) A'_3\tilde q(t+\epsilon)\nonumber\\ &=&\bar q^T(t+\epsilon) A'_3 S(t)\tilde q(t)\nonumber\\ &=&\bar q^T(t+\epsilon) S(t) A'_3\tilde q(t)=\bar q^T(t)A'_3\tilde q(t)\nonumber\\ &=&\langle s_3(t)\rangle. \end{eqnarray} The step evolution operator \eqref{J14} is characterized by conserved quantities. With fixed values of $\langle s_1\rangle$, $\langle s_3\rangle$, $\langle s_1s_3\rangle$ the non-trivial part of the evolution concerns the Ising spin $s_2$. More interesting evolutions can be described if we combine the step evolution operator \eqref{J14} with suitable unit jump operators. Let us restrict for a moment the discussion to the family of ${\cal L}_0(t)$ in \cref{J13E} which is symmetric in the exchange of $s_k(t+\epsilon)$ and $s_k(t)$. This results in a symmetric step evolution operator, $S^T=S$, or $c_\pm=a_\pm,~d_\pm=b_\pm$. The eigenvectors \eqref{J17} are then given by \begin{equation}\label{J24} w^{(1\pm)}=\frac{1}{\sqrt{2}} \begin{pmatrix} 1\\0\\1\\0 \end{pmatrix},~ w^{(2\pm)}=\frac{1}{\sqrt{2}} \begin{pmatrix} 0\\1\\0\\1 \end{pmatrix}. \end{equation} The eight eigenvectors $(v^{(1+)}$, $v^{(2+)}$, $v^{(1-)}$, $v^{(2-)}$, $u^{(1+)}$, $u^{(2+)}$, $u^{(1-)}$, $u^{(2-)}$) form an ON-basis. In this basis $S_{pl}$ is diagonal, $S_{pl}=$diag$(1,1,1,1,1-2a_+$, $1-2b_+$, $1-2a_-$, $1-2b_-)$. Unit jump operators that act separately on the two subsystems $(v^{(1+)}$, $v^{(2+)}$, $v^{(1-)}$, $v^{(2-)})$ and $(u^{(1+)}$, $u^{(2+)}$, $u^{(1-)}$, $u^{(2-)})$ can be considered as separate orthogonal transformations within each of the two systems. For example, the unit jump transformation $S_H$, which represents the Hadamard gate \eqref{J2}, \eqref{J9}, maps $v^{(2+)}\leftrightarrow v^{(1-)}$, while leaving $v^{(1+)}$ and $v^{(2-)}$ invariant. In the other sector it maps $u^{(2+)}\leftrightarrow -u^{(1-)}$ and changes the sign of $u^{(1+)}$ and $u^{(2-)}$. The combined step evolution operator $S_HS_{pl}$ acts in the memory-subsector $(v^{(1+)}$, $v^{(2+)}$, $v^{(1-)}$, $v^{(2-)})$ as a unit-jump ``Hadamard transformation'', while the action in the other subsector is more complicated. We may define a reduced quantum system for a two-component quantum spin with components $\hat S_1$ and $\hat S_3$. This leaves out in eq. \eqref{J6} the part $\sim \tau_2$ such that $\rho$ is now a real symmetric $2\times 2$ matrix. Since a general $S_{pl}$ leaves $\rho_1$ and $\rho_3$ invariant, and $S_H$ changes $\rho_1\leftrightarrow\rho_3$, the combined transformation $S_HS_{pl}$ also exchanges $\rho_1\leftrightarrow\rho_3$. For the reduced quantum system $S_HS_{pl}$ results in the unitary transformation \eqref{J9} for the Hadamard gate, independently of the details of $S_{pl}$. As it should be, the corresponding unitary matrix $U_H$ is a real orthogonal matrix. A similar discussion holds for the transformation $S_{31}S_{pl}$, realized in the $(\rho_1,\rho_3)$ sector by the transformations \eqref{J11}, \eqref{J12}, or for the transformations $U_X,U_Y,U_Z$. The gate $U_Y$ switches the sign of both $\rho_1$ and $\rho_3$. For all unique jump operations $S$ for which $\rho_1(t+\epsilon)$ and $\rho_3(t+\epsilon)$ can be expressed uniquely in terms of $\rho_1(t)$ and $\rho_3(t)$, the combination $SS_{pl}$ is represented as a transformation of the real density matrix $\rho$. This property is not realized by the transformation $S_{12}$, cf. \cref{J13}, which therefore does not act as a transformation within the reduced quantum system. \subsection{Boundary problem} For a practical demonstration of the solution of the boundary problem we consider a generalized Ising model \eqref{J13E} with time independent ${\cal L}$, such that the step evolution operator \eqref{J14} is the same for all $t$. For $S_{pl}$ the expectation values $\langle s_1\rangle$, $\langle s_3\rangle$ and $\langle s_1s_3\rangle$ do not change with $t$. The boundary problem has two parts. The first is the computation of $\langle s_1\rangle$, $\langle s_3\rangle$, $\langle s_1s_3\rangle$ for given initial and final boundary conditions. The second concerns the information about $\langle s_2(t)\rangle$, as well as the correlation functions $\langle s_1(t)s_2(t)\rangle$, $\langle s_2(t)s_3(t)\rangle$, $\langle s_1(t)s_2(t)s_3(t)\rangle$. The $t$-dependence of these quantities depends on the values of $\langle s_1\rangle$, $\langle s_3\rangle$ and $\langle s_1s_3\rangle$. Our three-spin chain can therefore realize a conditional evolution of the expectation value and correlations of $s_2$. We will concentrate on interesting limits, and indicate the procedure and qualitative outcome for the general case. We first consider the case where the absolute value of all four eigenvalues $\lambda_\pm$ and $\lambda'_\pm$ in \cref{J15} is smaller than one. The infinite volume limit takes an infinite number of time steps both between $t$ and $t_{in}$, and between $t_f$ and $t$. As a result, for both $\tilde q(t)$ and $\bar q(t)$ the part involving the basis vectors $u^{(\alpha)}$ in \cref{J19} vanishes. This identifies $\tilde q_3(t)=\tilde q_1(t)$, $\tilde q_4(t)=\tilde q_2(t)$, $\tilde q_7(t)=\tilde q_5(t)$, $\tilde q_8(t)=\tilde q_6(t)$, and similar for $\bar q_\tau(t)$ and the local probabilities $p_\tau(t)$. One infers from \eqref{J4} that $\langle s_2(t)\rangle$ vanishes. For the correlations one finds \begin{eqnarray}\label{J25} \langle s_1s_2\rangle&=&p_1+p_2-p_3-p_4-p_5-p_6+p_7+p_8\nonumber\\ &=&0,\nonumber\\ \langle s_2s_3\rangle&=&p_1-p_2-p_3+p_4+p_5-p_6-p_7+p_8\nonumber\\ &=&0,\nonumber\\ \langle s_1s_2s_3\rangle&=&-p_1+p_2+p_3-p_4+p_5-p_6-p_7+p_8\nonumber\\ &=&0. \end{eqnarray} Far enough inside the bulk the expectation value of $s_2$ and its correlations all vanish. The meaning of ``far enough'' depends, however, on the size of the eigenvalues $\lambda_\pm,\lambda'_\pm$. In the infinite volume limit we can determine explicitly $\langle s_1\rangle$, $\langle s_3\rangle$ and $\langle s_1s_3\rangle$. They depend both on the initial and final boundary conditions. Since they are constant we determine them at $t_{in}$. For $\bar q(t_{in})$ the coefficients of the basis functions $u^{(\alpha)}$ vanish. With $\bar q(t_f)=f^{(\alpha)}w^{(\alpha)}+g^{(\alpha)}u^{(\alpha)}$ one finds that $p_\tau(t_{in})$ keeps only the information stored in $f^{(\alpha)}$, \begin{eqnarray}\label{J26} p_1&=&\frac{f^{(1+)}c_+\tilde q_1}{\sqrt{a^2_++c^2_+}}~,~ p_2=\frac{f^{(2+)}d_+\tilde q_2}{\sqrt{b^2_++d^2_+}},\nonumber\\ p_3&=&\frac{f^{(1+)}a_+\tilde q_3}{\sqrt{a^2_++c^2_+}}~,~ p_4=\frac{f^{(2+)}b_+\tilde q_4}{\sqrt{b^2_++d^2_+}},\nonumber\\ p_5&=&\frac{f^{(1-)}c_-\tilde q_5}{\sqrt{a^2_-+c^2_-}}~,~ p_6=\frac{f^{(2-)}d_-\tilde q_6}{\sqrt{b^2_-+d^2_-}},\nonumber\\ p_7&=&\frac{f^{(1-)}a_-\tilde q_7}{\sqrt{a^2_-+c^2_-}}~,~ p_8=\frac{f^{(2-)}b_-\tilde q_8}{\sqrt{b^2_-+d^2_-}}, \end{eqnarray} where $\tilde q_\tau$ and $p_\tau$ stands for $\tilde q_\tau(t_{in})$ and $p_\tau(t_{in})$. The initial wave function $\tilde q_\tau(t_{in})$ and final wave function $\bar q_\tau(t_f)$ have to be normalized such that $Z=1$, implying $\sum_\tau p_\tau(t_{in})=1$. Despite the simple structure of $S_{pl}$ the interplay between initial and final boundary information is already rather complex. It simplifies for symmetric $S_{pl}$ for which one infers \begin{eqnarray}\label{J27} \langle s_1(t_{in})\rangle&=&-p_{13}-p_{24}+p_{57}+p_{68},\nonumber\\ \langle s_3(t_{in})\rangle&=&-p_{13}+p_{24}-p_{57}+p_{68},\nonumber\\ \langle s_1(t_{in})s_3(t_{in})\rangle&=&p_{13}-p_{24}-p_{57}+p_{68}, \end{eqnarray} with \begin{eqnarray}\label{J28} p_{13}&=&p_1+p_3=\frac{f^{(1+)}(\tilde q_1+\tilde q_3)}{\sqrt{2}},\nonumber\\ p_{24}&=&p_2+p_4=\frac{f^{(2+)}(\tilde q_2+\tilde q_4)}{\sqrt{2}},\nonumber\\ p_{57}&=&p_5+p_7=\frac{f^{(1-)}(\tilde q_5+\tilde q_7)}{\sqrt{2}},\nonumber\\ p_{68}&=&p_6+p_8=\frac{f^{(2-)}(\tilde q_6+\tilde q_8)}{\sqrt{2}}. \end{eqnarray} The expectation values \eqref{J27} depend on the initial and final wave functions, but no longer on the precise form of ${\cal L}_0$. We next consider a different limit for which the evolution of the expectation value and correlations of $s_2$ strongly depends on $\langle s_1\rangle$, $\langle s_3\rangle$, $\langle s_1s_3\rangle$. Let us take $S_{pl}$ with $a_+=c_+=0$, $b_-=d_-=1$, $c_-=a_-$, $d_+=b_+$, such that it depends on two parameters $a_-$ and $b_+$. The eigenvalues $\lambda_+=1$ and $\lambda'_-=-1$ imply that additional boundary information is kept, while for $|\lambda_-|<1$, $|\lambda'_+|<1$ part of the boundary information is still lost far inside the bulk. The additional transported information results in \begin{eqnarray}\label{J29} \tilde q_1(t+\epsilon) &=&\tilde q_1(t)~,~\tilde q_3(t+\epsilon) =\tilde q_3(t),\nonumber\\ \tilde q_6(t+\epsilon) &=&\tilde q_8(t)~,~\tilde q_8(t+\epsilon) =\tilde q_6(t), \end{eqnarray} and similar for $\bar q_\tau$ and $p_\tau$. Thus $p_1$ and $p_3$ do not depend on $t$, while for every $t$-step one observes a switch $p_6\leftrightarrow p_8$. This situation describes a conditional evolution of $s_2(t)$, depending on the values of $s_1(t)$ and $s_3(t)$. If both $s_1$ and $s_3$ are positive, $s_2(t)$ switches sign at every $t$-step, \begin{equation}\label{J30} s_1=s_3=1~:~\langle s_2 (t)\rangle=-p_6(t)+p_8(t). \end{equation} On the other hand, if $s_1$ and $s_3$ are both negative, $s_2(t)$ remains constant, according to \begin{equation}\label{J31} s_1=s_3=-1~:~\langle s_2(t)\rangle=-p_1(t)+p_3(t). \end{equation} For an opposite sign of $s_1$ and $s_3$, $s_1s_3=-1$, the expectation value $|\langle s_2\rangle |$ decreases as one moves from the boundary further inside the bulk, \begin{equation}\label{J32} s_1s_3=-1~:~\langle s_2(t)\rangle=-p_2(t)+p_4(t)-p_5(t)+p_7(t). \end{equation} In the limiting case $a_-=b_+=1/2$, where $\lambda_-=\lambda'_+=0$, the information about $s_2$ is immediately erased for $s_1s_3=-1$, since \begin{eqnarray}\label{J33} \tilde q_2(t+\epsilon)&=&\q4(t+\epsilon)=\frac12\big(\tilde q_2(t)+\tilde q_4(t)\big),\nonumber\\ \q5(t+\epsilon)&=&\q7(t+\epsilon)=\frac12\big(\q5(t)+\q7(t)\big), \end{eqnarray} implies that the information about the differences $\q2(t_{in})-\q4(t_{in})$ and $\q5(t_{in})-\q7(t_{in})$ does not influence $\tilde q(t_{in}+\epsilon)$. With $p_2(t+\epsilon)=p_4(t+\epsilon)$, $p_5(t+\epsilon)=p_7(t+\epsilon)$ one finds for $s_1s_3=1$ a vanishing expectation value $\langle s_2(t+\epsilon)\rangle =0$. Similar considerations hold for the correlations involving $s_2$. For the initial conditions $s_1(t_{in})=s_3(t_{in})=1$, $s_1(t_{in})=s_3(t_{in})=-1$, and $s_1(t_{in})s_3(t_{in})=-1$ we find rather different evolutions of $s_2(t)$. This demonstrates how a conditional evolution can be implemented for suitable generalized Ising models. General initial conditions $\tilde q(t_{in})$ can be decomposed into the eigenfunctions $v^{(\alpha)}$ and $u^{(\alpha)}$ which evolve according to the respective eigenvalues of $S_{pl}$. There are other similar limiting cases. The amount of local information at $t$, encoded in the classical wave functions $\tilde q(t)$ and $\bar q(t)$, depends on the size of $\lambda^P_j$ and $\lambda^{P'}_j$, with $\lambda_j=\lambda_\pm,~\lambda'_\pm$ and $t-t_{in}=P\epsilon$, $t_f-t=P'\epsilon$. If the products of eigenvalues are close to zero the corresponding boundary information is lost, if they differ substantially from zero it is preserved. For given parameters in $S_{pl}$ the transport of information can conveniently be followed by solving the evolution equation for the classical wave functions \eqref{eqn:AF13}. This extends to situations where $S_{pl}$ is combined with a unique jump operator, and for $t$-dependent $S(t)$. In principle, the results of this section could also be obtained from the transfer matrix formalism. For $S(t)$ independent of $t$ they correspond to a diagonalization of the transfer matrix. For many aspects the concepts of classical wave functions allow for a simpler understanding, however. For example, the initial probabilities $p_\tau(t_{in})$, given by eq. \eqref{J26}, are rather easily understood in terms of information from the boundary at $t_f$ transported by the conjugate wave function $\bar q(t_{in})$. Similar to quantum mechanics, an important strength of the Schr\"odinger picture with wave functions, as compared to the Heisenberg picture, concerns the evolution for $S(t)$ depending on $t$. (This corresponds to a time dependent Hamiltonian in quantum mechanics.) The advantage of wave functions is the availability of the local probabilistic information at every $t$, such that the effect of the evolution to neighboring $t$ can easily be followed in a local manner. \section{Observables and non-commuting operators} \label{sec:observables} In this section we discuss non-commuting product structures between observables in classical statistical systems. Following the main emphasis of this paper we are concerned here with the quantum formalism for classical statistics. While the non-commuting operators for the quantum subsystems in the preceding section give a first flavor for the occurrence of non-commutativity, they are not the subject of the present section. We show here how non-commutativity arises naturally in classical statistical systems if the information is reduced to a ``local subsystem'' at a given $t$. This is independent of the presence or absence of quantum subsystems. As a key point, the local information encoded in the pair of wave functions $\tilde{q}(t)$ and $\bar{q}(t)$ or, more generally in the density matrix, permits the computation of expectation values of observables $A(t)$ beyond the classical local observables. For these observables the probabilistic information in the wave functions or density matrix is incomplete. It is sufficient to compute for a local observable $A(t)$ the expectation value $\langle A(t)\rangle$, as well as arbitrary powers $\langle A^n(t)\rangle$. For two local observables $A_1(t)$ and $A_2(t)$ it is not always sufficient, however, for a computation of the classical correlation function $\langle A_1(t) \, A_2(t)\rangle_\text{cl}$. The reason is that information about the joint probabilities of finding a given possible value for $A_1$, simultaneously with a given possible value of $A_2$, is missing. In this case $A_1$ and $A_2$ will be represented by operators that do not commute. As a typical example for a pair of ``non-commuting'' observables we will discuss a classical local observable $A(t)$ together with the observable for its $t$-derivative $\dot{A}(t)$. In this section we turn back to an arbitrary basis obeying \cref{eqn:AF10,eqn:AF10A}. \subsection{Local observables} \label{sec:local observables} We start our discussion of the relation between observables and operators, and of the non-commuting structure of operators, by extending the class of local observables beyond the classical local observables. The classical local observables take a fixed value for every \textit{local} configuration of spins $s(t)$. This is no longer the case for the extended class of local observables. While they may still have fixed values for every overall spin configuration $\{s\}$, e.g. with spins for all $t$ specified, a value for a local spin configuration is not defined. Nevertheless, expectation values can be computed for the extended class of local observables by using only the local probabilistic information contained in the wave functions or density matrix. As a first necessary condition for a local observable we require that the expectation value can be computed in terms of the classical wave functions $\tilde{q}(t)$ and $\bar{q}(t)$ by virtue of the relation \labelcref{eqn:AF20}. To every local observable $A(t)$ one can associate an operator $A^\prime(t)$ such that the local information contained in the wave functions is sufficient for the computation of the expectation value $\langle A(t)\rangle$. We have already discussed the classical local observables for which $A(t)$ is a function of the local spins $s_\gamma(t)$. The local information contained in the wave functions exceeds the information needed for the expectation values of classical local observables. For those only the local probabilities $p(t) = \bar{f}(t) f(t)$ are needed according to \cref{eqn:AF7B}. The additional local information contained in the wave functions permits us to compute the expectation values of further observables involving spins at different $t$ or derivative observables. We will see that the associated operators do not commute, in general. Our description of classical statistical systems will encounter the non-commuting operator structures which are characteristic for quantum mechanics. Non-commuting operators arise naturally from the use of wave functions to encode the local probabilistic information. They are not specific for quantum mechanics. For a local observable we further require that it can be ``measured locally'' at a given $t$. This is understood in the sense that the possible outcomes of measurements of the observable $A$ are related to expectation values by probabilities $p_i^{(A)}(t)$ in a standard way \begin{equation}\label{eqn:70A} \langle A\rangle = \sum_i A_i \, p_i^{(A)}, \qquad \langle F(A)\rangle = \sum_i F(A_i) \, p_i^{(A)}. \end{equation} Here $p_i^{(A)}(t) \geq 0$ denote the probabilities to find a given possible measurement value $A_i$ of the observable $A$. The quantities $p_i^{(A)}(t)$ should be computable in terms of the wave functions $f(t)$ and $\bar{f}(t)$. They can be specific for a given observable $A$, such that they are not necessarily given by the local probabilities $p(t)$ in \cref{eqn:AF7A}. The requirement \labelcref{eqn:70A} is considered necessary but perhaps not sufficient for the notion of a local observable. In a more vague sense a measurement of a local observable at $t$ should involve spins in some neighborhood of $t$. It should not involve spins $s(t^\prime)$ for $t^\prime$ ``far away'' from $t$. A set of classical correlation functions for classical observables obeys Bell's inequalities \cite{BE},while ideal measurements of correlations in quantum systems violate these inequalities. There are two ways to account for the violation of Bell's inequalities in our classical statistical setting. For the first, the observables $A$ and $B$ for which the correlation is computed are both classical observables. The correlation describing ideal measurements may, however, not be given by the classical correlation function, $A \cdot B$, but rather based on a different product of observables. For the second way $A$ or $B$ may be an observable with well defined expectation value and correlations, but not a classical observable in the sense that it takes a fixed value for every spin configuration. For inequalities involving several correlations it is sufficient that one of the correlations is not a classical correlation of classical observables in order to invalidate the corresponding bound. We will indeed encounter in classical statistics correlations relevant for measurements that violate Bell's inequalities. \subsection{Local operators} \label{sec:local operators} We associate to each local observable $A$ a local operator $A^\prime(t)$. The operators $A^\prime$ are chosen such that the eigenvalues $\lambda_i^{(A)}$ of the matrix $A^\prime$ coincide with the possible measurement values $A_i$ of the observable $A$. Thus \cref{eqn:70A} becomes \begin{equation}\label{eqn:68A} \langle A\rangle = \sum_i \lambda_i^{(A)} \, p_i^{(A)}, \quad \langle F(A)\rangle = \sum_i F\bigl(\lambda_i^{(A)}\bigr) \, p_i^{(A)}. \end{equation} Furthermore, we require that the expectation value $\langle A\rangle$ can be computed in terms of $A^\prime$ by the ``quantum rule'' \labelcref{eqn:AF20}. The matrix $A^\prime$ can be diagonalized by a similarity transformation, \begin{equation}\label{eqn:71A} A_D^\prime = D A^\prime D^{-1} = \diag(a_\tau) = \diag\bigl(\lambda_i^{(A)}\bigr). \end{equation} We can therefore write \cref{eqn:AF20} as \begin{alignedeqn}\label{eqn:71B} \langle A\rangle &= \bar{q}^\tran A^\prime \tilde{q} = \bar{q}^\tran D^{-1} A_D^\prime D\tilde{q}\\ &= \sum_\tau \bigl[D^{-1})^\tran \bar{q}\bigr]_\tau \bigl[D\tilde{q}\bigr]_\tau a_\tau. \end{alignedeqn} We conclude that the matrix $A^\prime(t)$ represents a local observable obeying the relations \labelcref{eqn:70A} if the combinations \begin{equation}\label{eqn:71C} w_\tau^{(A)} = \bigl[(D^{-1})^\tran \bar{q}\bigr]_\tau \, \bigl[D\tilde{q}\bigr]_\tau \end{equation} are positive for all $\tau$. For a non-degenerate spectrum we can then identify $p_i^{(A)} = w_\tau^{(A)}$. In case of degenerate eigenvalues the probabilities $p_i^{(A)}$ obtain as \begin{equation}\label{eqn:71D} p_i^{(A)} = \sum_{\tau(\lambda_i) }w_\tau^{(A)} \end{equation} where the sum extends over all $\tau$ for which $a_\tau = \lambda_i^{(A)}$. The second part of \cref{eqn:70A} is obeyed provided one associates to the product observables $A^n$ the matrix products $\bigl[A^\prime(t)\bigr]^n$. Inversely, if the spectrum of $A^\prime$ consists of the possible measurement values of $A$, and the combinations $w_\tau^{(A)}$ in \cref{eqn:71C} can be associated by \cref{eqn:71D} with the positive probabilities $p_i^{(A)}$ for all possible states (pairs $\bar{q}$, $\tilde{q}$ that can be realized by boundary conditions), we conclude that for all $n$ the operator associated to $A^n$ is given by the matrix product $[A^\prime(t)]^n$. We can infer the second equation \labelcref{eqn:68A}, such that for all $n$ one has \begin{equation}\label{eqn:73A} \langle A^n\rangle = \bigl(\lambda_i^{(A)}\bigr)^n \, p_i^{(A)}. \end{equation} Indeed, the operator $B_n^\prime(t)$ associated to $A^n$ has to obey $\langle A^n\rangle = \langle B_n^\prime(t)\rangle$. Since $\bigl\langle[A^\prime(t)]^n\bigr\rangle$ equals the r.h.s. of \cref{eqn:73A} one infers \begin{equation} \bigl\langle B_n^\prime(t) - [A^\prime(t)]^n\bigr\rangle = 0. \end{equation} If this holds for arbitrary states one can identify $B_n^\prime(t)$ with $[A^\prime(t)]^n$. We summarize that for an operator $A^\prime(t)$ a central condition for being associated with a local observable is \begin{equation}\label{eqn:71E} w_\tau^{(A)} \geq 0. \end{equation} This allows the standard probabilistic setting \labelcref{eqn:68A} with positive probabilities \labelcref{eqn:71D}. The normalization of the probabilities is guaranteed by the definition \labelcref{eqn:71C}, \begin{equation}\label{eqn:71F} \sum_\tau w_\tau^{(A)} = 1. \end{equation} The condition \labelcref{eqn:71E} depends on both the operator $A^\prime$ (which determines $D$) and the possible values of wave functions $\tilde{q},\bar{q}$ that characterize the allowed states. In short, any operator with real eigenvalues that can be diagonalized by a matrix $D$ for which the expression \labelcref{eqn:71C} is always positive, can possibly be associated with a local observable. Since the formal criteria are met, it is sufficient that a prescription of ``local measurements'' for this observable exists. The family of such local observables extends largely beyond the classical local observables. We will provide examples in the later parts of this section. If the condition \labelcref{eqn:71E} is realized, and $A^n$ is associated to $(A^\prime)^n$, the identification of the spectrum of $A^\prime$ with the possible measurement values of $A$ is no separate condition. We exploit that the relation \begin{equation}\label{eqn:OP8} \langle A^n(t) \rangle = \bar{q}^\tran D^{-1} A^{\prime n}_D D\tilde{q} = \sum_\tau w_\tau^{(A)} a_\tau^n \end{equation} holds for arbitrary $n$. For positive $w_\tau^{(A)} = p_\tau^{(A)}$ and a non-degenerate spectrum this implies indeed that the possible values of $A(t)$ that can be found in measurements are the eigenvalues $a_\tau$ of the matrix $A^\prime$. The extension of these statements to a degenerate spectrum of $A^\prime$ proceeds by considering degenerate spectra as limiting cases of non-degenerate spectra. In summary, local observables can be characterized by four conditions for the associated operators: \begin{equation}\label{eqn:76A} \begin{array}{ll@{\qquad}ll} \cond{cnd:expec} & \langle A\rangle = \langle A^\prime\rangle, & \cond{cnd:spec} & \spec(A^\prime) = \{\lambda_i^{(A)}\},\\ \cond{cnd:non-neg} & w_i^{(A)} \geq 0, & \cond{cnd:corresp} & A^n \to (A^\prime)^n. \end{array} \end{equation} Here $\{\lambda_i^{(A)}\}$ are the possible real values that can be found by measurements of $A$. The \cref{cnd:non-neg} involves $w_i^{(A)}$ as defined by \cref{eqn:71C}. It should hold for all states (pairs of wave functions or density matrix that can be realized for appropriate boundary conditions). The \cref{cnd:corresp} has to hold for all $n$. The four conditions are not independent. One has \begin{alignedeqn}\label{eqn:76B} &\labelcref{cnd:expec} \land \labelcref{cnd:spec} \land \labelcref{cnd:non-neg} \enskip\Rightarrow\enskip \labelcref{cnd:corresp}\\ &\labelcref{cnd:expec} \land \labelcref{cnd:non-neg} \land \labelcref{cnd:corresp} \enskip\Rightarrow\enskip \labelcref{cnd:spec} \end{alignedeqn} In other words, in addition to the \cref{cnd:expec,cnd:non-neg}, either \labelcref{cnd:spec} or \labelcref{cnd:corresp} are sufficient. Beyond the formal aspects a local observable needs a practical prescription how it is measured ``locally''. \subsection{Classical local observables} We first discuss the classical local observables and show that they obey indeed the criterion \labelcref{eqn:71E}. Classical local observables $A(t)$ depend only on local spins $s(t)$. Their representation as operators is given by \cref{eqn:AF19}. We will next establish that the classical product of two classical local observables is represented by the operator product or matrix multiplication of the associated operators. For this purpose we first write the expectation value of the classical product of two classical local observables $A(t)$ and $B(t)$ in the form \begin{alignedeqn}\label{eqn:OP1} \langle A(t) B(t)\rangle &= \int \mathcal{D} s(t)\bar{f}(t) A(t) B(t) f(t)\\ &= \bar{q}_\tau(t) \, (A\cdot B)_{\tau\rho}^\prime(t) \, \tilde{q}_\rho(t), \end{alignedeqn} with \begin{equation}\label{eqn:OP2} (A\cdot B)_{\tau\rho}^\prime = \int \mathcal{D} s(t) \, h_\tau(t) \, h_\rho(t) \, h_\sigma(t) \, h_\lambda(t) \, \alpha_\sigma(t) \, \beta_\lambda(t) \end{equation} the operator associated to the product observable $A(t) B(t)$. On the other hand the matrix product of the associated operators $A^\prime$ and $B^\prime$ reads according to \cref{eqn:AF19} \begin{align}\label{eqn:OP3} A_{\tau\alpha}^\prime B_{\alpha\rho}^\prime = \int \mathcal{D} s \int \mathcal{D} \bar{s} \, &h_\tau(s) \, h_\sigma(s) \, h_\alpha(s) \, h_\alpha(\bar{s})\\ &\times h_\lambda(\bar{s}) \, h_\rho(\bar{s}) \, \alpha_\sigma(s) \, \beta_\lambda(\bar{s}).\notag \end{align} Employing the completeness relation \labelcref{eqn:AF10A} one indeed finds that the expression \labelcref{eqn:OP2} is given by the matrix product \labelcref{eqn:OP3}, \begin{equation}\label{eqn:OP4} (A \cdot B)^\prime = A^\prime B^\prime. \end{equation} The explicit representation \labelcref{eqn:OP2} shows that the classical local observables are represented by commuting operators, \begin{equation}\label{eqn:OP5} [A^\prime,B^\prime] = 0. \end{equation} The representation of products of classical local observables by the matrix products of the associated operators can be extended to an arbitrary number of factors. In particular, $A^n(t)$ is represented by $[A^\prime(t)]^n$, such that \begin{equation}\label{eqn:OP6} \langle A^n(t) \rangle = \bar{q}^\tran A^{\prime n}\tilde{q}. \end{equation} The symmetric matrix $A^\prime$ can be diagonalized by an orthogonal transformation, $D^\tran D = 1$, \begin{equation}\label{eqn:OP7} A_D^\prime = D A^\prime D^{T} = \diag(a_\tau), \end{equation} with $a_\tau$ the eigenvalues of $A^\prime$. If the criterion \labelcref{eqn:71E} holds the eigenvalues $a_\tau$ determine the possible measurement values of $A(t)$. In turn, these possible measurement values coincide with the possible values that the classical local observable $A[s(t)]$ can take for the various configurations of local spins $[s(t)]$. The quantum rule that possible measurement values of an observable are given by the spectrum of the associated operator is therefore directly rooted in the standard setting of classical statistics. We want to show the relation (no sum over $\tau$) \begin{equation}\label{eqn:OP9} p_\tau^{(A)}(t) = (D\bar{q})_\tau(t) (D\tilde{q})_\tau(t) \geq 0. \end{equation} For a non-degenerate spectrum the quantities $p_\tau^{(A)}$ can be interpreted as the probabilities to find the value $a_\tau$ for the local observable $A(t)$. We first establish the important property \labelcref{eqn:OP9} for classical local observables in the occupation number basis. In this basis the local probabilities for a given spin configuration $\tau$ simply obey \cite{CWIT} (no sum over $\tau$) \begin{equation}\label{eqn:OP10} p_\tau(t) = \bar{q}_\tau(t) \tilde{q}_\tau(t). \end{equation} with $p_\tau(t) \geq 0$. Classical local observables are diagonal in this basis, such that $A^\prime$ coincides with $A_D^\prime$, $D = 1$. In this case $A_\tau(t)$ is the value that the observable $A(t)$ takes for the spin configuration $\tau$ for which $h_\tau[s] = 1$. With \cref{eqn:AF23} it indeed coincides with an eigenvalue of $A^\prime, A_\tau = a_\tau$, such that our statements hold for classical local observables in the occupation number basis. For a proof of the property \labelcref{eqn:71E} in an arbitrary basis we proceed by a basis transformation, starting from the occupation number basis. A general complete orthogonal basis obeying \cref{eqn:AF10,eqn:AF10A} can be obtained from the occupation number basis by an orthogonal transformation, \begin{equation}\label{eqn:OP17} h_\alpha^\prime = V_{\alpha\tau} \, h_\tau, \qquad V^\tran \, V = 1, \end{equation} where $h^\prime$ refers to a general basis function and $h$ to the one in the occupation number basis. With \begin{equation}\label{eqn:PP1} \tilde{q}_\tau^\prime \, h_\tau^\prime = \tilde{q}_\tau \, h_\tau, \qquad \bar{q}_\tau^\prime \, h_\tau^\prime = \bar{q}_\tau \, h_\tau \end{equation} the transformation of the wave vectors reads \begin{equation}\label{eqn:PP2} \tilde{q}_\alpha^\prime = V_{\alpha\tau}\tilde{q}_\tau, \qquad \bar{q}_\alpha^\prime = V_{\alpha\tau}\bar{q}_\tau, \end{equation} while operators transform as \begin{equation}\label{eqn:PP3} A_V^\prime = VA^\prime V^\tran, \end{equation} such that the expectation value \labelcref{eqn:AF20} does not depend on the choice of basis. The spectrum of the operator remains invariant under the orthogonal transformation \labelcref{eqn:PP3}. For classical local observables the possible outcomes of measurements are therefore given in any basis by the eigenvalues of the associated operator. For an arbitrary basis, classical local observables are, in general, no longer represented by diagonal operators. They correspond to operators $A_V^\prime$ that are related to the diagonal operators $A^\prime$ in the occupation number basis by the relation \labelcref{eqn:PP3}. Transforming the wave functions $\tilde{q}^\prime$ and $\bar{q}^\prime$ in some arbitrary basis to a form where $A_D^\prime$ is diagonal according to \cref{eqn:OP7} amounts precisely to a change of basis to the occupation number basis, $D = V^\tran$. Thus $p_\tau^{(A)}$ in \cref{eqn:OP9} corresponds to \cref{eqn:OP10} in the occupation number basis and is therefore positive semi definite. We conclude that for classical local observables the possible measurement values are given by the eigenvalues of $A^\prime$, and the associated probabilities $p_\tau^{(A)}$ are positive. This holds for an arbitrary basis. \subsection{Observables involving spins at different \texorpdfstring{$t$}{t}} A first class of local observables $A(t)$ beyond the classical local observables at $t$ can be related to classical local observables at some $t^\prime \neq t$. Indeed, the local information contained in the wave functions $\tilde{q}(t)$ and $\bar{q}(t)$ is sufficient for the computation of expectation values of classical local observables $A(t^\prime)$ for $t^\prime \neq t$. We start with the classical local observable $A(t + \epsilon)$ and show that its expectation value can be computed from the wave functions at $t$. It therefore belongs to the wider class of local observables at $t$, while not being a classical local observable at $t$. In the occupation number basis the operator $A^\prime(t)$ associated to $A(t + \epsilon)$ will, in general, no longer be diagonal. The operators for the classical observables $A(t + \epsilon)$ and $B(t)$ typically do not commute and we observe the natural appearance of non-commuting operators familiar from quantum mechanics. From \cref{eqn:AF20}, \begin{equation}\label{eqn:PP4} \langle A(t + \epsilon)\rangle = \bar{q}^\tran(t + \epsilon) \, A^\prime(t + \epsilon) \, \tilde{q}(t + \epsilon), \end{equation} and \cref{eqn:AF13} one infers \begin{equation}\label{eqn:PP5} \langle A(t + \epsilon)\rangle = \bar{q}^\tran(t) S^{-1}(t) A^\prime(t + \epsilon) S(t) \tilde{q}(t). \end{equation} The operator $A^\prime(t)$ associated to $A(t + \epsilon)$ therefore reads \begin{equation}\label{eqn:PP6} A^\prime(t) = S^{-1}(t) \, A^\prime(t + \epsilon) \, S(t). \end{equation} In the occupation number basis a classical observable $A(t + \epsilon)$ is represented by diagonal $A^\prime(t + \epsilon)$. Therefore the operator representation for this observable at $t$, $A^\prime(t)$, typically is not diagonal. For a classical local observable at $t$, $B(t)$, the corresponding operator $B^\prime(t)$ is diagonal. One typically finds for the commutator of operators at $t$ which represent classical observables at different $t^\prime \neq t$, \begin{equation}\label{eqn:PP7} \bigl[A^\prime(t),B^\prime(t)\bigr] \neq 0. \end{equation} We emphasize that these simple findings imply three important consequences: \begin{enumerate}[label=\roman*)] \item The expectation values of classical local observables at $t^\prime$ different from $t$ can be computed from the information contained in the local wave functions at $t$. This is not possible with the local information contained in the local probabilities at $t$. \item Local observables that are represented by off-diagonal operators in the occupation number basis can have physical meaning. Their expectation value is given by \cref{eqn:AF20}. In our case the possible measurement values are again given by the spectrum of the associated operator. Indeed, the spectrum of $A^\prime(t + \epsilon)$ and $A^\prime(t)$ is the same, since the relation \labelcref{eqn:PP6} is a similarity transformation. If $S$ is not orthogonal, $A^\prime(t)$ needs not be symmetric. \item Operators representing physical observables do not need to commute. This may generate typical uncertainty relations as familiar from quantum mechanics. \end{enumerate} The possibility to compute expectation values of classical local observables at $t^\prime$ from the wave functions at $t$ extends to arbitrary $t^\prime$. For example, $A(t + 2 \epsilon)$ is represented at $t$ by the operator \begin{equation}\label{eqn:PP8} A(t^\prime) = S^{-1}(t) S^{-1}(t + \epsilon) A^\prime(t + 2 \epsilon)S(t + \epsilon) S(t). \end{equation} This construction is analogous to the Heisenberg picture for operators in quantum mechanics. It can be used for the whole range of $t^\prime$ for which the step evolution operator is known between $t$ and $t^\prime$, and becomes particularly simple for $S$ independent of $t$. For all non-diagonal operators in the occupation number basis that can be obtained as representations of classical local observables at some $t^\prime \neq t$ we are guaranteed that the spectrum corresponds to the possible measurement values. The association of classical local observables at $t^\prime$ with operators at $t$ is not invertible. Many different $A(t^\prime)$ may be mapped to the same $A^\prime(t)$. For given local wave functions $\tilde{q}(t)$ and $\bar{q}(t)$ they all have the same expectation value. This extends to functions $F\bigl(A(t^\prime)\bigr)$. Also the possible measurement values, as given by the spectrum of $A^\prime(t)$, are the same. We conclude that $A^\prime(t)$ defines an equivalence class of observables that all have the same possible measurement values and expectation values. We may associate to the operator $A^\prime(t)$ a local observable without any reference to classical local observables at $t^\prime$. Indeed, the condition \labelcref{eqn:71E} is obeyed without any reference to a particular $A(t^\prime)$. In the occupation number basis we may consider the transformation \labelcref{eqn:PP6} as the similarity transformation that diagonalizes $A^\prime(t)$ in \cref{eqn:71A}, e.g. $D = S$, $A_D^\prime = A^\prime(t + \epsilon)$. The combinations \labelcref{eqn:71C} are given by the local probabilities at $t + \epsilon$, \begin{alignedeqn}\label{eqn:90A} w_\tau^{(A)} &= \bigl((S^{-1})^\tran \bar{q}(t)\bigr)_\tau \bigl(S\tilde{q}(t)\bigr)_\tau\\ &= \bar{q}_\tau(t + \epsilon)\tilde{q}_\tau(t + \epsilon)\\ &= p_\tau(t + \epsilon) \geq 0. \end{alignedeqn} This generalizes to \cref{eqn:PP8} and further to local observables that can be obtained from arbitrary $A(t^\prime)$. We can use the local operators $A^\prime(t)$ in an arbitrary basis. The relations of the type \labelcref{eqn:PP6,eqn:PP8} for the diagonalization of $A^\prime(t)$ are operator relations that remain preserved by similarity transformations. The same holds for the commutation relations as \cref{eqn:PP7}. If one can find a prescription for a local measurement of the expectation value $\langle A(t^\prime)\rangle$, and more generally $\bigl\langle \bigl[A(t^\prime)\bigr]^n\bigr\rangle$, we can consider the observable defined by this prescription as a genuine local observable. The fact that the same operator $A^\prime(t)$ can also be associated to other observables as, for example, classical observables at $t^\prime \neq t$, even for $t^\prime$ very different from $t$, is no argument against the local character of the observable defined by the local measurement prescription. It simply states that other observables in the equivalence class have the same expectation values. The existence of classical observables at $t^\prime \neq t$ that belong to the same equivalence class can be considered merely as a technical tool in order to establish that the condition \labelcref{eqn:71E} holds. \subsection{Derivative observables} In quantum mechanics the perhaps most famous pair of observables represented by non-commuting operators is position and momentum. For non-relativistic particles momentum corresponds to velocity up to the proportionality factor mass, such that the pair may also be seen as operators for position $x$ and time derivative of position $\dot{x}$. In classical statistics the $t$-derivative $\dot{A}$ of a local observable $A$ is typically also a local observable. The operators for $A$ and $\dot{A}$ do not commute, similar to quantum mechanics \cite{CWPT}. Let us consider a classical local observable $A(t)$. We may define the classical derivative observable \begin{equation}\label{eqn:DO1} \dot{A}_m(t) = \frac{1}{2 \epsilon} \bigl[A(t + \epsilon) - A(t - \epsilon)\bigr]. \end{equation} We use the subscript $m$ for the particular definition of the discrete time derivative. This particular definition will play no role for the continuum limit where the subscript can be dropped. The expectation value of $\dot{A}_m(t)$ can be computed from the operator $\dot{A}_m^\prime(t)$, \begin{equation}\label{eqn:DO2} \langle\dot{A}_m(t)\rangle = \bar{q}^\tran(t) \, \dot{A}_m^\prime(t) \, \tilde{q}(t), \end{equation} with $\dot{A}_m^\prime$ formed similar to \cref{eqn:PP6}, \begin{alignedeqn}\label{eqn:DO3} \dot{A}_m^\prime(t) = \frac{1}{2 \epsilon} \bigl\{&S^{-1}(t) \, A^\prime(t + \epsilon) \, S(t)\\ &- S(t - \epsilon) \, A^\prime(t - \epsilon) \, S^{-1}(t - \epsilon)\bigr\}. \end{alignedeqn} We concentrate on $S$ independent of $t$, and also on an observable $A(t)$ that has no explicit $t$-dependence, such that $A^\prime(t + \epsilon)$ and $A^\prime(t -\epsilon)$ correspond to the same operator $A^\prime$. The operator $\dot{A}_m^\prime$ is then independent of $t$ as well, \begin{alignedeqn}\label{eqn:DO4} \dot{A}_m^\prime(t) &= \frac{1}{2 \epsilon} \bigl(S^{-1} \, A^\prime \, S - S \, A^\prime \, S^{-1}\bigr)\\ &= \frac{1}{2 \epsilon} \bigl(S^{-1} \, [A^\prime,S] + [A^\prime,S] \, S^{-1}\bigr)\\ &= \frac{1}{2 \epsilon} \bigl\{S^{-1},[A^\prime,S]\bigr\}. \end{alignedeqn} One infers for the commutator of $A^\prime$ and $\dot{A}_m^\prime$ \begin{equation}\label{eqn:DO5} [A^\prime,\dot{A}_m^\prime] = \frac{1}{2 \epsilon} \Bigl(\{A^\prime,S^{-1}\} \, [A^\prime,S] - \{A^\prime,S\} \, [A^\prime,S^{-1}]\Bigr). \end{equation} We may also express $\dot{A}_m^\prime$ in terms of $W$ as given by \cref{eqn:FF1}, \begin{equation}\label{eqn:DO6} \dot{A}_m^\prime = S \, A \, W - W A \, S. \end{equation} Acting on sufficiently smooth wave functions such that $S \, \tilde{q} = \tilde{q} + \mathcal{O}(\epsilon)$, one obtains for the continuum limit \begin{equation}\label{eqn:DO7} \dot{A}^\prime = -[W,A^\prime]. \end{equation} This relation can also be obtained directly from the continuum limit, using \begin{alignedeqn}\label{eqn:DO8} \langle\dot{A}(t)\rangle = \frac{1}{2 \epsilon} \bigl\{&\bar{q}^\tran(t + \epsilon) \, A^\prime(t + \epsilon) \, \tilde{q}(t + \epsilon)\\ &- \bar{q}^\tran(t - \epsilon) \, A^\prime(t - \epsilon) \, \tilde{q}(t - \epsilon)\bigr\}, \end{alignedeqn} and \cref{eqn:AF14,eqn:AF16}, \begin{alignedeqn}\label{eqn:DO9} &\tilde{q}(t + \epsilon) = \tilde{q}(t - \epsilon) + 2 \epsilon \, W \, \tilde{q}(t),\\ &\bar{q}^\tran(t + \epsilon) = \bar{q}^\tran(t - \epsilon) - 2 \epsilon \, \bar{q}^\tran(t) \, W. \end{alignedeqn} Taking the limit $\epsilon \to 0$ with $\tilde{q}(t + \epsilon) = \tilde{q}(t) + \mathcal{O}(\epsilon)$, $\bar{q}(t + \epsilon) = \bar{q}(t) + \mathcal{O}(\epsilon)$ yields \cref{eqn:DO7}. With the formal relation \labelcref{eqn:FF3} we can write \cref{eqn:DO7} as \begin{equation}\label{eqn:DO10} \dot{A}^\prime = i [H,A^\prime] - [J,A^\prime]. \end{equation} The first piece yields the standard expression of quantum mechanics. The second piece arises from the symmetric part of $W$. Operators for conserved quantities obey $[W,A^\prime] = 0$, such that $\dot{A}^\prime = 0$. For general classical observables $W$ will not commute with $A^\prime$. Typically $[W,A^\prime]$ will not commute with $A^\prime$ either, such that $[\dot{A}^\prime,A^\prime] \neq 0$. One may investigate a different choice of the $t$-derivative of a classical local observable, as \begin{equation}\label{eqn:DO11} \dot{A}_+(t) = \frac{1}{\epsilon} \bigl(A(t + \epsilon) - A(t)\bigr). \end{equation} For $t$-independent $S$, and $A$ not depending explicitly on $t$ such that $A(t + \epsilon)$ is represented by $S^{-1} \, A^\prime \, S$, this yields \begin{equation}\label{eqn:DO12} \dot{A}_+^\prime(t) = \frac{1}{\epsilon} S^{-1} [A^\prime,S], \end{equation} or \begin{equation}\label{eqn:DO13} \frac{1}{2} \bigl(\dot{A}_+^\prime(t) + S \, \dot{A}_+^\prime \, S\bigr) = -[W,A^\prime] S. \end{equation} In the continuum limit one finds again the relation \labelcref{eqn:DO7}. The distinction between $\dot{A}_m^\prime$ and $\dot{A}_+^\prime$ is no longer needed. In the continuum limit the derivative observables $\dot{A}_m$ and $\dot{A}_+$ cannot be distinguished by measuring their expectation values. Both classical observables are represented by the same operator $\dot{A}^\prime$. They may therefore be considered as equivalent. Nevertheless, $\dot{A}_m$ and $\dot{A}_+$ are different classical observables. Consider a classical local observable $A(t)$ with possible measurement values $\pm 1$, corresponding to the spectrum of $A^\prime$. The possible measurement values of $\dot{A}_m(t)$ are then $\{\pm 1/2 \epsilon,0\}$, while the possible measurement values of $\dot{A}_+(t)$ differ, being given by $\{\pm 1/\epsilon,0\}$. Neither for $\dot{A}_m(t)$ nor for $\dot{A}_+(t)$ do the possible measurement values coincide with the spectrum of the associated operator $\dot{A}^\prime$ as given by \cref{eqn:DO7}. The eigenvalues of $\dot{A}^\prime$ do not diverge for $\epsilon \to 0$ since both $A^\prime$ and $W$ remain finite in this limit. Thus $\dot{A}_m(t)$ and $\dot{A}_+(t)$ do not obey the requirements of a local observable. Measurements of the $t$-derivative of $A$ in the continuum limit will not be able to resolve the difference between $\dot{A}_m(t)$ and $\dot{A}_+(t)$. Continuum measurements typically involve a finite range of $t$ even in the limit $\epsilon \to 0$. Formally, the measured observables are linear combinations of classical observables belonging to a large class of possible $t$-derivative observables. The precise linear combination typically even differs from one measurement to another, such that only a probability distribution of individual linear combinations is specified. For ``ideal continuum measurements'' of $\dot{A}$ we require, however, that $\langle\dot{A}(t)\rangle$ is reproduced faithfully, such that one can employ the operator $\dot{A}^\prime$ for the computation of the outcome. This type of ``coarse-grained'' measurements will yield a finite value $\dot{A}(t)$ for each individual measurement even in the limit $\epsilon \to 0$. We associate to an ideal continuum measurement a local observable $\dot{A}(t)$ whose possible measurement values are given by the spectrum of the operator $\dot{A}^\prime$. This can be done provided that the probabilities $p_i$ defined by \cref{eqn:71C,eqn:71D} are positive for the operator $\dot{A}^\prime$. This new local observable is typically not a classical observable whose value is fixed for every overall spin configuration. The coarse graining rather produces a type of probabilistic observable \cite{CWPO,CWQM,CWEQM}, for which only probability distributions of values are defined on the level of the overall statistical ensemble. For continuum measurements at $t$ the coarse-grained observable $\dot{A}$ is, however, simply a local observable represented by $\dot{A}^\prime$ according to \cref{eqn:DO7}. This operator is typically not diagonal in the occupation number basis. Correlations for this type of observables need not obey Bell's inequalities. \subsection{Classical correlations} We can also compute the classical correlation function $\langle A(t + \epsilon) \, B(t)\rangle_\text{cl}$ from the local probabilistic information at $t$. This is done by representing $A(t + \epsilon) \, B(t)$ by an operator $C^\prime(t)$ at $t$, \begin{equation}\label{eqn:PP9} A(t + \epsilon) \, B(t) \to C^\prime(t) = A^\prime(t) \, B^\prime(t). \end{equation} Here the r.h.s. of \cref{eqn:PP9} is given by the matrix product of the operators $A^\prime(t)$ and $B^\prime(t)$ representing at $t$ the observables $A(t + \epsilon)$ and $B(t)$. Indeed, from the general definition of the expectation value in the overall classical statistical ensemble \labelcref{eqn:AF4} we infer \begin{alignedeqn}\label{eqn:PP10} \langle A(t + \epsilon) \, B(t)\rangle = \int \mathcal{D} s(t + \epsilon) \int \mathcal{D} s(t) \, \bar{f}(t + \epsilon)\\ \times A(t + \epsilon) \, \mathcal{K}(t) \, B(t) \, f(t). \end{alignedeqn} Using \cref{eqn:AF19}, the expansion in basis functions yields \begin{alignedeqn}\label{eqn:PP11} &\langle A(t + \epsilon)B(t)\rangle\\ &= \smash{\int} \mathcal{D} s(t + \epsilon) \, \mathcal{D} s(t) \, h_\tau(t + \epsilon) \, h_\gamma(t + \epsilon)\\ &\hphantom{={} \int \mathcal{D}}\times h_\sigma(t + \epsilon) \, h_\mu(t) \, h_\delta(t) \, h_\rho(t) \, \bar{q}_\tau(t + \epsilon)\\ &\hphantom{={} \int \mathcal{D}}\times \alpha_\gamma(t + \epsilon) \, S_{\sigma\mu}(t) \, \beta_\delta(t) \, \tilde{q}_\rho(t)\\ &= \bar{q}_\tau(t + \epsilon) A_{\tau\sigma}^\prime(t + \epsilon) S_{\sigma\mu}(t) B_{\mu\rho}^\prime(t) \tilde{q}_\rho(t)\\ &= \bar{q}_\tau(t) S_{\tau\nu}^{-1}(t) A_{\nu\sigma}^\prime(t + \epsilon) S_{\sigma\mu}(t) B_{\mu\rho}^\prime(t) \tilde{q}_\rho(t)\\ &= \bar{q}_\tau(t) \bigl(A^\prime(t) B^\prime(t)\bigr)_{\tau\rho} \tilde{q}_\rho(t). \end{alignedeqn} The classical correlation function is therefore represented by the $t$-ordered operator product, where the operator representing the observable at the larger $t$ stands on the left. These arguments extend to classical correlations $A(t^\prime)\cdot B(t) $ for arbitrary $t^\prime,t$. At $t$ they are represented by \begin{equation}\label{eqn:PP12} A(t^\prime) \cdot B(t) \to \tord\bigl\{A^\prime(t) \, B^\prime(t)\bigr\}. \end{equation} Here $\tord$ denotes the $t$-ordering, in the sense that the operator for the observable with the larger $t$-argument on the l.h.s. stands to the left. (The $t$ argument on the r.h.s. denotes the hypersurface on which the observables are expressed by operators. More precisely, we could use a notation $A^\prime(t_1,t_2)$ where the first argument labels the $t$-argument of the classical local observable $A(t_1)$, and the second the reference point on which we choose to evaluate the expectation value by \cref{eqn:AF20}. The r.h.s. of \cref{eqn:PP12} becomes then $A^\prime(t^\prime,t) \, B^\prime(t,t)$, and the $t$-ordering refers to the first argument.) We recall that the $t$-ordered operator product is commutative, reflecting the commutative classical product of observables. For a proof of \cref{eqn:PP12} the expression \labelcref{eqn:PP10} is generalized to an integration over all spin configurations between $t$ and $t^\prime$, with an appropriate chain of $\mathcal{K} $ factors between $A(t^\prime)$ and $B(t)$. The integration of the chain of $\mathcal{K} $-factors over intermediate spins produces the ordered product of step evolution operators, with larger $t$ to the left \cite{CWIT}. By a similar line of arguments we can represent arbitrary classical $n$-point functions of classical local observables by suitable operator products at $t$, and evaluate expectation values according to \cref{eqn:AF20}. For example, for $t_1 < t_2 < t_3$ the classical three point function is represented by the product of three matrices \begin{equation}\label{eqn:PP13} A(t_3) \cdot B(t_2) \cdot C(t_1) \to A^\prime(t) \, B^\prime(t) \, C^\prime(t). \end{equation} For a given $t$-independent step evolution operator the local information contained in the wave functions $\tilde{q}(t) ,\bar{q}(t)$ is sufficient for the computation of expectation values and classical $n$-point functions of classical local observables at arbitrary $t^\prime$. At $t$, the operator for an observable at $t^\prime = t + G\epsilon$ simply reads \begin{equation}\label{eqn:PP14} A(t^\prime) \to A^\prime(t) = S^{-G} A^\prime(t^\prime) \, S^G. \end{equation} Products of observables are mapped to $t$-ordered products of operators, with ordering given by the $t$-labels of the observables. This extends to linear combinations of classical observables that are represented by the corresponding linear combinations of operators. In this way we can compute the expectation values of all classical observables by using \cref{eqn:AF20} for the appropriate operators. This high predictive power of the local information is familiar from quantum mechanics. It requires the wave functions and is no longer given if one restricts the local information to local probabilities. \subsection{Incomplete statistics} The occurrence on non-commuting operator products is tightly connected to incomplete statistics. Incomplete statistics does not permit the computation of simultaneous probabilities to find a measurement value $\lambda_A$ for an observable $A$ and a measurement value $\lambda_B$ for a different observable $B$. This situation is characteristic for subsystems if the information in the subsystem is insufficient for the computation of simultaneous probabilities. A simple example is given by the quantum subsystem discussed in \cref{sec:Three-spin chains}. A local description of classical statistics at a given $t$ constitutes a subsystem of the overall statistical ensemble. One should therefore not be surprised that non-commuting operator products appear quite genuinely. We first discuss the non-commutativity of operators associated to products $A(t_2)B(t_1)$. As we have seen, one can associate to the classical product observable $A(t_2) \, B(t_1)$ an operator $C^\prime(t)$ that allows the computation of its expectation value -- the classical correlation -- from the probabilistic information contained in the wave functions, \begin{equation}\label{eqn:101A} \langle A(t_2) \, B(t_1)\rangle = \langle C^\prime(t)\rangle, \quad C^\prime = \tord\bigl\{A^\prime(t) \, B^\prime(t)\bigr\}. \end{equation} If $A(t_2)B(t_1)$ would be a local observable we could compute simultaneous probabilities from the information at $t$ and statistics would be complete in this respect. The classical product is, in general, not a local observable, however. Typically the spectrum of $C^\prime(t)$ does not coincide with the possible measurement values of the classical product observable $A(t_2) \, B(t_1)$. As one of the indications, the \cref{cnd:corresp} in \cref{eqn:76A} is not obeyed. The expectation value of the product observable $\bigl(A(t_2) \, B(t_1)\bigr)^2$ can be computed from an associated operator $D^\prime(t)$, which is the time-ordered operator product of the operators for $A^{\prime 2}(t)$ and $B^{\prime 2}(t)$. Assuming $t_2 > t_1$ one has \begin{alignedeqn}\label{eqn:101B} &\bigl\langle\bigl(A(t_2) \, B(t_1)\bigr)^2\bigr\rangle = \langle D^\prime(t)\rangle,\\ &D^\prime(t) = \bigl(A^\prime(t)\bigr)^2 \, \bigl(B^\prime(t)\bigr)^2. \end{alignedeqn} If $A^\prime$ and $B^\prime$ do not commute, the operator $D^\prime$ differs from $\bigl(C^\prime(t)\bigr)^2$, \begin{equation}\label{eqn:101C} D^\prime - C^{\prime 2} = A^{\prime 2} \, B^{\prime 2} - A^\prime \, B^\prime \, A^\prime \, B^\prime = A^\prime \, [A^\prime,B^\prime] \, B^\prime. \end{equation} If the expectation value of this expression does not vanish for all states the \cref{cnd:corresp} in \cref{eqn:76A} is indeed violated. According to our discussion in \cref{sec:local operators} we conclude that $A(t_2) \, B(t_1)$ cannot be a local observable. Either the spectrum of $C^\prime(t)$ does not coincide with the possible measurement values of the classical correlation, or the weights $w_i^{(A)}$ are not all positive, or both. The observation that the classical product $A(t_2) \, B(t_1)$ is not a local observable is directly rooted in incomplete statistics. This can be seen by showing that the assumption of complete statistics contradicts the difference between $D^\prime$ and $C^{\prime 2}$ according to \cref{eqn:101C}. If the probabilistic information contained in the wave functions would be sufficient for the computation of the joint probabilities $p_{ij}^{(AB)}$ to find for $A$ the value $\lambda_i^{(A)}$, and for $B$ the value $\lambda_j^{(B)}$, we could compute \begin{equation}\label{eqn:101D} \langle A(t_2) \, B(t_1)\rangle = \sum_{i,j} \lambda_i^{(A)} \, \lambda_j^{(B)} \, p_{ij}^{(AB)}. \end{equation} We could then interpret $A(t_2) \, B(t_1)$ as a new observable $C$ for which the possible measurement values are products of possible measurement values for $A$ and $B$, \begin{equation}\label{eqn:101E} \lambda_k^{(C)} = \lambda_i^{(A)} \, \lambda_j^{(B)}. \end{equation} The probabilities to find $\lambda_k^{(C)}$ are given by \begin{equation}\label{eqn:101F} p_k^{(C)} = p_{ij}^{(AB)}, \end{equation} assuming for simplicity the non-degenerate case. Thus $C$ would be a local observable, represented by the operator $C^\prime(t)$ in \cref{eqn:101A}. In turn, this implies $D^\prime = C^{\prime 2}$, establishing the contradiction. We conclude that the joint probabilities $p_{ij}^{(AB)}$ are not computable from the local probabilistic information contained in the wave functions. They may be computable from the overall probability distribution $p[s]$, but the necessary information is lost by the process of partial integration leading to the wave functions. The non-commutativity of operators and incomplete statistics are intrinsically related. Consider two arbitrary classical observables $A$, $B$ that take fixed values for any overall spin configuration $\{s\}$. Let $A^\prime$ and $B^\prime$ be the non-commuting operators corresponding to these classical observables $A$ and $B$, with possible measurement values $\lambda_i^{(A)}$ and $\lambda_j^{(B)}$. On the level of the classical observables we can implement the notions of linear combinations and products of observables in a standard way. These structures cannot be transferred, however, to corresponding structures among local observables. The possible measurement values of $\alpha A + \beta B$ are given by $\alpha\lambda_i^{(A)} + \beta\lambda_j^{(B)}$. They do not correspond to the spectrum of the operator $\alpha A^\prime + \beta B^\prime$. Also the possible measurement values of $AB$ are $\lambda_i^{(A)} \lambda_j^{(B)}$. They differ, in general, from the spectrum of the operator product $A^\prime B'$. We conclude that for a wide class of classical observables $C$, as $C = \alpha A(t^\prime) + \beta B(t)$ or $C = A(t_1)B(t_2)E(t_3)F(t_4)$, one can find an operator $C^\prime(t)$ such that $\langle C\rangle = \bar{q}^\tran C^\prime \tilde{q}$. The operator $C^\prime(t)$ does not correspond necessarily to a local observable, however. The spectrum of $C^\prime$ may not coincide with the possible measurement values of $C$. The association $C^n \to (C^\prime)^n$ typically does not hold because of the $t$-ordering. (For example, one has for $t_2 > t_1$ the association $A(t_2) \to A^\prime$, $B(t_1) \to B^\prime$, $\bigl(A(t_2) + B(t_1)\bigr)^2 \to A^{\prime 2} + B^{\prime 2} + 2 A^\prime B^\prime \neq (A^\prime + B^\prime)^2$.) Furthermore, it is not guaranteed that $w_\tau^{(C)}(t)$, as defined by \cref{eqn:71C} for the matrix $D$ diagonalizing $C^\prime(t)$, is positive. In summary, we can compute $\langle C\rangle$ from the local probabilistic information contained in the wave functions, but $C$ is typically not a local observable. The map between observables and operators defines equivalence classes of observables. All observables that are mapped to the same operator $A^\prime(t)$ belong to the same equivalence class. They all have the same expectation value. The classical correlation function is not a structure that respects the equivalence classes. For $A_1$ and $A_2$ belonging to the same equivalence class their classical correlations with a third observable $B$ may differ, \begin{equation} \langle A_1 \cdot B\rangle \neq \langle A_2 \cdot B\rangle. \end{equation} The computation of classical correlations requires therefore information beyond the local system, e.g. beyond the definition of the associated operators $A^\prime$ and $B^\prime$ and the local probabilistic information in the wave functions. Even for the simple case where $A$ and $B$ are classical local observables at different times $t_1$ and $t_2$ one needs the information about these times in order to fix the $t$-ordering. This is information beyond the local system. In \cref{sec:equivalent local probabilistic systems} we define different ``quantum correlations'' that are computable from the information in the local system and respect the equivalence classes between observables. \subsection{General local observables} Within the local equivalence class of $C$ one may define a new local observable $C_l(t)$ which is represented by the same operator $C^\prime(t)$ as $C$. Its expectation value equals the one for $C$, i.e. $\langle C_l(t)\rangle = \langle C\rangle$. For $C_l(t)$ being a local observable we require that $C_l^n(t)$ is represented by $[C^\prime(t)]^n$. Thus products and correlations of $C_l(t)$ will be different from the ones of $C$. If $w^{(C)}(t)$ is positive, $C_l(t)$ indeed obeys all characteristics for a local observable. Its possible measurement values are determined by the spectrum of the operator $C^\prime(t)$. We may therefore consider the association of local operators for observables at $t^\prime \neq t$ or of classical correlations as a mere technical tool to obtain genuine new local observables $C_l(t)$. These local observables often are no longer classical observables that take definite values for each spin configuration $\{s\}$. Among the extended class of local observables we may find in a complex formulation the Hamiltonian $\hat{H}$ or the momentum operator $\hat{P} = -i \partial_x$ for the Ising models describing fermions. In more complex systems one can realize in a similar way angular momentum as the generator of rotations. The information contained in the wave functions is sufficient for the computation of expectation values $\langle C_l^n(t)\rangle$ for arbitrary $n$. Still, for $[A^\prime,C^\prime] \neq 0$, it does not contain sufficient information to find simultaneous probabilities for $C_l(t)$ taking a value $\smash{\lambda_i^{(C)}}$ and some other observable $A(t)$ taking a value $\smash{\lambda_j^{(A)}}$. The classical correlation function between $A(t)$ and $C_l(t)$, if it exists at all, cannot be computed from the local information in the wave functions. One may define more suitable measurement correlations, cf. \cref{sec:equivalent local probabilistic systems}. They can violate Bell's inequalities. \section{Classical density matrix} \label{sec:density matrix} Instead of computing the time evolution of the wave function $\tilde{q}_\tau(t)$ and the conjugate wave function $\bar{q}_\tau(t)$ separately, it is often more convenient to follow directly the time evolution of an associated density matrix $\rho_{\tau\rho}^\prime(t)$. As is well known from quantum mechanics the density matrix is particularly useful for the discussion of subsystems. In the occupation number basis the local probabilities can be extracted as the diagonal elements of $\rho^\prime$. The density matrix allows the description of mixed states, as characteristic for subsystems. It is convenient to switch from now on the notation from Ising spins to occupation numbers, $n_\gamma = (s_\gamma + 1)/2$. They take values one and zero. In the occupation number basis the basis functions $h_\tau$ in \cref{eqn:AF21} involve factors $n_\gamma$ or $1-n_\gamma$. \subsection{Properties of the density matrix} For ``pure states'' the real classical density matrix $\rho_{\tau\rho}^\prime(t)$ obtains by multiplication of the wave function with its conjugate \begin{equation}\label{eqn:D1a} \rho_{\tau\rho}^\prime(t) = \tilde{q}_\tau(t) \, \bar{q}_\rho(t). \end{equation} (Primes are used here in order to make the distinction to an equivalent complex formulation or to density matrices for quantum subsystems more easy to follow.) For pure states the quantum expression \labelcref{eqn:quantum rule} for the computation of expectation values of local observables from the density matrix follows directly from \cref{eqn:AF20}. From \cref{eqn:AF24} we infer \begin{equation}\label{eqn:102A} \tr \rho^\prime = 1. \end{equation} In general, the density matrix needs not be symmetric since $\tilde{q}$ and $\bar{q}$ are different. This constitutes an important difference of the general classical density matrix to the special case of quantum mechanics for which $\rho^\prime$ is symmetric. In the occupation number basis the diagonal elements of the classical density matrix are the local probabilities (no sum here) \begin{equation}\label{eqn:D2a} p_\tau(t) = \rho_{\tau\tau}^\prime(t). \end{equation} This holds by virtue of \cref{eqn:local probabilities}, and no particular conditions on $\tilde{q}$ or $\bar{q}$ need to be imposed except for the normalization $Z = 1$. The pure state density matrix has $N - 1$ eigenvalues equal to zero, while one eigenvalue equals one. Indeed, the construction of $\rho^\prime$ as the product of two vectors implies that at most one eigenvalue differs from zero. The relation \begin{equation}\label{eqn:OP12} \rho_{\tau\rho}^\prime\tilde{q}_\rho = \tilde{q}_\tau\bar{q}_\rho\tilde{q}_\rho = \tilde{q}_\tau \end{equation} directly establishes the eigenvalue one (with eigenvector $\tilde{q}$). We conclude that all eigenvalues of $\rho^\prime$ are positive semidefinite. A pure state classical density matrix obeys \begin{equation}\label{eqn:104A} \rho^{\prime 2} = \rho^\prime, \end{equation} similar to quantum mechanics. This follows from \cref{eqn:AF24} by \begin{equation}\label{eqn:104B} (\rho^{\prime 2})_{\tau\rho} = \tilde{q}_\tau \, \bar{q}_\sigma \, \tilde{q}_\sigma \, \bar{q}_\rho = \tilde{q}_\tau \, \bar{q}_\rho = \rho_{\tau\rho}^\prime. \end{equation} Consider next a change of basis by an orthogonal matrix $D$, \begin{equation}\label{eqn:OP13} \rho_D^\prime = D \rho^\prime D^{-1}, \qquad D^\tran D = 1. \end{equation} Orthogonal transformations do not change the eigenvalues, such that the eigenvalues of $\rho_D^\prime$ are again one and zero and therefore positive semidefinite. We next discuss the sign of the diagonal elements in an arbitrary basis (no sum over $\tau$) \begin{equation}\label{eqn:OP15} (\rho_D^\prime)_{\tau\tau} = (D\bar{q})_\tau(D\tilde{q})_\tau = \sum_{\rho\sigma}D_{\tau\rho}\tilde{q}_\rho\bar{q}_\sigma D_{\sigma\tau}^\tran, \end{equation} where $\tilde q$, $\bar q$ refer to the occupation number basis. For a general basis the diagonal elements need not be positive. (For a general matrix positive eigenvalues do not imply positive diagonal elements.) Only if all diagonal elements of $\rho_D^\prime$ are positive semidefinite, they can be interpreted as probabilities, $p_\tau^{(D)} \geq 0$, with \begin{equation}\label{eqn:OP16} p_\tau^{(D)} = (\rho_D^\prime)_{\tau\tau}, \qquad \sum_\tau p_\tau^{(D)} = \tr\rho_D^\prime = \tr\rho^\prime = 1. \end{equation} There are interesting cases for which all diagonal elements of $\rho_D^\prime$ are positive. The first is quantum mechanics where $\bar{q}$ and $\tilde{q}$ can be identified, such that the positivity of $(\rho_D^\prime)_{\tau\tau}$ follows automatically from \cref{eqn:OP15}. A more general case occurs for a symmetric density matrix, \begin{equation}\label{eqn:symmetric density} \rho_{\tau\rho}^\prime = \rho_{\tau\rho}^\prime = \tilde{q}_\tau \bar{q}_\rho = \tilde{q}_\rho \bar{q}_\tau. \end{equation} Multiplication with $\tilde{q}_\rho$ and summation over $\rho$ yields \begin{equation} \tilde{q}_\tau = a \bar{q}_\tau, \qquad a = \sum_\rho (\tilde{q}_\rho)^2 > 0, \end{equation} or \begin{equation} \rho_{\tau\rho}^\prime = \frac{1}{a} \tilde{q}_\tau \tilde{q}_\rho = a \bar{q}_\tau \bar{q}_\rho. \end{equation} One concludes $\rho_{\tau\tau}^\prime > 0$ for an arbitrary basis in which \cref{eqn:symmetric density} is realized. In turn, $\rho_D^\prime$ is also symmetric and \begin{equation}\label{eqn:trace greater zero} (\rho_D^\prime)_{\tau\tau} = a (D \bar{q}_\tau)^2 \geq 0. \end{equation} For symmetric density matrices arbitrary symmetric operators $A^\prime(t)$ correspond to local observables. They can be diagonalized by orthogonal matrices $D$, such that the condition \labelcref{eqn:71E} is realized by virtue of \cref{eqn:trace greater zero}. \subsection{Generalized von Neumann equation} The time evolution of the density matrix can be inferred from \cref{eqn:AF13}, \begin{equation}\label{eqn:D9a} \rho_{\tau\rho}^\prime(t + \epsilon) = S_{\tau\alpha}(t) \, \rho_{\alpha\beta}^\prime(t) \, S_{\beta\rho}^{-1}(t). \end{equation} The eigenvalues of $\rho^\prime$ and $\det\rho^\prime$ remain invariant under the evolution. The relation \labelcref{eqn:104A} for pure state density matrices is preserved by the evolution as well, \begin{alignedeqn} \rho^{\prime 2}(t + \epsilon) &= \bigl(S \, \rho^\prime \, S^{-1} \, S \, \rho^\prime \, S^{-1}\bigr)(t)\\ &= \bigl(S \, \rho^{\prime 2} \, S^{-1}\bigr)(t)\\ &= \bigl(S \, \rho^\prime \, S^{-1}\bigr)(t) = \rho^\prime(t + \epsilon). \end{alignedeqn} In the continuum limit, $\epsilon \to 0$, one finds with \crefrange{eqn:AF14}{eqn:AF17} for sufficiently smooth $\tilde{q}(t) \approx \bigl(\tilde{q}(t + \epsilon) + \tilde{q}(t - \epsilon)\bigr)/2$ and similar for $\bar{q}(t)$, \begin{alignedeqn}\label{eqn:D11a} \partial_t\rho_{\tau\rho}^\prime = W_{\tau\alpha}(t) \rho_{\alpha\rho}^\prime(t) - \rho_{\tau\alpha}^\prime(t) \tilde{W}_{\alpha\rho}(t). \end{alignedeqn} For $S$ independent of $t$ one has $W = \tilde{W}$. More generally, we concentrate in the following on the case $\tilde{W}(t) = W(t)$, for which \begin{alignedeqn}\label{eqn:231} \partial_t \rho^\prime = [W,\rho^\prime]. \end{alignedeqn} Density matrices that commute with $W$ are $t$-independent. As it should be, the evolution \labelcref{eqn:231} leaves a pure state pure, e.g. $\rho^{\prime 2} = \rho^\prime$ implies $\partial_t \rho^{\prime 2} = \partial_t \rho^\prime$. \Cref{eqn:231} constitutes the central evolution equation for the density matrix of classical statistical systems. It generalizes the von Neumann equation since $W$ is not necessarily antisymmetric. We observe the conservation of the trace \begin{equation}\label{eqn:trace conservation} \partial_t \tr \rho^\prime = 0. \end{equation} For classical statistical systems in the occupation number basis both $\tilde{q}_\tau$ and $\bar{q}_\tau$ are positive, such that $p_\tau(t) = \rho_{\tau\tau}^\prime(t) \geq 0$ for all $t$ and \cref{eqn:trace conservation} amounts to the conservation of the normalization of the local probabilities. We may split $W$ and $\rho^\prime$ into symmetric and antisymmetric parts. The evolution of the antisymmetric part $\rho_A^\prime$ obeys \begin{equation} \partial_t \rho_A^\prime = [W_S,\rho_S^\prime] + [W_A,\rho_A^\prime]. \end{equation} A symmetric density matrix $\rho^\prime = \rho_S^\prime$ remains symmetric if it commutes with the symmetric part of $W$, \begin{equation}\label{eqn:remain symmetric condition} [W_S,\rho^\prime] = 0. \end{equation} This condition is much weaker than the condition $W_S = 0$ for a pure quantum evolution. We will see in \cref{sec:evolution for subsystems} that symmetric density matrices obeying \cref{eqn:remain symmetric condition} describe subsystems that follow a quantum evolution. If the model admits a complex structure (cf. \cref{sec:complex structure}), the complex pure state density matrix is defined as \begin{equation}\label{eqn:239A} \rho_{\alpha\beta}(t) = \psi_\alpha(t) \, \bar{\psi}_\beta(t), \end{equation} with $\psi$ and $\bar\psi$ the complex wave function and conjugate wave function. (For classical statistics $\bar\psi$ differs from $\psi^\ast$, with $\bar\psi = \psi^\ast$ realized for the special case of quantum mechanics.) The evolution of the complex density matrix is again given by a generalized von Neumann equation \begin{equation}\label{eqn:239B} i\partial_t\rho = [G,\rho] = [\hat{H},\rho] + i[\hat{J},\rho]. \end{equation} Local observables that are compatible with the complex structure are represented by complex operators $\hat{A}$ such that \begin{equation}\label{eqn:239C} \langle A(t)\rangle = \tr\bigl\{\hat{A}(t) \, \rho(t)\bigr\}. \end{equation} \subsection{Pure state density matrix from functional integral} One may formally obtain the density matrix by partial functional integration or performing the configuration sum partially. Since the density matrix has two indices we will have to distinguish formally between two sets of occupation numbers at $t$, depending if they are connected to the range $t^\prime > t$ or $t^\prime < t$. For this purpose we formally distinguish for the wave functions the arguments $n_\gamma(t)$ of $f(t)$ and $\bar{n}_\gamma(t)$ for $\bar{f}(t)$, and correspondingly for $\bar{h}_\rho(t)$ and $h_\tau(t)$, \begin{equation}\label{eqn:D3a} f(t) = \tilde{q}_\tau(t) \, h_\tau(t), \qquad \bar{f}(t) = \bar{q}_\rho(t) \, \bar{h}_\rho(t). \end{equation} The density matrix can then equivalently be expressed as a function of occupation numbers \begin{alignedeqn}\label{eqn:D4a} \hat{\rho}^\prime(t) &= f(t) \, \bar{f}(t) = \tilde{q}_\tau(t) \, \bar{q}_\rho(t) \, h_\tau(t) \, \bar{h}_\rho(t)\\ &= \rho_{\tau\rho}^\prime(t) \, h_\tau(t) \, \bar{h}_\rho(t). \end{alignedeqn} It depends on $n(t)$ and $\bar{n}(t)$. Local operators take the form \begin{equation}\label{eqn:D5a} \hat{A}^\prime(t) = A_{\tau\rho}^\prime(t) \, \bar{h}_\tau(t) \, h_\rho(t). \end{equation} They are again functions of $n(t)$ and $\bar{n}(t)$. (We employ various expressions for local observables that should not be confounded. While $A(t)$ in \cref{eqn:AF10B} depends on $\{n(t)\}$, $\hat{A}^\prime(t)$ depends on $\{n(t)\}$ and $\{\bar{n}(t)\}$. For classical local observables $A(t)$ the values they take for the local spin configuration $\{n(t)\} = \tau$ are given by $A_\tau$. The expansion coefficients of $A(t)$ in basis functions $h_\tau$ are denoted by $\alpha_\tau(t)$. The matrix $A^\prime(t)$ in \cref{eqn:AF20} has elements $A_{\tau\rho}^\prime(t)$. For diagonal $A^\prime(t)$ in the occupation number basis the diagonal elements equal $\alpha_\tau = A_\tau$.) From the quantum relation \labelcref{eqn:quantum rule} for the expectation value we infer \begin{alignedeqn}\label{eqn:D6a} \langle A(t)\rangle &= \int \dif \bar{n}(t) \, \dif n(t) \, \hat{A}^\prime(t) \, \hat{\rho}^\prime(t)\\ &= A_{\tau\rho}^\prime \, \rho_{\rho\tau}^\prime = \tr(A^\prime \, \rho^\prime). \end{alignedeqn} The classical local observables at $t$ discussed previously are expressed in the occupation number basis by diagonal operators \begin{alignedeqn}\label{eqn:D7a} \hat{A}^\prime(t) &= A(t)\delta \bigl(\bar{n}(t),n(t)\bigr) = A_\tau(t) \, f_\tau(t) \, \delta \bigl(\bar{n}(t),n(t)\bigr),\\ A_{\tau\rho}^\prime(t) &= A_\rho(t) \, \delta_{\tau\rho}. \end{alignedeqn} Their expectation values \labelcref{eqn:D6a} realize the standard definition \begin{equation}\label{eqn:D8a} \langle A(t)\rangle = \sum_\tau A_\tau(t) \, p_\tau(t), \end{equation} with $A_\tau$ the value of the classical local observable $A(t)$ for the spin configuration $\tau$. Classical local observables at $t^\prime \neq t$ and more general local observables typically correspond to non-diagonal $A^\prime$ and therefore to a non-trivial dependence of $\hat{A}^\prime(t)$ on $n(t)$ and $\bar{n}(t)$. We can formally express $\hat\rho^\prime(t)$ by the functional integral \begin{alignedeqn}\label{eqn:D12a} \hat{\rho}^\prime(t) &= \int \mathcal{D} \bar{n}(t^\prime > t) \, \mathcal{D} n(t^\prime < t) \, \bar{f}_\text{f}\bigl(\bar{n}(t_\text{f})\bigr)\\ &\times \bar{K}_>(t) \, K_<(t) \, f_\text{in} \bigl(n(t_\text{in})\bigr), \end{alignedeqn} where the bar on $\bar{K}_>$ indicates that the arguments are taken as $\bigl\{\bar{n}(t^\prime)\bigr\}$. For $t^\prime > t$ the distinction between $\bar{n}(t^\prime)$ and $n(t^\prime)$ does not matter since these are integration variables. As compared to the definition of $Z$ in \cref{eqn:partition function def} the integration over $n(t)$ is missing in \cref{eqn:D12a}. We may view this as a ``cut'' at $t$. Furthermore, at the cut we distinguish between $\bar{n}(t)$ and $n(t)$, such that $\hat{\rho}^\prime(t)$ depends on these two types of arguments, $\hat{\rho}^\prime(t) = \hat{\rho}^\prime \bigl(\bar{n}(t),n(t)\bigr)$. The expression \labelcref{eqn:D12a} is independent of the choice of basis and may be considered as a ``functional integral definition'' of the density matrix. For a pure state it is composed of two factors, one depending only on $n(t)$ the other on $\bar{n}(t)$. The expansion \labelcref{eqn:D4a} and the factorized form \labelcref{eqn:D1a} hold in an arbitrary basis. This extends to the quantum rule \labelcref{eqn:D6a} for the expectation values of local observables. Symmetric density matrices correspond to $\hat{\rho}[n,\bar{n}] = \hat{\rho}[\bar{n},n]$. \subsection{Boundary conditions and mixed states} We can generalize the boundary conditions by replacing $f_\text{in}(n_\text{in}) \, \bar{f}_\text{f}(n_\text{f})$ by $b(n_\text{in},n_\text{f})$, \begin{alignedeqn}\label{eqn:B5-D6} b(n_\text{in},n_\text{f}) = b\bigl(n(t_\text{in}), n(t_\text{f})\bigr) = b_{\tau\rho}^\prime \, h_\tau(t_\text{in}) \, h_\rho(t_\text{f}). \end{alignedeqn} The functional integral for $Z$ becomes \begin{equation}\label{eqn:B5-D7} Z = \int \mathcal{D} n \, b(n_\text{in},n_\text{f}) \, K[n], \end{equation} This construction corresponds to the notion of mixed states in quantum mechanics. In particular, we can implement periodic boundary conditions for $t$-points on a circle by the choice \begin{alignedeqn}\label{eqn:B5-D9} b(n_\text{in},n_\text{f}) &= \mathcal{K} (n_\text{in},n_\text{f}),\\ b_{\tau\rho}^\prime &= S_{\tau\rho}. \end{alignedeqn} In case of translation symmetry \cref{eqn:partition function def} becomes \begin{equation}\label{eqn:77Aa} Z = b_{\rho\tau}^\prime (S^G)_{\tau\rho} = \tr\{b^\prime S^G\}, \end{equation} such that the periodic boundary condition \labelcref{eqn:B5-D9} yields the well known formula for the transfer matrix \begin{equation}\label{eqn:77B} Z = \tr\{S^{G+1}\}. \end{equation} An arbitrary boundary condition $b$ can be written as a linear superposition of ``pure state boundary conditions'', \begin{equation}\label{eqn:B5-D10} b = \sum_\alpha w_\alpha^{(b)} \, f^{(\alpha)}(n_\text{in}) \, \bar{f}^{(\alpha)}(n_\text{f}) = \sum_\alpha w_\alpha^{(b)} \, b^{(\alpha)}, \end{equation} with suitable coefficients $w_\alpha$. If the boundary terms $f^{(\alpha)}$ and $\bar{f}^{(\alpha)}$ are such that they define positive probability distributions $w^{(\alpha)}[n]$, we can take $w_\alpha^{(b)}$ as probabilities for boundary conditions, $w_\alpha^{(b)} \geq 0$, $\sum_\alpha w_\alpha^{(b)} = 1$, with $w[n] = \sum_\alpha w_\alpha^{(b)} w^{(\alpha)}[n]$ again a probability distribution. Since the definition of $\hat{\rho}^\prime$ in \cref{eqn:D12a} is linear in $b^{(\alpha)}$, \begin{alignedeqn}\label{eqn:D13a} \hat{\rho}^{\prime(\alpha)}(t) = \int &\mathcal{D} \bar{n}(t^\prime > t) \, \mathcal{D} n(t^\prime < t)\\ &\times b^{(\alpha)}(t_\text{f},t_\text{in}) \, \bar{K}_>(t) \, K_<(t), \end{alignedeqn} it is straightforward to extend the definition of $\hat{\rho}^\prime$ to ``mixed state boundary conditions'' by replacing in \cref{eqn:D13a} $b^{(\alpha)}(t_\text{f},t_\text{in})$ by $b(t_\text{f},t_\text{in})$. We can formally write \cref{eqn:B5-D7} as \begin{alignedeqn}\label{eqn:D14a} Z &= \int \dif \bar{n}(t) \, \dif n(t) \, \delta \bigl(\bar{n}(t),n(t)\bigr)\, \hat{\rho}^\prime(t)\\ &= \sum_\tau p_\tau(t) = 1. \end{alignedeqn} This amounts to the normalization condition \begin{equation}\label{eqn:80A} \tr\rho^\prime = 1. \end{equation} For a mixed state boundary condition \cref{eqn:104A} no longer holds. In the following we assume \begin{equation}\label{eqn:136A} \rho^\prime = \sum_\alpha w_\alpha^{(b)} \, \rho^{\prime(\alpha)}, \quad w_\alpha^{(b)} \geq 0, \quad \sum_\alpha w_\alpha^{(b)} = 1, \end{equation} with $\rho^{\prime(\alpha)}$ pure state classical density matrices that can be realized by appropriate boundary conditions. The simple argument of quantum mechanics that all eigenvalues of the density matrix are positive cannot be carried over. For an arbitrary vector $v$ one has \begin{equation}\label{eqn:136B} v_\tau \, \rho_{\tau\rho}^\prime \, v_\rho = \sum_\alpha w_\alpha^{(b)} \, v_\tau \, \tilde{q}_\tau^{(\alpha)} \, \bar{q}_\rho^{(\alpha)} \, v_\rho. \end{equation} While for $\tilde q = \bar q$ this expression is always positive, negative values seem possible for $\tilde q \neq \bar q$. In the occupation number basis all elements of a pure state density matrix are positive, $\rho_{\tau\rho}^{\prime(\alpha)} \geq 0$. This extends to the mixed states density matrix \begin{equation}\label{eqn:136C} \rho_{\tau\rho}^\prime \geq 0. \end{equation} In a different bases, or for submatrices obtained by a partial trace in a given basis, the relation \labelcref{eqn:136C} does not need to hold. For symmetric $\rho^{\prime(\alpha)}$ also $\rho^\prime = \sum_\alpha w_\alpha^{(b)} \, \rho^{\prime(\alpha)}$ is symmetric. In this case all eigenvalues of $\rho^\prime$ are positive. The linear evolution equations \labelcref{eqn:D9a,eqn:231}, as well as the quantum rule for expectation values \labelcref{eqn:D6a} carries over to mixed-state density matrices. The condition for static density matrices, $[W,\rho^\prime] = 0$, admits many solutions. (We use here a ``time-language'' where static stands for $t$-independent.) For $\rho^\prime = f(W)$, with $f$ an arbitrary function, the density matrix is static. If there are some operators $B_i$ commuting with $W$, the general static density matrix can be extended to \begin{equation}\label{eqn:80B} \rho^\prime = f(W,B_i). \end{equation} We will discuss static solutions for a particular model in the next section. \subsection{Allowed density matrices and local probabilities} The evolution law \labelcref{eqn:D9a,eqn:231} for the density matrix is linear. Solutions to this evolution equation therefore obey the superposition principle. A linear combination of two solutions of this evolution equation is again a solution of this evolution equation. The simplicity of the linear evolution law constitutes a central advantage of the use of density matrices for the problem of information transport in classical statistical systems. No such simple law can be formulated for the evolution of the local probabilities. We will see below, however, that not all solutions of the evolution equation for the density matrix are compatible with the boundary conditions. In particular, arbitrary initial $\rho^\prime(t_\text{in})$ may not be permitted. The general evolution of $\rho^\prime$ can be understood by diagonalizing $W$ with a regular matrix $D$ \begin{alignedeqn}\label{eqn:RS1} W_d &= D W D^{-1} = \diag(\tilde{\lambda}_\tau),\\ \rho_d &= D\rho^\prime D^{-1}. \end{alignedeqn} We assume here that $W$ does not depend on $t$ such that the general solution for the matrix elements of $\rho_d$ reads \begin{equation}\label{eqn:RS2} (\rho_d)_{\tau\rho} = (\rho_d^0)_{\tau\rho} e^{(\tilde{\lambda}_\tau - \tilde{\lambda}_\rho)t}, \end{equation} implying \begin{equation}\label{eqn:RS3} \rho_{\sigma\lambda}^\prime = \sum_{\tau,\rho}D_{\sigma\tau}^{-1}(\rho_d^0)_{\tau\rho}D_{\rho\lambda}e^{(\tilde{\lambda}_\tau-\tilde{\lambda}_\rho)t}. \end{equation} The differences $\tilde{\lambda}_\tau-\tilde{\lambda}_\rho$ can have positive or negative real parts, corresponding to increasing matrix elements in the positive or negative time direction. This restricts the allowed values of $(\rho_d^0)_{\tau\rho}$. In the occupation number basis the allowed solutions for $\rho^\prime$ must obey the condition that the diagonal elements are local probabilities for all $t$ (no sum over $\tau$) \begin{equation}\label{eqn:RS4} 0 \leq \rho_{\tau\tau}^\prime(t) \leq 1, \qquad \tr\rho^\prime = 1. \end{equation} At $t_\text{in}$ the diagonal elements are given by the initial probabilities $\rho_{\tau\tau}^\prime(t_\text{in}) = p_\tau(t_\text{in})$. The off diagonal elements $\rho_{\tau\rho}^\prime(t_\text{in}),\tau\neq \rho$, have to be chosen such that the condition \labelcref{eqn:RS4} holds for all $t$. This demonstrates in a simple way that arbitrary $\rho^\prime(t_\text{in})$ may be in conflict with the boundedness of $\rho^\prime(t_\text{f})$. Similar arguments extend to other choices of basis. Further restrictions on the allowed solutions of the evolution equations arise from the condition \labelcref{eqn:136C} for classical density matrices in the occupation number basis. An example will be discussed in the next section. \section{Solution of boundary value problem by use of generalized von Neumann equation} \label{sec:solution of bvp} The practical use of the classical density matrix will become more apparent by the investigation of a few simple examples. In particular, this will shed light on the restrictions for allowed solutions of the evolution equation from the requirement of positive local probabilities for all $t$. \subsection{One-dimensional Ising model} Characteristic features of the evolution of the density matrix can be illustrated by the one-dimensional Ising model where $\rho^\prime$ is a $2 \times 2$ matrix. In the absence of a magnetic field one has \cite{CWIT} \begin{equation} \mathcal{K}(t) = \exp\bigl\{\beta s(t + \epsilon) s(t)\bigr\}, \end{equation} corresponding in the occupation number basis to a step evolution operator \begin{equation} S = e^{-\varphi} \begin{pmatrix} e^\beta & e^{-\beta}\\ e^{-\beta} & e^\beta \end{pmatrix}, \end{equation} with \begin{equation} \varphi = \ln[2 \cosh \beta]. \end{equation} Here $\beta$ defines the ratio of interaction strength $J$ and temperature $T$, $\beta = J/(k_\text{B} T)$. For large $\beta$ one infers \begin{equation} S = \begin{pmatrix} 1 - e^{-2 \beta} & e^{-2 \beta}\\ e^{-2 \beta} & 1 - e^{-2 \beta} \end{pmatrix}. \end{equation} We can take the continuum limit, with \begin{equation}\label{eqn:80C} W = \omega (\tau_1 - \mathds{1}_2), \qquad \omega = \frac{e^{-2 \beta}}{\epsilon}. \end{equation} The general static density matrix reads \begin{equation}\label{eqn:80D} \bar{\rho}^\prime = \frac{1}{2} \begin{pmatrix} 1 & a\\ a & 1 \end{pmatrix}, \end{equation} with free parameter $a$. This can be understood in terms of the wave functions. With eigenvalues of $W$ in \cref{eqn:80C} given by $\tilde{\lambda}_1 = 0$, $\tilde{\lambda}_2 = -2 \omega$ we associate equilibrium solution for $\tilde{q}$ with the eigenvector to $\tilde{\lambda}_1$, and similarly for $\bar{q}$, \begin{equation}\label{eqn:80E} \tilde{q}_\ast = \frac{c_1}{\sqrt{2}} \begin{pmatrix} 1\\ 1 \end{pmatrix}, \qquad \bar{q}_\ast = \frac{\bar{c}_1}{\sqrt{2}} \begin{pmatrix} 1\\ 1 \end{pmatrix}. \end{equation} The pure state equilibrium density matrix $\rho_\ast^\prime$ is realized for $\bar{c}_1 c_1 = 1$ and therefore corresponds to $a = 1$, with $\rho_\ast^{\prime 2} = \rho_\ast^\prime$. The density matrix formed with the eigenvectors to $\lambda_2$ \begin{equation}\label{eqn:A20} \delta q(t) = \frac{c_2(t)}{\sqrt{2}} \begin{pmatrix} 1\\ -1 \end{pmatrix}, \qquad \delta\bar{q}(t) = \frac{\bar{c}_2(t)}{\sqrt{2}} \begin{pmatrix} 1\\ -1 \end{pmatrix}, \end{equation} namely \begin{equation}\label{eqn:80F} \delta \rho^\prime = \frac{\bar{c}_2 c_2}{2} \begin{pmatrix} 1 & -1\\ -1 & 1 \end{pmatrix}, \end{equation} is also static. Indeed, with $c_2 \sim \exp(-2 \omega t)$, $\bar{c}_2 \sim \exp(2 \omega t)$ the product $c_2 \bar{c}_2$ is independent of $t$. The general static density matrix is a linear combination \begin{equation}\label{eqn:80H} \bar{\rho}^\prime = w_1\rho_\ast^\prime + \delta \rho^\prime, \end{equation} with probabilities \begin{alignedeqn}\label{eqn:80I} w_1 &= \bar{c}_1 c_1, \qquad w_2 = \bar{c}_2 c_2,\\ w_1 + w_2 &= 1, \qquad w_1 - w_2 = a. \end{alignedeqn} This limits $-1 \leq a \leq 1$. The reason for the static density matrix $\delta\rho^\prime$ is easy to understand. While $\delta q(t)$ decreases exponentially, the conjugate wave function $\delta\bar{q}(t)$ increases exponentially with the same rate. The exponential loss of boundary information discussed in \cref{sec:complex structure} corresponds to $\bar{c}_2 = 0$. Only if one can realize non-zero $\bar{c}_2 c_2$ a static density matrix with $a\neq 1$ can be realized. We observe that the diagonal part of $\rho^\prime$, e.g. the local probabilities $p_\tau$, are independent of $a$. This extends to expectation values of classical local observables at $t$. The $W$ matrix \labelcref{eqn:80C} has eigenvalues $\tilde{\lambda}_\tau = 0$, $-2 \omega$. Correspondingly, the four possible combinations $\tilde{\lambda}_\tau - \tilde{\lambda}_\rho$ are $\{-2 \omega,0,0,2 \omega\}$. The general static density matrix has contributions from $\tilde{\lambda}_\tau = \tilde{\lambda}_\rho$. The general solution of the evolution equation reads \begin{alignedeqn}\label{eqn:RU1} \rho^\prime(t) = \frac{1}{2} \Bigl[&1 + a\tau_1 + b_\text{in} \exp\bigl\{-2 \omega(t - t_\text{in})\bigr\}(i\tau_2 + \tau_3)\\ &+c_\text{f} \exp\bigl\{-2 \omega(t_\text{f} - t)\bigr\}(-i\tau_2 + \tau_3)\Bigr]. \end{alignedeqn} The local probability $\rho_{11}^\prime$ is given by \begin{alignedeqn}\label{eqn:RU2} \rho_{11}^\prime(t) = \frac{1}{2}\Bigl[1 + b_\text{in} \, \exp\bigl\{-2 \omega(t - t_\text{in})\bigr\}\\ + c_\text{f} \, \exp\bigl\{-2 \omega(t_\text{f} - t)\bigr\}\mathrlap{\Bigr].} \end{alignedeqn} This is a local probability provided \begin{equation}\label{eqn:RU3} \bigl|b_\text{in} \exp\bigl\{-2 \omega(t - t_\text{in})\bigr\} + c_\text{f} \exp\bigl\{-2 \omega(t_\text{f} - t)\bigr\}\bigr| \leq 1. \end{equation} In particular, the condition \labelcref{eqn:RU3} has to hold for $t = t_\text{in}$ and $t = t_\text{f}$, \begin{alignedeqn}\label{eqn:RU4} &\bigl| b_\text{in} + c_\text{f} \, \exp\bigl\{-2 \omega(t_\text{f} - t_\text{in})\bigr\}\bigr| \leq 1,\\ &\bigl|c_\text{f} + b_\text{in} \, \exp\bigl\{-2 \omega(t_\text{f} - t_\text{in})\bigr\}\bigr| \leq 1. \end{alignedeqn} For $t_\text{f} - t_\text{in} \gg 1/2 \omega$ this restricts \begin{equation}\label{eqn:156A} |b_\text{in}| \leq 1, \qquad |c_\text{f}| \leq 1. \end{equation} This is an example of how the requirement of local probabilities restricts the possible solutions of the evolution equation of the density matrix. These restrictions occur as restrictions for the allowed boundary conditions. With the restriction \labelcref{eqn:156A} \cref{eqn:RU1} provides upper bounds for the deviation from the equilibrium occupation number $\bar n = 1/2$, \begin{alignedeqn}\label{eqn:156B} \Delta n(t) = \langle n(t)\rangle - \frac{1}{2} &= \frac{b_\text{in}}{2} \exp\bigl\{-2 \omega (t - t_\text{in})\bigr\}\\ &\hphantom{{}=}+ \frac{c_\text{f}}{2} \exp\bigl\{-2 \omega (t_\text{f} - t)\bigr\}. \end{alignedeqn} Far inside the bulk, e.g. for $\omega (t - t_\text{in}) \ll 1$, $\omega (t_\text{f} - t) \gg 1$ one finds an exponential suppression of $\Delta n(t)$. This demonstrates the loss of memory of boundary conditions for the Ising model. From \cref{eqn:RU2} we can compute the expectation values for the occupation number at $t_\text{f}$ and $t_\text{in}$, \begin{alignedeqn}\label{eqn:RU5} \langle n(t_\text{in})\rangle &= \rho_{11}^\prime(t_\text{in})\\ &= \frac{1}{2} \Bigl[1 + b_\text{in} + c_\text{f} \exp\bigl\{-2 \omega(t_\text{f} - t_\text{in})\bigr\}\Bigr],\\[1ex] \langle n(t_\text{f})\rangle &= \rho_{11}^\prime(t_\text{f})\\ &= \frac{1}{2}\Bigl[1 + c_\text{f} + b_\text{in} \exp\bigl\{-2 \omega(t_\text{f} - t_\text{in})\bigr\}. \end{alignedeqn} For large $\omega (t_\text{f} - t_\text{in})$ one has \begin{equation}\label{eqn:RU6} \bigl\langle n(t_\text{in})\bigr\rangle \approx \frac{1}{2} \bigl(1 + b_\text{in}\bigr), \end{equation} while $\bigl\langle n(t_\text{f})\bigr\rangle$ becomes almost independent of $b_\text{in}$. This again reflects the exponential loss of memory of the boundary information. It also tells us that the occupation number at one boundary becomes independent of the boundary conditions at the other boundary. This changes if for finite $t_\text{f} - t_\text{in}$ we take the limit $\omega \to 0$. In this limit effects from both boundaries are mixed. From \cref{eqn:RU1} we can also infer the evolution of the off-diagonal elements \begin{alignedeqn}\label{eqn:158A} &\rho_{12}^\prime(t) = \frac{1}{2} \bigl(a + b(t) - c(t)\bigr),\\ &\rho_{21}^\prime(t) = \frac{1}{2} \bigl(a - b(t) + c(t)\bigr), \end{alignedeqn} where we employ the shorthands \begin{alignedeqn}\label{eqn:158CB} b(t) = b_\text{in} \, \exp\bigl\{-2 \omega (t - t_\text{in})\bigr\},\\ c(t) = c_\text{f} \, \exp\bigl\{-2 \omega (t_\text{f} - t)\bigr\}. \end{alignedeqn} Both off-diagonal elements approach the static density matrix \labelcref{eqn:80D} for $\omega (t - t_\text{in}) \ll 1$, $\omega (t_\text{f} - t) \gg 1$. For the determinant one obtains \begin{align}\label{eqn:158C} \det \rho^\prime(t) &= \frac{1}{4} \bigl[1 - a^2 - 4 \, b(t) \, c(t)\bigr]\\ &= \frac{1}{4} \Bigl[1 - a^2 - 4 b_\text{in} \, c_\text{f} \, \exp\bigl\{-2 \omega (t_\text{f} - t_\text{in})\bigr\}\Bigr].\notag \end{align} It is independent of $t$. Positive eigenvalues of $\rho^\prime$ are obtained for $\det \rho^\prime \geq 0$. A requirement $\det \rho^\prime \geq 0$ would limit the allowed values of $a$ for $b_\text{in} \, c_\text{f} \neq 0$, but the modification as compared to limits for static solutions is tiny for large $\omega (t_\text{f} - t_\text{in}) \gg 1$. A pure state density matrix requires $\det \rho^\prime = 0$ or \begin{equation}\label{eqn:158D} a^2 = 1 - 4 b_\text{in} \, c_\text{f} \, \exp\bigl\{-2 \omega (t_\text{f} - t_\text{in})\bigr\}. \end{equation} We may finally express $b_\text{in}$ and $c_\text{f}$ in terms of the expectation values at the boundaries \begin{equation}\label{eqn:158E} \Delta n_\text{in} = \langle n(t_\text{in})\rangle - \frac{1}{2}, \quad \Delta n_\text{f} = \langle n(t_\text{f})\rangle - \frac{1}{2}, \end{equation} resulting in a complete solution of the boundary problem for arbitrary mixed states \begin{alignedeqn}\label{eqn:158F} \Delta n(t) &= \frac{\Delta n_\text{in} - r \, \Delta n_\text{f}}{1 - r^2} \, \exp\bigl\{-2 \omega (t - t_\text{in})\bigr\}\\ &\hphantom{{}=}+ \frac{\Delta n_\text{f} - r \, \Delta n_\text{in}}{1 - r^2} \, \exp\bigl\{-2 \omega (t_\text{f} - t)\bigr\}, \end{alignedeqn} where \begin{equation}\label{eqn:158G} r = \exp\bigl\{-2 \omega (t_\text{f} - t_\text{in})\bigr\}. \end{equation} For small $r$ this yields the almost independent exponential decay of information from both boundaries. On the other hand, for small $\omega$ and $r$ close to one, \begin{equation}\label{eqn:158H} r \approx 1 - 2 \omega (t_\text{f} - t_\text{in}), \end{equation} the solution interpolates linearly between $\Delta n_\text{in}$ and $\Delta n_\text{f}$, \begin{alignedeqn}\label{eqn:158I} \Delta n(t) &= \frac{1}{2} \, (\Delta n_\text{in} + \Delta n_\text{f})\\ &\hphantom{{}=}+ \frac{1}{2} \, (\Delta n_\text{in} - \Delta n_\text{f}) \, \frac{t_\text{f} + t_\text{in} - 2t}{t_\text{f} - t_\text{in}}. \end{alignedeqn} \subsection{Four-state oscillator chain} We next present a complete solution of the boundary problem for the four state oscillator chain. This is interesting since the general solution of the evolution equation for the density matrix admits undamped oscillatory behavior of local probabilities. We show, however, that the initial conditions necessary for this type of solution cannot be realized. They are in conflict with the positive matrix elements of the density matrix in a classical statistical ensemble. The deeper reason that arbitrary initial values of the density matrix cannot be realized arises from the fact that for pure states $\bar q(t_\text{in})$ cannot be freely chosen. This extends to $\rho^\prime(t_\text{in})$. From the general solution \labelcref{eqn:RS3} one infers that a $N \times N$ matrix $\rho^\prime$ admits $N$ linearly independent static solutions, corresponding to $\tilde{\lambda}_\tau = \tilde{\lambda}_\rho$. They are the equivalent of the static density matrices in quantum mechanics that can be constructed from the $N$ energy eigenstates. In case of imaginary eigenvalues there will be, in addition, oscillatory solutions. If $\tilde{\lambda}_\tau$ and $\tilde{\lambda}_\tau^\ast$ are both eigenvalues, with $\tilde{\lambda}^\ast_\tau \neq \tilde{\lambda}_\tau$, the difference $\tilde{\lambda}_\tau - \tilde{\lambda}_\tau^\ast$ is purely imaginary. This entails the existence of solutions to the evolution equation \labelcref{eqn:231} that describe undamped oscillations. If the static solutions or the undamped oscillations could be realized by suitable boundary conditions, this would permit to store in the bulk memory of the boundary conditions - either in a static form by specifying a particular static density matrix, or in the form of oscillations. We expect that such memory materials can indeed be realized if the step evolution operator has more than one eigenvalue with $|\lambda| = 1$. The associated eigenvalues of $W$ are then zero or purely imaginary. However, one finds static or undamped oscillatory solutions for $\rho^\prime$ also in cases were the real part of $\tilde{\lambda}_\tau$ does not vanish. They correspond to situations where $\tilde{q}$ decreases exponentially while $\bar{q}$ increases exponentially, such that the bilinear $\sim \tilde{q} \bar{q}$ is static or oscillates. We will see that for an infinite number of $t$-steps, $G \to \infty$, it is not possible to realize this type of static or oscillatory density matrices by suitable boundary conditions. The case for finite $G$ is more subtle. We will illustrate this general properties by an explicit solution of the boundary problem for the four-state oscillator chain given by the step evolution operator \labelcref{eqn:GD} or continuous evolution operator \labelcref{eqn:HE}. We will find that the most general solution of the evolution equation for the density matrix indeed admits undamped oscillations. The family of density matrices corresponding to static solutions or undamped oscillations obeys the quantum evolution according to the von Neumann equation. At first sight this seems to realize a memory material even in case of a unique largest eigenvalue of the step evolution operator. We will see, however, that the positivity of the overall probability distribution $w[n]$ restricts the allowed values of the density matrix at $t_\text{in}$. As a consequence, the amplitude of the undamped oscillations vanishes in the limit $\omega(t_\text{f} - t_\text{in}) \to \infty$. Since the issue of a possible realization of a memory material is subtle we discuss the four-state oscillator chain in detail. For this model the $W$ matrix reads \begin{equation}\label{eqn:80J} W = -\omega(\mathds{1}_4 - V), \end{equation} with \begin{equation}\label{eqn:80K} V = \begin{pmatrix} \tau_- & \tau_\uparrow\\ \tau_\downarrow & \tau_+ \end{pmatrix} \end{equation} and \begin{alignedeqn}\label{eqn:80L} &\tau_+ = \begin{pmatrix} 0 & 1\\ 0 & 0 \end{pmatrix}, \qquad &&\tau_- = \begin{pmatrix} 0 & 0\\ 1 & 0 \end{pmatrix},\\ &\tau_\uparrow = \begin{pmatrix} 1 & 0\\ 0 & 0 \end{pmatrix}, \quad &&\tau_\downarrow = \begin{pmatrix} 0 & 0\\ 0 & 1 \end{pmatrix}. \end{alignedeqn} We will next establish the general solution of the evolution equation \labelcref{eqn:231}. We begin with the general statics solution. There are three non-trivial operators commuting with $W$, \begin{equation}\label{eqn:80M} B_1 = \begin{pmatrix} 0 & \tau_1\\ \tau_1 & 0 \end{pmatrix}, \quad B_2 = V^\tran, \quad B_3 = V. \end{equation} They obey \begin{alignedeqn}\label{eqn:80N} &B_1^\tran = B_1, \qquad B_2^\tran = B_3, \quad &&B_2 B_3 = B_3 B_2 = 1,\\ &B_1 B_2 = B_2 B_1 = B_3, \quad &&B_1 B_3 = B_3 B_1 = B_2. \end{alignedeqn} The general static density matrix takes the form \begin{equation}\label{eqn:80O} \bar{\rho}^\prime = \frac{1}{4}(\mathds{1}_2 + b_k B_k). \end{equation} We observe that the diagonal elements of $B_k$ vanish such that the static local equilibrium probabilities show equal distribution \begin{equation}\label{eqn:80P} \bar{p}_\tau = \frac{1}{4}, \end{equation} independently of $b_k$. For the time evolution \labelcref{eqn:231} we have decomposed $W$ into a ``symmetric part'' $J$ and antisymmetric part corresponding to a Hamiltonian $H$ according to \cref{eqn:FF3} \begin{equation}\label{eqn:80Q} W = J - i H. \end{equation} The subclass of density matrices $\rho_H^\prime$ that commutes with $J$ does not ``feel'' the symmetric part. Density matrices in this subclass obey the von Neumann equation \begin{equation}\label{eqn:80R} \partial_t\rho_H^\prime = -i[H,\rho_H^\prime], \qquad [J,\rho_H^\prime] = 0. \end{equation} This subclass therefore follows the time evolution of quantum mechanics. In order to determine $\rho_H^\prime$ we write \begin{alignedeqn}\label{eqn:80S} J &= \frac{1}{2} \bigl(W + W^\tran\bigr) = -\omega + \frac{\omega}{2} \bigl(V + V^\tran\bigr)\\ &= -\omega + \frac{\omega}{2} (B_2 + B_3), \end{alignedeqn} and \begin{alignedeqn}\label{eqn:80T} H &= \frac{i}{2} \bigl(W - W^\tran\bigr) = \frac{i\omega}{2} \bigl(V - V^\tran\bigr)\\ &= -\frac{i\omega}{2} \bigl(B_2 - B_3\bigr), \end{alignedeqn} where we use $V = B_3$, $V^\tran = B_2$. We observe that $H$ and $J$ commute \begin{equation}\label{eqn:NX2} [H,J] = 0. \end{equation} The condition $[J,\rho_H^\prime] = 0$ is obeyed for \begin{equation}\label{eqn:NX3} \rho_H^\prime = \frac{1}{4} + b_1 B_1 + b_2 B_2 + b_3 B_3 + c_1 C_1 + c_2 C_2, \end{equation} with \begin{equation}\label{eqn:NX4} C_1 = \begin{pmatrix} \tau_3 & -i \tau_2\\ i \tau_2 & -\tau_3 \end{pmatrix}, \qquad C_2 = \begin{pmatrix} -\tau_1 & 1\\ 1 & -\tau_1 \end{pmatrix}. \end{equation} This establishes the existence of a five-dimensional family of density matrices, parametrized by $b_i$, $c_i$, that follows the unitary evolution of quantum mechanics. In contrast to $b_i$ the coefficients $c_i(t)$ depend on $t$. We next discuss the explicit solution for density matrices in this family. With \begin{equation}\label{eqn:NX5} [H,C_1] = -2 i \omega C_2, \qquad [H,C_2] = 2 i \omega C_1, \end{equation} we obtain the evolution equation \begin{equation}\label{eqn:NX6} \partial_t c_1 = 2 \omega c_2, \qquad \partial_t c_2 = -2 \omega c_1. \end{equation} It describes an oscillation with period $\pi/\omega$. The part $\sim C_1$ contributes to the diagonal elements of $\rho^\prime$. If one can realize a density matrix with $c_1 \neq 0$ or $c_2 \neq 0$ the local probabilities $p_\tau(t)$ will oscillate and transport information. This differs from the Ising model where all local probabilities approach in the bulk the equilibrium distribution. We next turn to the general solution for $\rho^\prime$ that we may write in the form \begin{alignedeqn}\label{eqn:NX7} \rho^\prime = \frac{1}{4} + \sum_{k=1}^3 b_k B_k + \bar{c}\bigl[&\sin(2 \omega t + \alpha)C_1\\ &+ \cos (2 \omega t + \alpha) C_2\bigr] + \delta\rho^\prime, \end{alignedeqn} with $\rho_H^\prime$ realized for $\delta\rho^\prime = 0$. Our task is the computation of $\delta \rho$, as well as the integration constants $b_k$, $\bar{c}$ and $\alpha$, for arbitrary boundary conditions. The eigenvalues $\tilde{\lambda}$ of $W$ are $0$, $-2 \omega$, $-(1 + i) \omega$, and $-(1 - i) \omega$. Correspondingly, one finds for the combinations $\tilde{\lambda}_\tau-\tilde{\lambda}_\rho$: \begin{alignedeqn}\label{eqn:NX8} \frac{\tilde{\lambda}_\tau - \tilde{\lambda}_\rho}{\omega} \in \Bigl\{\overset{\overset{\mathclap{\times 4}}{\downarrow}}{0},2 i,-2 i,-\overbrace{1 + i}^{\times 2},-\overbrace{1 - i}^{\times 2},\\ \underbrace{1 - i}_{\times 2},\underbrace{1 + i}_{\times 2},2,-2\mathrlap{\Bigr\}.} \end{alignedeqn} The four zeros correspond to the general static solution, and $\pm 2 i \omega$ accounts for the undamped oscillations. The other ten differences of eigenvalues correspond to the decreasing or increasing solutions contained in $\delta\rho^\prime$. We make the ansatz \begin{alignedeqn}\label{eqn:NX9} \delta \rho^\prime &= D_{++} e^{(1 + i)\omega t} + D_{+-} e^{(1-i)\omega t} + D_{-+} e^{(-1 + i)\omega t}\\ &\hphantom{={}}+ D_{--} e^{-(1 + i)\omega t} + E_+ e^{2 \omega t} + E_- e^{-2 \omega t}, \end{alignedeqn} where \begin{alignedeqn}\label{eqn:NX10} [\tilde{J},D_{\pm\gamma}] &= \pm 2 D_{\pm\gamma}, \qquad [\tilde{J},E_{\pm}] = \pm 4 E_\pm,\\ \lbrack\tilde{H},D_{\beta\pm}\rbrack &= \mp 2 i D_{\beta\pm}, \qquad [\tilde{H},E_\pm] = 0, \end{alignedeqn} with \begin{equation}\label{eqn:NX11} \tilde{J} = B_2 + B_3, \qquad \tilde{H} = B_2-B_3. \end{equation} The matrices $D$ and $E$ obey \begin{equation}\label{eqn:NX11A} D_{\beta-} = (D_{\beta+})^\ast, \qquad E_\beta^\ast = E_\beta. \end{equation} If $D_{+\gamma}$ and $E_+$ solve \cref{eqn:NX10}, one obtains possible solutions for $D_{-\gamma}$ and $E_-$ as \begin{equation}\label{eqn:NX12} D_{-\gamma} = (D_{+\gamma})^\tran, \qquad E_- = E_+^\tran. \end{equation} The relations \labelcref{eqn:NX10} require \begin{equation}\label{eqn:NX13} [B_3,D_{++}] = (1 + i) D_{++}, \qquad [B_3,E_+] = 2 E_+. \end{equation} The general solution of \cref{eqn:NX10} reads \begin{alignedeqn}\label{eqn:NX14} D_{++} &= d_1 D_1 + d_2 D_2,\\ D_{-+} &= d_3 D_1^\tran + d_4 D_2^\tran,\\ E_+ &= e_+ E, \qquad E_- = e_- E^\tran, \end{alignedeqn} with \begin{alignedeqn}\label{eqn:NX15} D_1 &= \begin{pmatrix} 1 & -i & i & -1\\ 1 & -i & i & -1\\ 1 & -i & i & -1\\ 1 & -i & i & -1 \end{pmatrix}\!,\\ \enskip D_2 &= \begin{pmatrix} 1 & -1 & -1 & 1\\ -i & i & i & -i\\ i & -i & -i & i\\ -1 & 1 & 1 & -1 \end{pmatrix}\!,\\ E &= \begin{pmatrix} 1 & -1 & -1 & 1\\ 1 & -1 & -1 & 1\\ 1 & -1 & -1 & 1\\ 1 & -1 & -1 & 1 \end{pmatrix}\!, \end{alignedeqn} and $d_i$ complex and $e_\beta$ real. We conclude that the most general solution of the evolution equation for $\rho^\prime$ is given by \cref{eqn:NX7}, with \begin{alignedeqn}\label{eqn:NX15A} \delta\rho &= \bigl[2 d_1 F_1 \cos(\omega t + \beta_1) + 2 d_2 F_2 \cos(\omega t + \beta_2)\\ &+2 d_1 F_3 \sin(\omega t + \beta_1) + 2 d_2 F_4 \sin(\omega t + \beta_2)\bigr]e^{\omega t}\\ &+\bigl[2 d_3 F_1^\tran \cos(\omega t + \beta_3) + 2 d_4 F_2^\tran \cos(\omega t + \beta_4)\\ &+2 d_3 F_3^\tran \sin(\omega t + \beta_3) + 2 d_4 F_4^\tran \sin(\omega t + \beta_4)\bigr] e^{-\omega t}\\ &+e_ + E e^{2 \omega t} + e_- E^\tran e^{-2 \omega t}, \end{alignedeqn} where \begin{alignedeqn}\label{eqn:NX16} &F_1 = \begin{pmatrix} 1 & 0 & 0 & -1\\ 1 & 0 & 0 & -1\\ 1 & 0 & 0 & -1\\ 1 & 0 & 0 & -1 \end{pmatrix}\!, &&F_2 = \begin{pmatrix} 1 & -1 & -1 & 1\\ 0 & 0 & 0 & 0\\ 0 & 0 & 0 & 0\\ -1 & 1 & 1 & -1 \end{pmatrix}\!,\\ &F_3 = \begin{pmatrix} 0 & 1 & -1 & 0\\ 0 & 1 & -1 & 0\\ 0 & 1 & -1 & 0\\ 0 & 1 & -1 & 0 \end{pmatrix}\!, &&F_4 = \begin{pmatrix} 0 & 0 & 0 & 0\\ 1 & -1 & -1 & 1\\ -1 & 1 & 1 & -1\\ 0 & 0 & 0 & 0 \end{pmatrix}\!. \end{alignedeqn} From the general solution \labelcref{eqn:NX7,eqn:NX15A} one can compute the local probabilities $p_\tau = \rho_{\tau\tau}^\prime$ for any $t$. For suitable differences one finds \begin{alignedeqn}\label{eqn:NX17} &p_1-p_2-p_3 + p_4\\ &= 4\bigl\{\bar{c} \sin(\omega t + \alpha) + \tilde{e}_+ e^{-2 \omega(t_\text{f} - t)} + \tilde{e}_- e^{-2 \omega(t - t_\text{in})}\bigr\},\\ &p_1-p_4\\ &= 4\Bigl\{\bigl[\tilde{d}_1 \cos(\omega t + \beta_1) + \tilde{d}_2 \cos(\omega t + \beta_2)\bigr] e^{-\omega(t_\text{f} - t)}\\ &\hphantom{=4\Bigl\{}+ \bigl[\tilde{d}_3 \cos(\omega t + \beta_3) + \tilde{d}_4 \cos (\omega t + \beta_4)\bigr] e^{-\omega(t - t_\text{in})}\Bigr\},\\ &p_2-p_3\\ &= 4\Bigl\{\bigl[\tilde{d}_1 \sin(\omega t + \beta_1)-\tilde{d}_2 \sin(\omega t + \beta_2)\bigr] e^{-\omega(t_\text{f} - t)}\\ &\hphantom{=4\Bigl\{}+ \bigl[\tilde{d}_3 \sin(\omega t + \beta_3)-\tilde{d}_4 \sin(\omega t + \beta_4)\bigr] e^{-\omega(t - t_\text{in})}. \end{alignedeqn} Here the constants $\tilde{d}_i$ are obtained from $d_i$ by multiplication with suitable factors $e^{-\omega t_\text{in}}$ or $e^{\omega t_\text{f}}$, and similar for $\tilde{e}_\pm$. All three differences must lie in the range between $-1$ and $1$ for all $t$, restricting the allowed values of the twelve integration constants $\bar{c}$, $\alpha$, $\tilde{d}_i$, $\beta_i$, $\tilde{e}_\pm$. More precisely, the restrictions are given by $0 \leq p_\tau(t) \leq 1$. Together with the three integration constants $b_k$ the general solution has 15 integration constants, as appropriate for a first order differential equation for a $4 \times 4$ matrix $\rho^\prime$ with $\tr \rho^\prime = 1$. For large $t_\text{f} - t_\text{in} \gg 1/\omega$ we observe that the constants $\tilde{d}_1$, $\tilde{d}_2$, $\beta_1$, $\beta_2$, $\tilde{e}_+$ have a sizeable influence only for $t$ in the vicinity of $t_\text{f}$. Similarly, the constants $\tilde{d}_3,\tilde{d}_4,\beta_3,\beta_4,\tilde{e}_-$ only influence the probabilities near $t_\text{in}$. For $t$ inside the bulk, e.g. for $\omega(t - t_\text{in}) \gg 1$, $\omega(t_\text{f} - t) \gg 1$, none of these ten integration constants matters and one has $p_4(t) = p_1(t)$, $p_3(t) = p_2(t)$. Similar to the Ising model $\delta \rho^\prime$ vanishes exponentially as one moves from the boundaries to the bulk. We observe, however, that even far inside the bulk the oscillations persist for the difference \begin{equation}\label{eqn:NX18} p_1 - p_2 - p_3 + p_4 \approx 4 \bar{c} \sin(\omega t + \alpha). \end{equation} This constitutes an important difference as compared to the one-dimensional Ising model. It could suggest that information can be transported into the bulk or from one boundary to the other if suitable boundary conditions can realize $\bar{c}\neq 0$. We will show next that this is not the case. \subsection{Boundary conditions and initial value for density matrix} One would like to characterize the classical statistical system by $\mathcal{K}(t)$ and the density matrix at the initial boundary, $\rho^\prime(t_\text{in})$. Then the boundary values of expectation values, as $\langle n_\gamma(t_\text{in})\rangle$ or $\langle h_\tau(t_\text{in})\rangle$, are fixed. Subsequently, one can follow the evolution in order to compute $\rho^\prime(t)$, and therefore the local probabilities $p_\tau(t)$, for arbitrary $t$. The question arises if suitable boundary conditions can realize arbitrary initial values $\rho^\prime(t_\text{in})$. This is not a priori obvious since a pure state density matrix involves both $\tilde{q}(t_\text{in})$ and $\bar{q}(t_\text{in})$. Since $\bar{q}(t_\text{in})$ depends on $\bar{q}(t_\text{f})$, properties of both the initial and final boundary influence the initial density matrix $\rho^\prime(t_\text{in})$. In other words, one may ask if there exist initial and final boundary conditions $\tilde{q}(t_\text{in})$ and $\bar{q}(t_\text{f})$ such that an arbitrary pure state density matrix $\rho^\prime(t_\text{in})$ is realized. The answer will be negative. We will first investigate this question for the four-state oscillator chain and subsequently generalize the discussion. The important features for our discussion can be seen already for pure state density matrices, with a rather obvious generalization to mixed states. We therefore investigate first the pure state density matrices by discussing the corresponding classical wave functions. The key point will be that $\bar q(t_\text{in})$ has to be realized by an appropriate $\bar q(t_\text{f})$. If there is only one largest eigenvalue, only the equilibrium conjugate wave function survives at $t_\text{in}$, $\bar q(t_\text{in}) = \bar q_\ast$. The restriction on $\bar q(t_\text{in})$ in turn restricts $\rho^\prime(t_\text{in})$. We will discuss this argument in detail. For the four-state oscillator chain an arbitrary classical wave function can be written as \begin{equation}\label{eqn:ID1} \tilde{q}(t) = g_j(t)v_j, \end{equation} with $v_j$ the eigenstates of $W$, where $v_0,v_{-1},v_2$ are given by \cref{eqn:GF}. Solutions of the evolution equation \labelcref{eqn:AF14} obey \begin{equation}\label{eqn:ID2} g_j(t) = g_j e^{\tilde{\lambda}_j t}, \end{equation} with eigenvalues of $W$ reading \begin{equation}\label{eqn:ID3} \tilde{\lambda}_0 = 0, \quad \tilde{\lambda}_{1\pm} = (-1 \pm i)\omega, \quad \tilde{\lambda}_2 = -2 \omega. \end{equation} Similarly, one has for the conjugate wave function \begin{equation}\label{eqn:ID4} \bar{q}(t) = \bar{g}_j(t)v_j^\ast, \qquad \bar{g}_j(t) = \bar{g}_j e^{-\tilde{\lambda}_j t}. \end{equation} The most general pure state density matrix therefore takes the form \begin{equation}\label{eqn:ID5} \rho_{\tau\rho}^\prime(t) = \sum_{j,k}g_j\bar{g}_k e^{(\tilde{\lambda}_j - \tilde{\lambda}_k)t}v_{j,\tau}v_{k,\rho}^\ast. \end{equation} As an example for an oscillating pure state density matrix we may consider \begin{alignedeqn}\label{eqn:ID6} g_{1+} &= g_{1-} = \frac{e^{\omega\bar{t}}}{2 \sqrt{2}}, \qquad \bar{g}_{1+} = \bar{g}_{1-} = \frac{e^{-\omega\bar{t}}}{2 \sqrt{2}},\\ g_0 &= g_2 = \bar{g}_0 = \bar{g}_2 = 0, \end{alignedeqn} where \begin{alignedeqn}\label{eqn:ID7} \tilde{q}(t) &= e^{-\omega(t - \bar{t})}Q(t),\\ \bar{q}(t) &= e^{\omega(t - \bar{t})}Q(t). \end{alignedeqn} Here $\bar{t}$ is arbitrary and $Q(t)$ reads \begin{equation}\label{eqn:ID8} Q(t) = \frac{1}{\sqrt{2}} \begin{pmatrix} \tilde{c}(t)\\ \tilde{s}(t)\\ -\tilde{s}(t)\\ -\tilde{c}(t) \end{pmatrix}, \end{equation} using the abbreviations \begin{equation}\label{eqn:ID9} \tilde{c}(t) = \cos \omega t, \qquad \tilde{s}(t) = \sin\omega t. \end{equation} The corresponding pure state density matrix is given by \begin{equation}\label{eqn:ID10} \rho^\prime(t) = \frac{1}{2} \begin{pmatrix} \tilde{c}^2 & \tilde{c}\tilde{s} & -\tilde{c}\tilde{s} & -\tilde{c}^2\\ \tilde{c}\tilde{s} & \tilde{s}^2 & -\tilde{s}^2 & -\tilde{c}\tilde{s}\\ -\tilde{c}\tilde{s} & -\tilde{s}^2 & \tilde{s}^2 & \tilde{c}\tilde{s}\\ -\tilde{c}^2 & -\tilde{c}\tilde{s} & \tilde{c}\tilde{s} & \tilde{c}^2 \end{pmatrix}\!. \end{equation} Its diagonal elements describe oscillating local probabilities. The wave functions \labelcref{eqn:ID7} are the most general ones that yield the pure state density matrix \labelcref{eqn:ID10}. They have the initial and final values \begin{alignedeqn}\label{eqn:ID11} \tilde{q}(t_\text{in}) &= e^{\omega(\bar{t} - t_\text{in})}Q(t_\text{in}),\\ \bar{q}(t_\text{f}) &= e^{\omega(t_\text{f}-\bar{t})}Q(t_\text{f}). \end{alignedeqn} We will show that the conjugate wave function $\bar q(t)$ in \cref{eqn:ID7} cannot be realized since $g_0 = 0$ is in conflict with a positive overall probability distribution. For this purpose we present in detail the argument that the density matrix \labelcref{eqn:ID10} cannot be realized by a classical probability distribution $w[n]$. The reality of $\tilde{q}(t)$ and $\bar{q}(t)$ imposes real $g_0,g_2,\bar{g}_0$ and $\bar{g}_2$, while $g_{1+} = g_{1-}^\ast$, $\bar{g}_{1+} = \bar{g}_{1-}^\ast$, as obeyed by \cref{eqn:ID6}. The crucial point is that $w[n] \geq 0$ requires positive wave functions $\tilde{q}_\tau(t) \geq 0$, $\bar{q}_\tau(t) \geq 0$, as we will establish next. The positivity condition $w[n] \geq 0$ amounts to $w_{\rho_1 \rho_2 \dots} \geq 0$ in \cref{eqn:28B,eqn:28C}. Since $S_{\rho\tau}(t)$ is positive a positive $w$ is realized if for all $\rho$ and $\tau$ one has \begin{equation}\label{eqn:ID12} b_{\rho\tau} = \tilde{q}_\rho(t_\text{in})\bar{q}_\tau(t_\text{f}) \geq 0. \end{equation} Indeed, if in \cref{eqn:28C} some element $b_{\rho_1 \rho_{G+1}}$ is negative, the product of $S$-factors with the same $(\rho_1,\rho_{G+1})$-pair would have to vanish for arbitrary $\rho_2,\dots \rho_G$. This is not the case and we require \cref{eqn:ID12} as a necessary condition for the positivity of $w[n]$. In turn, this imposes $\tilde{q}_\rho(t_\text{in}) \geq 0$ and $\bar{q}_\tau(t_\text{f}) \geq 0$. From these inequalities we conclude $\tilde{q}_\rho(t) \geq 0$, $\bar{q}_\tau(t) \geq 0$ for all $t$. We next employ the positivity of $\tilde{q}_\tau$ and $\bar{q}_\tau$ for all $t$ in order to show that the pure state density matrix \labelcref{eqn:ID6,eqn:ID10} cannot be realized for positive $w[n]$. This gives the first example that the possible values of the initial density matrix $\rho^\prime[t_\text{in}]$ are restricted. The explicit form of the wave function \labelcref{eqn:ID1} reads \begin{equation}\label{eqn:ID13} \tilde{q}(t) = \begin{pmatrix} g_0 + g_2(t) + \tilde{c}(t) \, g_R(t) - \tilde{s}(t) \, g_I(t)\\ g_0 - g_2(t) + \tilde{s}(t) \, g_R(t) + \tilde{c}(t) \, g_I(t)\\ g_0 - g_2(t) - \tilde{s}(t) \, g_R(t) - \tilde{c}(t) \, g_I(t)\\ g_0 + g_2(t) - \tilde{c}(t) \, g_R(t) + \tilde{s}(t) \, g_I(t) \end{pmatrix}\!, \end{equation} where \begin{alignedeqn}\label{eqn:ID14} &g_2(t) = g_2 e^{-2 \omega t}, \qquad g_{1+} = g_R^\prime + i g_I^\prime,\\ &g_{R,I}(t) = 2 g_{R,I}^\prime \, e^{-\omega t}. \end{alignedeqn} The conjugate wave function $\bar{q}(t)$ takes a form similar to \cref{eqn:ID13}, with $g_0,g_2(t), g_{R,I}(t)$ replaced by $\bar{g}_0,\bar{g}_2(t),\bar{g}_{R,I}(t)$. For the time dependence of $\bar{g}_2(t),\bar{g}_{R,I}(t)$ one replaces by $e^{2 \omega t}$ or $e^{\omega t}$ the corresponding factors $e^{-2 \omega t},e^{-\omega t}$ in $g_2(t),g_{R,I}(t)$. Due to the alternating signs of the various contributions $\sim g_2,g_{R,I}$ the coefficient $g_0$ must be positive and cannot vanish. Indeed, for $g_0 = 0$ the only non-negative $\tilde{q}$ would be $\tilde{q} = 0$. By the same argument $\bar{g}_0$ must be positive and differ from zero. In contrast, the density matrix \labelcref{eqn:ID10} requires $g_0 = \bar{g}_0 = 0$. The oscillating density matrix given by \cref{eqn:ID10} can therefore not be realized for positive $w[n]$. More generally, the positivity of $\bar{g}_0$ implies that for $\omega (t_\text{f} - t_\text{in}) \to \infty$ the conjugate wave function $\bar{q}(t_\text{in})$ will be dominated by the equilibrium wave function, thus restricting the possibilities for $\rho^\prime(t_\text{in})$. Indeed, for $\bar{g}_0 > 0$ the conjugate wave function approaches for $\omega(t_\text{f} - t) \to \infty$ the simple form $\bar{q}_\tau(t) = \bar{g}_0$. This follows since the relative differences of components of $\bar{q}$ vanish in this limit \begin{equation}\label{eqn:ID15} \lim_{\omega (t_\text{f} - t) \to \infty} \frac{\bar{q}_\tau(t)-\bar{q}_\rho(t)}{\bar{q}_\tau(t) + \bar{q}_\rho(t)} \to 0. \end{equation} Indeed we observe that the numerator always contains factors $\exp\bigl(-\omega(t_\text{f} - t)\bigr)$, while the denominator has a contribution $2 \bar{c}_0$ for all $\rho$ and $\tau$. In the limit $\omega(t_\text{f} - t_\text{in}) \to \infty$ a pure state initial density matrix has therefore the form \begin{equation}\label{eqn:ID16} \rho_{\tau\rho}^\prime(t_\text{in}) = \bar{g}_0\tilde{q}_\tau(t_\text{in}) = \langle h_\tau(t_\text{in})\rangle, \end{equation} independent of $\rho$. In this case the initial expectation values of occupation numbers and their products fix $\rho^\prime(t_\text{in})$ uniquely. The specific family of initial density matrices \labelcref{eqn:ID16} cannot realize memory materials. We finally establish that far inside the bulk, $\omega (t - t_\text{in}) \gg 1$, expectation values of all local observables are given by equilibrium values. For given expectation values at $t_\text{in}$ the expectation values for all $t > t_\text{in}$ can be computed by following the evolution of $\rho^\prime(t)$. For $\rho^\prime(t_\text{in})$ given by \cref{eqn:ID16} and $g_0 > 0$ one obtains for $\omega (t - t_\text{in}) \gg 1$ the unique form \begin{equation}\label{eqn:ID17} \rho_{\tau\rho}^\prime(t) = \bar{g}_0 g_0 = \frac{1}{4}, \end{equation} independent of $\tau$ and $\rho$. Similar to \cref{eqn:ID15} one has for all $\tau$ and $\rho$ \begin{equation}\label{eqn:ID18} \frac{\tilde{q}_\tau(t)-\tilde{q}_\rho(t)}{\tilde{q}_\tau(t) + \tilde{q}_\rho(t)} \sim \exp\bigl(-\omega(t - t_\text{in})\bigr), \end{equation} or \begin{equation}\label{eqn:ID19} \lim_{\omega (t - t_\text{in}) \to \infty} \tilde{q}_\tau(t) = g_0, \end{equation} establishing \cref{eqn:ID17}. We conclude that for $\omega(t_\text{f} - t_\text{in}) \gg 1$ the system approaches in the bulk the unique equilibrium state with local probabilities $p_\tau(t) = 1/4$ and $\langle f_\tau(t)\rangle = 1/4$, according to the density matrix \labelcref{eqn:ID17}. The boundary information is lost in the bulk. We can extend the discussion to arbitrary mixed states. For mixed states the initial density is a weighed sum of density matrices of the form \labelcref{eqn:ID16}. For $\omega(t - t_\text{in}) \gg 1$ the evolution of these mixed state density matrices leads to the pure state density matrix \labelcref{eqn:ID17}. This is an example of ``syncoherence'' \cite{CWQSS} - a mixed initial state $\rho^\prime(t_\text{in})$ develops into a pure state $\rho^\prime(t)$. With the general solution \labelcref{eqn:ID13} for the wave function $\tilde{q}(t)$, and a similar general solution for the conjugate wave function $\bar{q}(t)$, we have the most general solution for a pure state density matrix. Boundary values for $\tilde{q}$ can be set at $t_\text{in}$, while boundary values for $\bar{q}$ may be established at $t_\text{f}$. For $\omega(t_\text{f} - t_\text{in}) \gg 1$ the boundary values $\tilde{q}(t_\text{in})$ can be related directly to expectation values of local observables $A(t_\text{in})$, and $\bar{q}(t_\text{f})$ is connected similarly to local observables at $t_\text{f}$. The boundary conditions determine all coefficients in the general solutions for $\tilde{q}$ and $\bar{q}$. This solves the boundary problem completely, since $\rho^\prime(t)$ is determined for arbitrary $t$. The local probabilities $p_\tau(t)$ for the four-state oscillator chain follow damped oscillations as one moves from the boundary into the bulk. Such a behavior is expected in general if the bulk can be characterized by a unique equilibrium state, all eigenvalues of the step evolution operator $S_{\tau\rho}$ except one obey $|\lambda_i| < 1$, and some eigenvalues have imaginary parts. Quite generally, such damped oscillations can be characterized by a frequency $\omega$ and a damping rate $\gamma$, with typical time evolution \begin{equation}\label{eqn:ID20} p_\tau(t) = p_\ast + c_\tau \cos(\omega t + \alpha_\tau)e^{-\gamma(t - t_\text{in})}. \end{equation} (There may be more than one frequency and damping rate - we consider here the smallest $\gamma$.) For the four-state oscillator chain one has $\gamma = \omega$. For more general models $\gamma$ differs from $\omega$. An interesting situation arises if $\gamma \ll \omega$. In this case the local probabilities perform many oscillations before they are damped towards the equilibrium distribution. For small enough $\gamma$, such that $\gamma(t_\text{f} - t_\text{in}) \ll 1$, this realizes effective memory materials since the damping can be neglected. One has both damped oscillations with amplitudes $e^{-\gamma (t - t_\text{in})}$ or $e^{-\gamma (t_\text{f} - t)}$, and undamped oscillations with amplitudes $e^{-\gamma (t_\text{f} - t_\text{in})}$. Exact memory materials are realized in the limit $\gamma \to 0$. If simultaneously $\omega(t_\text{f} - t_\text{in}) \gg 1$ the effective memory material is characterized by oscillating local probabilities. The limit $\gamma \ll \omega$ may by realized in the asymmetric diagonal Ising model for large but finite $\beta$. In the absence of a unique equilibrium state the damping can be absent for certain states and one may find oscillations with $\gamma = 0$. \section{Evolution for subsystems} \label{sec:evolution for subsystems} Static memory materials are realized whenever the step evolution operator has more than one largest eigenvalue with $|\lambda| = 1$. One expects in this case the existence of a suitable subsystem that obeys a unitary evolution. In this section we formulate the subsystem in terms of the density matrix. This will also provide examples for a unitary evolution of systems that are not unique jump chains. In \cref{sec:Three-spin chains} we have encountered quantum subsystems that indeed obey a unitary evolution. In the present section we will discuss a large class of systems for which the subsystem obeys a unitary evolution while the environment approaches a unique equilibrium state. This setting is sufficient for a quantum evolution, but not necessary. Indeed, the environment could follow its own non-trivial evolution without affecting the quantum subsystem. We will discuss this setting in the continuum limit. \subsection{Von Neumann equation for subsystems} The four-state oscillator chain provides a first glimpse how quantum evolution could arise for a suitable subsystem. Indeed, far inside the bulk the contribution $\delta \rho^\prime$ in \cref{eqn:NX7} can be neglected. The remaining part $\rho_H^\prime$ obeys the von Neumann equation \begin{equation}\label{eqn:NY1} \partial_t\rho_H^\prime = -i[H,\rho_H^\prime], \end{equation} and therefore the evolution of quantum mechanics. For the four-state oscillator chain the boundary conditions provide restrictions on $\rho_H^\prime$. For $\omega(t_\text{f} - t_\text{in}) \to \infty$ these restrictions force $\rho_H^\prime$ to be the equilibrium density matrix. Such a strong restriction of $\rho_H^\prime$ to a single matrix does not occur if more than one eigenvalue of $S$ obeys $|\lambda| = 1$. We ask here what are the conditions on $\rho'_H$ for realizing \cref{eqn:NY1} for a general evolution given by $W = J - i H$. The family of density matrices $\rho_H^\prime$ that obey the condition \begin{equation}\label{eqn:NY2} [J,\rho_H^\prime] = 0 \end{equation} is subject to the quantum evolution \labelcref{eqn:NY1}. The property \labelcref{eqn:NY2} is preserved by the evolution if \begin{alignedeqn}\label{eqn:NY3} [J,\partial_t\rho_H^\prime] = -i\bigl[J,[H,\rho_H^\prime]\bigr] = -i\bigl[[J,H],\rho_H^\prime\bigr] = 0. \end{alignedeqn} One infers that density matrices obeying conditions \labelcref{eqn:NY2,eqn:NY3} constitute a ``quantum subsystem'' \cite{CWQSS}. For the one-dimensional Ising model the diagonal part of $\rho_H^\prime$ is unique. For the four-state oscillator chain $\rho_H^\prime$ is not unique and constitutes a dynamical subsystem. \Cref{eqn:NY3} is obeyed by virtue of \cref{eqn:NX2}. For the memory materials discussed in \cref{sec:simple models} the full system obeys a unitary evolution and one has $\rho_H^\prime = \rho^\prime$. For $J \neq 0$ the typical evolution of $\delta \rho^\prime = \rho^\prime - \rho_H^\prime$ is an attraction towards zero as one moves from the boundary into the bulk. This part of the information on the boundary conditions is lost far away from the boundaries. In contrast, the remaining information contained in $\rho_H^\prime$ is preserved by the quantum evolution. A classical statistical system with non-unique diagonal part of $\rho_H^\prime$ in the bulk constitutes a memory material. For memory materials a subsystem follows the quantum evolution. Conditions \labelcref{eqn:NY2,eqn:NY3} are not sufficient for the realization of a memory material. To establish a non-unique $\rho_H^\prime$ in the bulk it is not sufficient that the general solution of the evolution equation admits non-unique $\rho_H^\prime$. As we have seen, the positivity of the overall probability distribution $w[n]$ may severely restrict the allowed space of solutions. For the four-state oscillator chain this restriction will enforce an essentially unique $\rho_H^\prime$ in the bulk if $t_\text{f} - t_\text{in}$ is large enough. More precisely, one finds $\bar{c} \sim \exp\bigl\{-\omega(t_\text{f} - t_\text{in})\bigr\}$ in \cref{eqn:NX18}. The restrictions from the positivity of $w[n]$ are actually obtained most easily by studying the solutions of the evolution equation for the wave function, while they are less directly apparent on the level of the density matrix. Still, the density matrix remains a very useful object if we want to focus on the unitary subsystem. The coarse graining to a subsystem may result in a mixed state, even if the density matrix for the whole system describes a pure state. \subsection{Quantum subsystem and environment} A simple example for a quantum subsystem that is not a unique jump chain is a block-diagonal evolution \begin{equation}\label{eqn:QS1} W = \begin{pmatrix} W_1 & 0\\ 0 & -i H_2 \end{pmatrix}, \qquad H_2^\tran = -H_2. \end{equation} A block diagonal density matrix remains block diagonal under the evolution \begin{equation}\label{eqn:QS2} \rho^\prime = \begin{pmatrix} \rho_1^\prime & 0\\ 0 & \rho_2^\prime \end{pmatrix}. \end{equation} The quantum subsystem is described by the block $\rho_2^\prime$ and obeys a unitary evolution. The other block $\rho_1^\prime$ may be associated with an environment. The environment could, for example, approach a unique equilibrium state. The particular setting \labelcref{eqn:QS1} may look rather trivial. We argue however, that it reflects a rather general case if the eigenvalues of $S_{\tau\rho}$ with $|\lambda| = 1$ are not unique. Indeed, rather arbitrary situations describing a quantum subsystem and an environment can be brought to the form \labelcref{eqn:QS1} by a suitable similarity transformation. Assume for simplicity that $S_{\tau\rho}$ does not depend on $t$. We can diagonalize $S$ by a regular complex matrix $D$, cf. \cref{eqn:Q10}, \begin{equation}\label{eqn:325A} S^\prime = D S D^{-1} = \diag(\lambda_i). \end{equation} The evolution equation \labelcref{eqn:AF14} remains preserved, \begin{equation}\label{eqn:325B} \tilde{q}^\prime(t + \epsilon) = S^\prime\tilde{q}^\prime(t), \end{equation} if we employ \begin{equation}\label{eqn:325C} \tilde{q}^\prime(t) = D \tilde{q}(t). \end{equation} In the new basis $(S^\prime,\tilde{q}^\prime)$ the evolution of sectors with different $\lambda_i$ decomposes into separate blocks. With block diagonal $S^\prime$ also $W^\prime$ is block diagonal. Let us concentrate on the sector with $|\lambda_i| = 1$. For the present discussion this will be associated with the quantum subsystem, while the sectors with eigenvalues $|\lambda_i| < 1$ constitute the environment. (This is not the most general case. Some of the eigenvalues for the environment may also obey $|\lambda_i|=1$.) For \begin{equation}\label{eqn:325D} \lambda = e^{i\alpha} \end{equation} the corresponding part of the matrix $W^\prime$ is purely imaginary, cf. \cref{eqn:FF1}, \begin{equation}\label{eqn:325E} W^\prime = \frac{1}{2 \epsilon}(e^{i\alpha}-e^{-i\alpha}) = \frac{i \sin\alpha}{\epsilon}. \end{equation} For real $S$ and complex $\lambda_i$ the complex conjugate $\lambda_i^\ast$ is also an eigenvalue. The subsector of $W$ with the eigenvalues $e^{i\alpha}$ and $e^{-i\alpha}$ reads \begin{equation}\label{eqn:325F} W^\prime = \frac{i}{\epsilon} \begin{pmatrix} \sin\alpha & 0\\ 0 & -\sin\alpha \end{pmatrix}. \end{equation} It can be brought to real form by defining \begin{equation}\label{eqn:325G} W^{\prime\prime} = G W^\prime G^{-1} = \frac{\sin\alpha}{\epsilon} \begin{pmatrix} 0 & 1\\ -1 & 0 \end{pmatrix}, \end{equation} where \begin{equation}\label{eqn:325H} G = \frac{1}{\sqrt{2}} \begin{pmatrix} 1 & 1\\ i & -i \end{pmatrix}. \end{equation} For the corresponding decomposition $W^{\prime\prime} = J^{\prime\prime} - i H^{\prime\prime}$ one finds for this sector \begin{equation}\label{eqn:325I} J^{\prime\prime} = 0, \qquad H^{\prime\prime} = -\frac{\sin\alpha}{\epsilon} \, \tau_2. \end{equation} In this basis the setting \labelcref{eqn:QS1} is realized. The same argument applies to all sectors with eigenvalues $|\lambda| = 1$. (For $\lambda_i = 1$, $\alpha = 0$ one has $W^\prime = W^{\prime\prime} = 0$, corresponding to $H = 0$ and compatible with $W = -i H$.) We may combine all blocks with $|\lambda| = 1$ to the quantum subsector with $W = -i H_2$. Within the quantum subsector we can further perform rotations without affecting the real and antisymmetric form of $H_2$. We may also perform arbitrary regular transformations in the environment, e.g. the subsector with eigenvalues $|\lambda| < 1$. This demonstrates that one can find a suitable similarity transformation $\tilde{D}$ such that the block diagonal form \labelcref{eqn:QS1} is realized. If there are complex eigenvalues \labelcref{eqn:325D} with $\alpha\neq 0,\pi$ the eigenvalues of $H_2$ differ from zero and occur in pairs with opposite signs. We conclude that undamped oscillations occur rather generically in suitable subsectors if more than one eigenvalue of $S$ obeys $|\lambda| = 1$. It is sufficient that at least one of those eigenvalues has an imaginary part, which can happen in many circumstances. In this sense static memory materials can be realized in very general settings, extending far beyond the unique jump chains discussed in \cref{sec:simple models}. The identification of the quantum subsector may not always be easy, however. Formally, it is given by wave functions obeying \begin{equation}\label{eqn:325J} \tilde{q}_Q = \tilde{D}^{-1} \tilde{q}_Q^\prime, \end{equation} where $\tilde{q}_Q^\prime$ are the wave functions corresponding to $|\lambda| = 1$ in the basis for which $\tilde{D} S\tilde{D}^{-1}$ leads to $W$ of the form \labelcref{eqn:QS1}. The expression of $\tilde{q}_Q$ in terms of the original components $\tilde{q}_\tau$ may be rather involved. The situation could be sometimes analogous to a pure quantum state that has effectively thermalized: while the initial information is still present, it is not visible in simple correlation functions of low order. In this sense the memory of initial conditions may sometimes be hidden. The most interesting realizations of static memory materials are those where the boundary information directly affects measurable observables. \subsection{Incomplete statistics for subsystems} For a given $\mathcal{K}$ or step evolution operator $S_{\tau\rho}$ the evolution of the density matrix is fixed uniquely. Knowledge of $\rho^\prime(t)$ contains all the information needed in order to compute expectation values of local observables at $t^\prime\neq t$. One has to solve the evolution with initial value $\rho^\prime(t)$ in order to compute $\rho^\prime(t^\prime)$, and from there to extract the expectation values by \cref{eqn:D6a}. The density matrix $\rho^\prime(t)$ contains only a small subset of the information contained in the full probability distribution $w[n]$. It constitutes an example for a subsystem characterized by ``incomplete statistics'' \cite{CWOQM}. If $\mathcal{K}(t^\prime)$ is known for a given interval in $t^\prime$ including $t$, all local observables in this interval are, in principle, determined by $\rho'(t)$. The details of $w[n]$ related to $t^\prime$ outside this interval do not matter. All probability distributions $w[n]$ that lead to the same density matrix $\rho^\prime(t)$ constitute an equivalence class which yields the same expectation values for local observables inside the interval. The statistical information contained in the density matrix $\rho_{\tau\rho}^\prime(t)$ exceeds the local probabilities $p_\tau(t) = \rho_{\tau\tau}^\prime(t)$. The local information related to the off-diagonal elements of $\rho^\prime(t)$ is necessary for the computation of the time evolution of the local probabilities. In our formalism it arises naturally from the overall probability distribution $w[n]$. This ``off-diagonal information'' allows the computation of expectation values of additional observables, as represented by off-diagonal operators $A^\prime$. On the other hand the local information in $\rho^\prime(t)$ is incomplete in the sense that joint probabilities for observables represented by diagonal and off-diagonal operators can, in general, not be computed from $\rho^\prime(t)$. This incompleteness is the basic property underlying the non-commutative properties of observables in quantum mechanics \cite{CWQM}. Furthermore, if only a subclass of density matrices $\rho_H^\prime$ survives in the bulk this defines again a subsystem. For the ``subsystem observables'' whose expectation values can be computed from $\rho_H^\prime$ alone, without the need to know the ``environment'', we encounter again a situation of incomplete statistics. Expectation values can be computed from the information in $\rho_H^\prime$, while this information is insufficient for the computation of joint probabilities. \subsection{Decoherence and syncoherence} Decoherence \cite{ZE,JZ,ZU} describes the transition from a pure state to a mixed state for some subsystem that is described by a coarse-grained density matrix. It cannot be accounted for by the evolution equation \labelcref{eqn:D9a} or \labelcref{eqn:231} since for these equations a pure state remains a pure state. There is no difference in this respect between classical statistics and quantum mechanics. If the subsystem is defined by $\rho_H^\prime$, the reduction to the subsystem may lead to a mixed state. The evolution \labelcref{eqn:NY1} within the subsystem does not describe decoherence, however. The situation is different if we project to other subsystems. In this case the evolution equation projected onto the subsystem typically contains additional terms beyond \cref{eqn:231}. The modifications will be of similar nature as for the Lindblad equation \cite{KO,LI,ZO} in quantum mechanics. The modified evolution equations can describe decoherence. In the opposite, syncoherence \cite{CWQSS} describes the transition from a mixed state to a pure states. A simple physical example for a subsystem is a mixed state of excited atoms that evolves into a pure ground state by emission of radiation. Syncoherence can already occur within the evolution equation \labelcref{eqn:231}. It is sufficient that the reduced density matrix $\rho_H^\prime$ is a pure state density matrix. The term $\sim J$ in the evolution equations damps out the part $\delta\rho^\prime = \rho^\prime - \rho_H^\prime$, such that a mixed state density matrix $\rho^\prime$ evolves into a pure state density matrix $\rho_H^\prime$. This happens whenever the equilibrium state is unique. Only a single component of the wave functions $\tilde q_\ast$, $\bar q_\ast$ survives far inside the bulk such that the density matrix becomes the pure state density matrix formed from $\tilde q_\ast$, $\bar q_\ast$. The evolution of the models discussed in \cref{sec:solution of bvp} describes syncoherence of this type. Other forms of syncoherence are possible as well. \section{Complex structure} \label{sec:complex structure} This section discusses complex classical wave functions and a complex classical density matrix. We deal here with complex structures in classical statistics that apply to the whole system. As we have seen in the explicit example of \cref{sec:Three-spin chains}, it is also possible to realize a complex structure only for a quantum subsystem, without extending it necessarily to the environment. These additional possibilities for complex structures are not addressed in the present section. So far, we only dealt with real quantities, even though the generalized Schrödinger equation \labelcref{eqn:46K,eqn:FF4} has been written formally in the usual complex form. In the occupation number basis the purely imaginary $H$ always occurs as $i H = -W_A$. This extends to every basis for which $\tilde q$ and $\bar q$ are real, but does not hold for an arbitrary basis. For example, in a basis where $S$ or $W$ are diagonal the wave functions are typically complex. Imaginary and real parts of the wave functions are not independent, however, since they originate from common real wave functions in the occupation number basis. Quite often one encounters a genuine complex structure where imaginary and real parts of the wave functions are independent. The $N$-component real wave function $\tilde{q}$ is then associated to a $N/2$-component complex wave function $\psi$, while the $N$ real components of $\bar{q}$ correspond to $N/2$ complex components of $\bar{\psi}$. For general classical statistical systems $\psi$ and $\bar{\psi}$ are independent wave functions. In the presence of a genuine complex structure we deal with complex quantities also in the occupation number basis. A genuine complex structure can be introduced whenever there exists a basis for which the real $N \times N$ matrix $W$ can be written in terms of $N/2 \times N/2$ matrices $W_1$ and $W_2$ in the form \begin{equation}\label{eqn:CS1} W = \begin{pmatrix} W_1 & W_2\\ -W_2 & W_1 \end{pmatrix}. \end{equation} The antisymmetric and symmetric parts of $W$ read \begin{alignedeqn}\label{eqn:CS6} W_A = -i H &= \begin{pmatrix} W_{1A} & W_{2S}\\ -W_{2S} & W_{1A} \end{pmatrix},\\ W_S = J &= \begin{pmatrix} W_{1S} & W_{2A}\\ -W_{2A} & W_{1S} \end{pmatrix}, \end{alignedeqn} with $W_{iS},W_{iA}$ the symmetric and antisymmetric parts of $W_i$. According to the block structure \labelcref{eqn:CS1} we also group the components of $\tilde{q}$ and $\bar{q}$ as \begin{equation}\label{eqn:CS4} \tilde{q} = \begin{pmatrix} \tilde{q}_R\\ \tilde{q}_I \end{pmatrix}, \qquad \bar{q} = \begin{pmatrix} \bar{q}_R\\ \bar{q}_I \end{pmatrix}. \end{equation} We next define the complex wave function as \begin{equation}\label{eqn:CS5} \psi = \tilde{q}_R + i\tilde{q}_I, \end{equation} while for the conjugate wave function we employ \begin{equation}\label{eqn:CS7} \bar{\psi} = \bar{q}_R - i \bar{q}_I. \end{equation} In terms of the $N/2$-component complex wave function $\psi$ the evolution equation \labelcref{eqn:AF14} takes the form of a complex generalized Schrödinger equation, \begin{equation}\label{eqn:CS2} i \partial_t \psi = G\psi, \qquad G = \hat{H} + i \hat{J}. \end{equation} The Hermitian and antihermitian parts of $G$ are associated to $\hat{H} = \hat{H}^\dagger$ and $\hat{J} = \hat{J}^\dagger$, respectively, with \begin{equation}\label{eqn:CS3} \hat{H} = W_{2S} + i W_{1A}, \qquad \hat{J} = W_{1S} - i W_{2A}. \end{equation} The equivalence of \cref{eqn:CS2} with \cref{eqn:AF14} is established by insertion of \cref{eqn:CS5}. For $\tilde{W} = W$, \cref{eqn:AF16} transforms to \begin{equation}\label{eqn:CS8} -i\partial_t\bar{\psi} = G^\tran \bar{\psi} = (\hat{H}^\ast + i\hat{J}^\ast) \bar{\psi}. \end{equation} For quantum systems with $\bar{q} = \tilde{q}$ one has $\bar{\psi} = \psi^\ast$. For $\hat{J} = 0$, \cref{eqn:CS8} is indeed the complex conjugate of \cref{eqn:CS2}. For general classical statistical systems the conservation of the norm for the local probabilities is now reflected by the identity \begin{equation}\label{eqn:CS9} \partial_t (\bar{\psi}^\tran \psi) = 0. \end{equation} On the other hand, the length of the complex vector $\psi$ changes according to \begin{equation}\label{eqn:CS10} \partial_t (\psi^\dagger \psi) = 2 \psi^\dagger \hat{J} \psi. \end{equation} The form of \cref{eqn:CS10} shows that the antihermitian part of $G$ acts as a generalized damping term that can change the norm $|\psi|$. A unitary evolution is realized if the r.h.s. of \cref{eqn:CS10} vanishes. If $W$ admits a complex structure according to \cref{eqn:CS1} the pure state complex density matrix $\rho$ obtains from the complex wave function $\psi$ and conjugate wave function $\bar{\psi}$ as \begin{equation}\label{eqn:163AA} \rho_{\lambda\sigma}(t) = \psi_\lambda(t)\bar{\psi}_\sigma(t). \end{equation} This generalizes to mixed states according to the generalized boundary condition \labelcref{eqn:B5-D10}, \begin{equation}\label{eqn:164AB} \rho_{\lambda\sigma}(t) = \sum_\alpha w_\alpha\psi_\lambda^{(\alpha)}(t) \bar{\psi}_\sigma^{(\alpha)}(t). \end{equation} The complex evolution equation is the generalization of the von Neumann equation to non-hermitian $G$, \begin{equation}\label{eqn:164AC} i \partial_t \rho = [G,\rho] = [\hat{H},\rho] + i [\hat{J},\rho]. \end{equation} In the complex language subsystems with a unitary evolution can be realized if $[\hat{J},\rho] = 0$. Consider next operators that take in the basis \labelcref{eqn:CS1}, \labelcref{eqn:CS4} the form \begin{equation}\label{eqn:CSA} A^\prime = \begin{pmatrix} \hat A_R & -\hat A_I\\ \hat A_I & \hat A_R \end{pmatrix}, \end{equation} with $\hat A_R$ and $\hat A_I$ real $N/2 \times N/2$ matrices. Such operators are compatible with the complex structure. We define in the basis \labelcref{eqn:CS1}, \labelcref{eqn:CS4} an $N \times N$ matrix \begin{equation}\label{eqn:CSB} I = \begin{pmatrix} 0 & -1\\ 1 & 0 \end{pmatrix}, \qquad I^2 = -1. \end{equation} Multiplication by $I$ corresponds to multiplication by $i$ in the complex basis. Both $W$ in \cref{eqn:CS1} and $A^\prime$ in \cref{eqn:CSA} commute with $I$, and we can write \begin{alignedeqn}\label{eqn:CSC} &W = W_1 - W_2 \, I, \qquad &&A^\prime = \hat A_R + \hat A_I \, I,\\ &[W,I] = 0, &&[A^\prime,I] = 0. \end{alignedeqn} The complex operator $\hat A$ is an $N/2 \times N/2$ matrix given by \begin{equation}\label{eqn:CSD} \hat A = \hat A_R + i \, \hat A_I. \end{equation} We observe the isomorphism between the real and complex formulation \begin{alignedeqn}\label{eqn:CSE} &\tilde q \to \psi \quad\Rightarrow\quad &&I \, \tilde q \to i \psi, \quad &&A^\prime \, \tilde q \to \hat A \, \psi,\\ &\bar q \to \bar\psi \quad\Rightarrow\quad &&\bar q^\tran \, I \to i \bar\psi^\tran, \quad &&\bar q^\tran \, A^\prime \to \bar\psi^\tran \, \hat A. \end{alignedeqn} The expectation value of $A$ becomes in the complex formulation \begin{equation}\label{eqn:CSF} \langle A\rangle = \bar q^\tran \, A^\prime \, \tilde q = \Re(\bar\psi^\tran \hat A \, \psi). \end{equation} For the particular case of quantum mechanics where $\bar\psi^\tran = \psi^\dagger$ only the hermitian part of $\hat A$ contributes. For the general classical statistical setting also the antihermitian part of $\hat A$ can contribute to the expectation value. The expectation values of observables that are not compatible with the complex structure, e.g. for which the associated operator is not of the form \labelcref{eqn:CSA}, can still be computed in the complex formulation. It mixes, however, real and imaginary parts in a form that cannot be expressed by the simple relation \labelcref{eqn:CSF}. \section{Change of basis, similarity transformations and symmetries} \label{sec:change of basis} Crucial ingredients of the quantum formalism, as the change of basis, are actually not restricted to the particular unitary quantum evolution. They can be formulated for arbitrary classical statistical systems with quasi-local weight distribution \begin{equation}\label{eqn:207A} w[n] = \prod_t\mathcal{K}(t) \, b(t_\text{in},t_\text{f}). \end{equation} (Here $b$ is a generalized boundary term depending on $n_\gamma(t_\text{in})$ and $n_\gamma(t_\text{f})$.) Exploiting these concepts for classical statistics offers a new view on otherwise perhaps hidden properties. In the next three sections we explore how some of the formal structures of quantum mechanics extend to our classical statistical setting. This issue is rather trivial for the classical statistical systems that directly realize quantum systems, e.g. those with orthogonal $S$ or antisymmetric $W$. We will be concerned here with the general case where $\tilde{q}$ and $\bar{q}$ are different and the length of the way factors is not conserved by the evolution. In this section we first discuss the change of basis. The possibility of a basis change is obviously realized for classical statistical systems in the transfer matrix formalism. All matrix expressions, e.g. the rules for the evaluation of expectation values of local observables, can be evaluated for an arbitrary choice of basis for the matrices. We extend here the change of basis to the concepts of the classical wave functions and density matrix. A change of basis transforms \textit{both} the basis functions $h_\tau$ on one side, and the wave functions, density matrix and operators on the other side, such that $w[n]$, $f(t)$ or $A(t)$ remain invariant. In contrast, similarity transformations act on the wave functions, density matrix and operators, while keeping the basis functions $h_\tau$ fixed. Expectation values of operators and correlations, evolution equations and the partition function are invariant under such similarity transformations. On the other hand, the weight distribution $w[n]$, the wave functions $f(t)$ and local observables $A(t)$ transform non-trivially. This allows us to represent the same set of expectation values and correlations by a different weight distribution $w^\prime$, different step evolution operators $S^\prime$ and different observables. The weight distribution $w^\prime$ no longer needs to be positive. Even in the occupation number basis neither the elements of the step evolution operator $S^\prime$ nor the components of the wave vector $\tilde{q}^\prime$ need be positive. We discuss both global similarity transformations that leave the eigenvalues of $S$ unchanged, and local similarity transformations that may change the eigenvalues of $S$. Symmetry transformations leave the weight distribution invariant, while keeping the basis functions fixed. Beyond the symmetry transformations acting on the variables $s_\gamma(t)$ or $n_\gamma(t)$ which leave $K[s]$ invariant, we discuss here general transformations acting on the step evolution operator, accompanied by corresponding transformations of wave functions and operators for observables. In this respect we concentrate on the subclass of similarity transformations that leave the weight distribution $w[n]$ invariant. The results of this section are instructive for the general question which classical statistical systems are quantum systems, and the opposite question which quantum systems can be represented as classical statistical systems. We do not address here the possibility of quantum subsystems discussed in \cref{sec:evolution for subsystems}, but rather ask these questions for the overall system. Classical statistical systems have a non-negative overall probability distribution $w[n] \geq 0$. For the subclass of quantum systems with $w[n] \geq 0$ the step evolution operator $S$ is a rotation, $S^\tran S = \mathds{1}$. Let us first work in the occupation number basis and consider step evolution operators for which all elements are non-negative, $S_{\tau\rho} \geq 0$. For finite $N$ it follows \cite{CWIT} that $S$ must describe a unique jump chain, with only one element equal to one in each column and row of the matrix, and all other matrix elements zero. This seems to constitute a severe restriction for the realization of quantum systems by classical statistical systems. The condition $S_{\tau\rho} \geq 0$ is not necessary for a positive $w[n]$. By symmetry transformations we can map a step evolution operator with negative elements to a form with $S_{\tau\rho} \geq 0$, without changing $w[n]$. For finite $N$ we find that the form of $S$ in the occupation number basis remains still rather restricted. The combination of the conditions $w[n] \geq 0$, $S^\tran S = \mathds{1}$ admits as solutions only rescaled unique jump chains, where the unique non-zero elements in each row and column no longer equal one. For an infinite number of local states, $N \to \infty$, additional possibilities are expected to open up. The answer to the question which quantum systems can be represented by a classical system is more complex. A given quantum system may be specified by a step evolution operator $S$. What are the conditions for $S$ such that expectation values and correlations of observables of this quantum system can be computed from a classical statistical system? First of all, a given form of $S$ does not specify the basis functions. If a change of basis, $S^\prime = V \, S \, V^\tran$, $V^\tran V = \mathds{1}$, results in the (rescaled) unique jump operator $S^\prime$, we can interpret $S$ as the step evolution operator in a basis related to the occupation number basis by a basis transformation $V$. There is no need anymore for all elements to be positive or for there to be only one non-zero element in each column and row of $S$. Physically such $S$ still represents a unique jump chain - only the observables may not be the obvious observables of the unique jump chain in the occupation number basis. The apparent conclusion that for finite $N$ the unique jump chains are the only quantum systems that can be represented by a classical statistical system is not correct, however. In the occupation number basis, a given orthogonal $S$ that is not a (rescaled) unique jump operator typically results for some configurations $[n]$ in negative values of the weight distribution $w[n]$, as computed from \cref{eqn:28B,eqn:28C}. Consider now a similarity transformation that transforms the indefinite weight distribution $w[n]$ to a non-negative probability distribution $w^\prime[n] \geq 0$. Since expectation values and correlations remain invariant under similarity transformations we can compute them from the classical statistical system specified by $w^\prime[n]$. In this way we can map the quantum system to an equivalent classical statistical system. All weight distributions that originate from each other by similarity transformations belong to an equivalence class. Expectation values and correlations of observables are only properties of the equivalence class. (This restricts the choice of the physical correlations, cf. refs. \cite{CWQM,CWPT}.) If the indefinite weight distribution $w[n]$ of the quantum system belongs to the same equivalence class as the probability distribution $w^\prime[n]$ of a classical statistical system, we can compute all expectation values and correlations of the quantum system by the values of corresponding observables in the classical statistical system. In the opposite direction, expectation values and correlations in the classical statistical system can be computed from an equivalent quantum system. \subsection{Change of basis} The choice of the occupation number basis is convenient because the basis functions $h_\tau$ obey the simple rules \labelcref{eqn:AF22}. This choice, however, is not unique and we may consider any other choice $h_\tau^\prime$, \begin{equation}\label{eqn:BB1} h_\tau = h_\alpha^\prime V_{\alpha\tau}, \qquad V^\tran V = 1, \end{equation} with orthogonal $V$. Observable results cannot depend on the choice of basis functions. A change of the basis functions results in a corresponding change of the step evolution operator and operators for observables, \begin{equation}\label{eqn:BB2} S^\prime = VSV^\tran, \qquad A_V^\prime = VA^\prime V^\tran. \end{equation} The weight distribution $w[n]$ remains invariant. The evolution factors $\mathcal{K}(t)$, \begin{equation}\label{eqn:BB3} \mathcal{K}(t) = h_\tau(t + \epsilon) \, S_{\tau\rho}(t) \, h_\rho(t) = h_\alpha^\prime(t + \epsilon) \, S_{\alpha\beta}^\prime(t) \, h_\beta^\prime(t) \end{equation} remain the same in the new basis \labelcref{eqn:BB1,eqn:BB2}. If we also transform the wave functions in the boundary terms \begin{equation}\label{eqn:BB4} \tilde{q}^\prime(t_\text{in}) = V\tilde{q}(t_\text{in}), \qquad \bar{q}^\prime(t_\text{f}) = \bar{q}(t_\text{f})V^\tran, \end{equation} the boundary factor $f_\text{in}$ in \cref{eqn:AF2A} remains unchanged, \begin{equation}\label{eqn:BB5} f(t_\text{in}) = h_\tau(t_\text{in}) \, \tilde{q}_\tau(t_\text{in}) = h_\alpha^\prime(t_\text{in}) \, \tilde{q}_\alpha^\prime(t_\text{in}), \end{equation} and similar for $\bar{f}(t_\text{f})$. This confirms that the weight factor $w[n]$ as given by \cref{eqn:AF1,eqn:28A} is invariant under a change of basis. The relations \labelcref{eqn:28B,eqn:28C} no longer hold for arbitrary $h^\prime$, which obey only the weaker condition \begin{equation}\label{eqn:BB6} \delta_{\alpha\beta} \, h_\alpha^\prime \, h_\beta^\prime = 1. \end{equation} As a result, the expression \labelcref{eqn:28B} for $w[n]$ is no longer valid in the new basis. The wave functions $f(t)$ and $\bar{f}(t)$ in \cref{eqn:AF5,eqn:AF6} are independent of the basis, such that \cref{eqn:AF11} implies for all $t$ \begin{equation}\label{eqn:BB7} \tilde{q}^\prime(t) = V\tilde{q}(t), \qquad \bar{q}^\prime(t) = \bar{q}(t)V^\tran. \end{equation} Together with the transformation \labelcref{eqn:BB2} of operators the expression \labelcref{eqn:AF20} for the expectation value is basis independent for orthogonal $V$, \begin{equation}\label{eqn:BB8} \langle A(t)\rangle = \langle \bar{q}_\tau^\prime(t) A_{V,\tau\rho}^\prime(t) \tilde{q}_\rho^\prime(t)\rangle. \end{equation} Also the evolution equations \labelcref{eqn:AF13} remain the same in every basis. Since orthogonal transformations do not change the eigenvalues of a matrix, a step evolution operator $S$ is transformed into a step evolution operator $S^\prime$ with the same eigenvalues. For the particular case of quantum mechanics, $S^\tran S = 1$, one also has $S^{\prime T} S^\prime = 1$. With $\bar{q} = \tilde{q}$ the change of basis \labelcref{eqn:BB1,eqn:BB2} corresponds to the familiar change of basis in quantum mechanics by orthogonal transformations. In the presence of a complex structure a suitable subgroup of the orthogonal transformations reproduces the change of basis by unitary transformations. Orthogonal transformations do not preserve the positivity of a matrix (in the sense that not all matrix elements remain positive). If $S$ has only positive elements, the transformed matrix $S^\prime$ will, in general, also have negative elements. Furthermore, diagonal operators $A^\prime$ typically result in non-diagonal operators $A_V^\prime$ in another basis, and vice versa. This has interesting consequences for the representation of quantum systems by classical statistical probability distributions. Assume a discrete version of a quantum evolution, $q^\prime(t + \epsilon) = S^\prime q^\prime(t)$, with orthogonal $S^\prime$ not necessarily positive. Observables in this quantum system are represented by operators $A_{QM}^\prime$. Assume now the existence of an orthogonal matrix $V$ such that $S = V^\tran S^\prime V$ is a positive matrix. We can then use the basis with positive $S$, introduce basis functions $h_\tau$ for the occupation number basis and represent the system by the classical probability distribution $w[n]$ by use of \cref{eqn:28B,eqn:28C}. The expectation values of the quantum observables can be measured in this classical statistical system by determining for this classical probability distribution the expression \labelcref{eqn:AF20} for $A^\prime = V^\tran A_{QM}^\prime V$. In summary, a quantum system with indefinite step evolution operator $S^\prime$ can correspond to a positive weight distribution if a basis transformation to positive $S$ is possible. \subsection{Similarity transformations} A different type of transformations transforms $S$ and $A^\prime$, while keeping fixed basis functions $h_\tau$. In the occupation number basis \cref{eqn:28B,eqn:28C} remain valid and the weight distribution $w[n]$ is transformed to a new weight distribution $w^\prime[n]$ by use of $S^\prime$ and transformed boundary conditions. In general, similarity transformations map different weight distributions or ``different models'' into each other. For the fixed basis we focus here on the occupation number basis. The partition function \labelcref{eqn:partition function def} or \labelcref{eqn:partition function} remains invariant under similarity transformations with arbitrary complex regular matrices ${D}_{\tau\rho}$ if we transform \begin{alignedeqn}\label{eqn:Q10} S^\prime(t) &= D S(t) D^{-1},\\ \tilde{q}^\prime(t_\text{in}) &= D \tilde{q}(t_\text{in}), \qquad \bar{q}^\prime(t_\text{f}) = (D^\tran)^{-1} \bar{q}(t_\text{f}). \end{alignedeqn} The evolution equations for $\tilde{q}^\prime(t)$ and $\bar{q}^\prime(t)$ take the same form as \cref{eqn:AF13} if we replace $S$ by $S^\prime$ and define \begin{equation}\label{eqn:208A} \tilde{q}^\prime(t) = D\tilde{q}(t), \qquad \bar{q}^\prime(t) = (D^\tran)^{-1}\bar{q}(t). \end{equation} This extends to the expectation values of local observables if $A_{\tau\rho}^\prime(t)$ is transformed as \begin{equation}\label{eqn:Q11} A_D^\prime(t) = D A^\prime(t) D^{-1}. \end{equation} (Diagonal observables $A^\prime(t)$ may be transformed by \cref{eqn:Q11} to non-diagonal $A_D^\prime(t)$.) We conclude that all local structures discussed in this paper and all expectation values of local observables are invariant under the similarity transformation \labelcref{eqn:Q10,eqn:208A,eqn:Q11}. This extends to correlation functions which are represented as operator products. We emphasize that the equivalence induced by similarity transformations is restricted here to the local subsystem. The overall weight distributions $w[n]$ and $w^\prime[n]$ differ. We have made no statement about the transformation of the most general classical observables, such that the expectation values of general observables in the system specified by $w^\prime[n]$ are not related to observables in the system given by $w[n]$. In contrast, for local observables for which expectation values and correlations can be evaluated from the generalized quantum expression \labelcref{eqn:quantum rule} for the associated operators, the transformation rule \labelcref{eqn:Q11} is sufficient for relating expectation values and correlations in the systems specified by $w^\prime[n]$ and $w[n]$. For every set of local observables expressed by a set of operators $A^\prime(t)$ in the system $w[n]$ there exists for the system $w^\prime[n]$ an associated set of local observables expressed by the set of operators $A_D^\prime(t)$. Expectation values and correlations for the two sets are identical. The wave functions, density matrix and evolution equation needed for the computation of expectation values are transformed according to \cref{eqn:Q10,eqn:208A}. For the particular case where $D = V$ is a rotation the transformation of the wave functions and operators is the same as for the change of basis discussed previously. On the level of the local objects $\tilde{q},\bar{q}, A^\prime$ we can associate the general transformation \labelcref{eqn:Q10,eqn:208A,eqn:Q11} with a generalized change of basis. Since ${D}$ needs not to have only positive elements the new step evolution operator $S^\prime$ can have negative elements even if $S$ has only positive elements. For complex $D$ the new $S^\prime$ may be complex. For real $D$ the weight function $w^\prime[n]$ obtained by replacing in \cref{eqn:28C} $S \to S^\prime$, $q \to q^\prime$, $\bar{q} \to \bar{q}^\prime$ is real. However, it needs no longer to be an overall probability distribution. Indeed, the negative elements in $S^\prime$ can lead to negative $w_{\rho_1 \rho_2 \dots}$ in \cref{eqn:28C}, such that $w^\prime[n]$ can be negative for some configurations $[n]$. This typically happens if ${D}$ is a rotation. Nevertheless, the expectation values and correlations of all local observables computed with $w^\prime$ are the same as the ones obtained from $w$. More precisely, the expectation value of the observable represented by the operator $A_D^\prime$, computed from $w^\prime$, is the same as the expectation value of the observable represented by the operator $A^\prime$, computed from $w$. Under certain circumstances the similarity transformations can be used to transform $S$ to a rotation matrix $S^\prime$, even though $S$ is not a rotation. This holds if one can find a matrix $B$ such that \begin{equation}\label{eqn:209A} S^\tran B = B \, S^{-1}, \end{equation} and if $B$ can be represented as \begin{equation}\label{eqn:209B} B = D^\tran D. \end{equation} In this case the wave vector $\tilde{q}^\prime(t)$, as defined in \cref{eqn:208A}, obeys a unitary quantum evolution. Accordingly, the wave vector $\tilde{q}(t)$ follows a type of ``rescaled unitary evolution'' as inferred from $\tilde{q} = D^{-1} \tilde{q}^\prime$. One may specialize to the particular case where $S$ is already a rotation. For real $D$ and $D^\tran D = 1$ also $S^\prime$ is a rotation. If ${D}$ is a rotation, $D^{-1} = D^\tran$, the norm of $q$ is preserved. This corresponds to the standard change of basis in quantum mechanics by unitary (in our case orthogonal) transformations. If, furthermore, $D = D_s$ commutes with $S$ and therefore with $H$, \begin{equation}\label{eqn:Q12} [D_s,S] = 0, \qquad [D_s,H] = 0, \end{equation} the transformation describes a symmetry of the corresponding quantum system. This symmetry may be ``spontaneously broken'' by a particular solution or initial condition if ${D}_s q(t_\text{in})\neq q(t_\text{in})$. \subsection{Local similarity transformations} We can extend the concept of similarity transformations \labelcref{eqn:Q10} to local similarity transformations \begin{alignedeqn}\label{eqn:Q17} &S^\prime(t) = D(t + \epsilon) \, S(t) \, D^{-1}(t),\\ &q^\prime(t_\text{in}) = D(t_\text{in}) \, q(t_\text{in}),\\ &\bar{q}^\prime(t_\text{f}) = \bigl({D}^\tran(t_\text{f})\bigr)^{-1} \, \bar{q}(t_\text{f}), \end{alignedeqn} with different transformation matrices $D(t)$ for different $t$. Local similarity transformations leave again the partition function invariant and constitute transformations within the local equivalence class. The wave functions at $t$ transform as \begin{alignedeqn}\label{eqn:Q18} &q^\prime(t) = D(t) q(t),\\ &\bar{q}^\prime(t) = \bigl(D^\tran(t)\bigr)^{-1} \bar{q}(t),\\ &\rho_D^\prime(t) = D(t) \, \rho^\prime(t) \, D^{-1}(t), \end{alignedeqn} and local observables as \begin{equation}\label{eqn:Q19} A_D^\prime(t) = D(t)A^\prime(t) D^{-1}(t). \end{equation} It is straightforward to verify that evolution equations, expectation values and correlations remain invariant under local similarity transformations. Local similarity transformations are a powerful tool for establishing structural aspects of our formalism, as we will discuss in \cref{sec:classical and quantum statistics}. In particular, we will establish that arbitrary quantum systems can be represented as classical statistical systems with an appropriate choice of operators. In contrast to global similarity transformations the local similarity transformations can change the eigenvalues of the step evolution operator, while the eigenvalues of operators for observables remain invariant. \subsection{Sign of the wave function} We concentrate here on the occupation number basis. With positive step evolution operator $S_{\tau\rho} \geq 0$ all components of the wave function $\tilde{q}_\tau(t_\text{in})$ remain positive if initially one has $\tilde{q}_\tau(t_\text{in}) \geq 0$. A similar property holds for the conjugate wave function if all components $\bar{q}_\tau(t_\text{f})$ are positive. It is not always convenient to work with positive real wave functions. As an example we may consider the memory materials which correspond to propagating fermions that we have discussed in \cref{sec:simple models}. We may impose periodic boundary conditions in $x$. Simple periodic functions such as $\tilde{q}(t_\text{in},x) \sim \sin(\omega x)$ have alternating signs. Typically, $\tilde{q}(t,x)$ will then have alternating signs for all $t$. Negative signs of some components $\tilde{q}_\tau(t)$ are, in principle, no problem. They only need to be accompanied by negative signs of the corresponding components $\bar{q}_\tau(t)$ of the conjugate wave function, such that the local probabilities $p_\tau(t) = \tilde{q}_\tau(t) \, \bar{q}_\tau(t)$ are positive. We will establish that the choice of signs for the components $\tilde{q}_\tau(t)$ of the wave function is arbitrary, provided that a change of signs is accompanied by a corresponding change in $\bar{q}_\tau(t)$. For this purpose we use the local similarity transformations \crefrange{eqn:Q17}{eqn:Q19}. Consider the case where ${D}(t)$ in \cref{eqn:Q17} is diagonal, \begin{equation}\label{eqn:Q20} {D}(t)_{\tau\rho} = \hat{s}_\tau(t)\delta_{\tau\rho} \end{equation} with eigenvalues $\hat{s}_\tau(t) = \pm 1$. This realizes the simultaneous change of sign of $\tilde{q}_\tau(t)$ and $\bar{q}_\tau(t)$. Diagonal operators $\hat{A}$ are invariant under this transformation. We can view the transformation \labelcref{eqn:Q18,eqn:Q20} as a discrete local gauge transformation. With (no index sums) \begin{alignedeqn}\label{eqn:Q21} S_{\tau\rho}^\prime(t) &= \hat{s}_\tau(t + \epsilon) \, S_{\tau\rho}(t)\hat{s}_\rho(t),\\ q_\tau^\prime(t) &= \hat{s}_\tau(t)q_\tau(t), \qquad \bar{q}_\tau^\prime(t) = \hat{s}_\tau(t)q_\tau(t), \end{alignedeqn} the weight function $w[n]$ is invariant under this gauge transformation. In other words, the local sign changes \labelcref{eqn:Q21} do not transform among different members of a local equivalence class but keep $w[n]$ fixed. The step evolution operators $S^\prime$ obtained from the sign transformation in \cref{eqn:Q21} constitute examples how a positive and normalized overall probability distribution, and therefore a classical statistical model, can be realized by step evolution operators that involve negative elements. It is sufficient that local sign changes \labelcref{eqn:Q21} exist that make $S$ positive. The step evolution operators $S^\prime(t)$ may not be the same for all $t$. In this case they do not realize standard translation symmetry in $t$. Still, if the associated positive $S(t)$ is independent of $t$, there is a hidden translation symmetry in the formulation with $S^\prime$ as well. It involves appropriate multiplications with the matrix ${D}$ in \cref{eqn:Q20} at every time step. While the choice of signs of the components of the wave function $\tilde{q}_\tau$ (with associated signs of $\bar{q}_\tau$) is, a priori, arbitrary, not every choice will be consistent with the continuum limit. Indeed, a differentiable time dependence of $\tilde{q}_\tau(t)$ will be destroyed by arbitrary sign changes. Requirements of a continuous and differentiable description single out particular choices of signs. They actually fix the gauge freedom of local choices of signs almost completely. The analogue holds if we require a continuous and differentiable dependence of the wave function on some other variable, as for $\tilde{q}_\tau(t,x)$ in the fermion model of \cref{sec:simple models}. For quantum systems, with $\tilde{q} = \bar{q} = q$, this has an interesting consequence. From $p_\tau = q_\tau^2$ one infers that the local probabilities $p_\tau$ determine the wave function up to a sign $\hat{s}_\tau$. If this sign ambiguity can be fixed by continuity requirements, the information contained in the local probability distribution $[p_\tau(t)]$ is sufficient for a determination of the density matrix $\rho^\prime(t)$, and therefore for the formulation of a linear evolution law in terms of $\rho^\prime(t)$. In this case the evolution is uniquely determined by the local probabilities. We recall in this context that in the usual complex formulation of quantum mechanics not only $\psi_\tau^\ast \psi_\tau$ have the properties of probabilities, but also the separate expressions $\psi_{R\tau} \psi_{R\tau}$ and $\psi_{I\tau} \psi_{I\tau}$ for the real and imaginary components. In this extended probabilistic setting the ambiguity in the wave function does not concern phases, but only signs. \subsection{Symmetry transformations} Let us consider transformations in the space of weight distributions, represented by invertible maps $w[n] \to w^\prime[n]$. We are interested in transformations induced by maps between step evolution operators $S(t) \to S^\prime(t^\prime)$, accompanied by appropriate transformations of boundary terms. Transformations in the space of step evolution operators may be induced, in turn, by replacements of occupation numbers $n_\gamma(t) \to \tilde n_\gamma(t^\prime)$. These are, however, not the only possibilities. Examples for other transformations are the local similarity transformations \labelcref{eqn:Q17}. Symmetry transformations of the weight distribution are those transformations that leave $w[n]$ invariant. An example are the local sign transformations \labelcref{eqn:Q21}. Symmetry transformations of the partition function leave $Z$ invariant. They constitute a much larger class of transformations than the symmetries of the weight distribution. Examples are arbitrary local similarity transformations \labelcref{eqn:Q17}, in particular the global similarity transformations \labelcref{eqn:Q10}. One may investigate the conditions for a general local similarity transformation \labelcref{eqn:Q17} to be a symmetry of the weight distribution. This is realized if (no sum over $\rho$) \begin{equation}\label{eqn:ST1} D_{\alpha\rho}^{-1}(t) D_{\rho\beta}(t) = \delta_{\alpha\rho}\delta_{\beta\rho}, \end{equation} which means that $D(t)$ is a diagonal matrix \begin{equation}\label{eqn:ST2} D_{\alpha\rho}(t) = d_\rho(t)\delta_{\alpha\rho}. \end{equation} Local similarity transformations with arbitrary diagonal matrices leave the weight distribution invariant. We next ask which orthogonal step evolution operators $S$ can be transformed by the symmetry transformations \labelcref{eqn:Q17,eqn:ST2} to a positive matrix $S^\prime$. We consider finite $N$. Since only the signs of $S^\prime$ matter we can take $d_\rho(t) = \hat{s}_\rho(t) = \pm 1$. Thus $D(t)$ are orthogonal matrices and $S^\prime$ is also orthogonal. Since $S^\prime$ is a positive orthogonal matrix it must be a unique jump operator. We conclude that $S$ must be a (rescaled) unique jump operator with arbitrary signs for the unique non-zero elements in each row and column. They can be brought by the symmetry transformation \labelcref{eqn:Q17,eqn:ST2} to the standard unique jump operator for which all elements equal one or zero. We can use this result in order to establish in the occupation number basis that for finite $N$ orthogonal step evolution operators (not necessarily positive) are compatible with a positive weight distribution $w[n]$ only if they are (rescaled) unique jump operators. The necessary condition for positive $w[n]$ discussed in \cite{CWIT}, namely that $S_{\alpha\rho}(t)S_{\rho\beta}(t - \epsilon)$ has the same sign for all $\rho$, for arbitrary $\alpha,\beta$ and $t$, implies that we can assign a sign $\hat{s}_\rho$ to every column of $S(t)$, and the same sign to every row $S(t - \epsilon)$. This means that all elements in the corresponding column or row have the same sign or vanish. In other words, for a positive weight function it is necessary that a sign matrix \labelcref{eqn:Q20} exists such that both $\hat{S}(t)$ and $\hat{S}(t - \epsilon)$, \begin{equation}\label{eqn:ST3} \hat{S}(t) = S(t)D(t), \qquad \hat{S}(t - \epsilon) = D(t)S(t - \epsilon), \end{equation} are positive matrices. This argument holds for all $t$ and we conclude that for positive $w[n]$ all $S(t)$ can be made positive by appropriate sign transformations. For orthogonal $S(t)$ this requires $S(t)$ to be unique jump matrices. The symmetry transformation \labelcref{eqn:ST2} can also be used for arbitrary complex $d_\rho(t)$. In consequence, rescaled unique jump operators with arbitrary complex elements can be brought to the positive standard form where all non-zero elements equal one. As we have mentioned already, diagonal operators $A^\prime(t)$ are left invariant by the transformation \labelcref{eqn:Q19}. On the other hand, off-diagonal operators experience changes according to \cref{eqn:Q19,eqn:ST2}. \section{Equivalent local probabilistic systems} \label{sec:equivalent local probabilistic systems} Suppose someone presents a quantum Hamiltonian and asks: is it possible to compute expectation values and correlations of observables in the quantum system from some classical statistical system? The answer is yes if there exists a positive classical statistical probability distribution $w^\prime[n]$ that belongs to the same equivalence class as the (in general indefinite) weight distribution $w[n]$ of the quantum system, and no if not. We will give a general answer to this question in the next section. In the present section we explore in more detail which systems belong to the same equivalence class as the ones defined by the Schrödinger or von Neumann equations for the evolution according to a given quantum Hamiltonian. Notions of equivalence can be formulated on different levels. We always will be concerned with the local system, as expressed by the density matrix $\rho^\prime(t)$ (or wave functions in case of a pure state), its evolution law, and the set of operators $A^\prime(t)$ for local observables. ``Strong equivalence'' is realized if two systems lead to the same $\rho^\prime(t)$ for all $t$. The expectation values and correlations of local observables expressed by the same operator $A^\prime(t)$ are then identical. On the level of observables, two observables have for all $t$ the same expectation values if they are represented by the same operator $A^\prime(t)$. In order to qualify for equivalent local observables one needs, in addition, the ``probabilistic requirement'' that the probabilities to find possible measurement values corresponding to the spectrum of $A^\prime(t)$ can be computed from $\rho^\prime(t)$ and are positive. ``Weak equivalence'' is given if two systems can be mapped onto each other by a local similarity transformation. In case of weak equivalence also the operators have to be mapped consistently between two equivalent systems. For a weak equivalence between a quantum system and a classical statistical system the expectation values and correlations of observables in the quantum system can, in principle, be computed in the classical statistical system. In practice, this may often be forbiddingly complicated if the map between operators in the quantum and classical systems is not sufficiently simple. In particular, simple operators in the quantum system may be mapped to rather complicated off-diagonal operators in the classical statistical system for which no measurement prescription can realistically be conceived. An ``intermediate equivalence'' of two systems occurs if their density matrices are related by a global ($t$-independent) similarity transformation. This corresponds to a generalized global change of basis. Furthermore, for many questions we may relax the requirement for equivalence by demanding only that the continuum limits of $\rho^\prime(t)$ and $A^\prime(t)$ coincide, or can be mapped into each other by an equivalence transformation. \subsection{Complex evolution equation} The first issue concerns the complex formulation of quantum mechanics. A Hermitian Hamiltonian is obtained for a unitary step evolution operator. We therefore ask for the conditions on similarity transformations to map a real step evolution operator $S$ onto a unitary step evolution operator $S^\prime$. We restrict the discussion here to global similarity transformations and investigate weak equivalence between a complex quantum system and a real classical statistical system. With complex $D$ we want to realize \begin{equation}\label{eqn:209C} S^\prime = D \, S \, D^{-1}, \qquad S^{\prime\dagger} S^\prime = 1. \end{equation} This can be achieved if one can find a matrix $B$ obeying \cref{eqn:209A}, with \cref{eqn:209B} generalized to \begin{equation}\label{eqn:209D} B = D^\dagger D. \end{equation} For unitary $S^\prime$ the complex wave function $\tilde{q}^\prime = D\tilde{q}$ follows a unitary evolution. We realize quantum mechanics if the boundary condition \labelcref{eqn:Q7} is replaced by \begin{alignedeqn}\label{eqn:209E} \bar{q}^\prime(t_\text{f}) &= \tilde{q}^{\prime\ast}(t_\text{f}),\\ \bar{q}(t_\text{f}) &= D^\tran D^\ast\tilde{q}(t_\text{f}) = B^\ast\tilde{q}(t_\text{f}). \end{alignedeqn} For real $\bar{q},\tilde{q}$ this requires $B$ to be real and symmetric. For unitary $S^\prime$ both $\bar{q}^\prime$ and $\tilde{q}^{\prime\ast}$ obey the same evolution, such that the boundary condition \labelcref{eqn:209E} implies for all $t$ \begin{equation}\label{eqn:209F} \bar{q}^\prime(t) = \tilde{q}^{\prime\ast}(t) = q^{\prime\ast}(t), \end{equation} where we identify $q^\prime$ with $\tilde{q}^\prime$. Expectation values of local observables can be computed by the quantum rule \begin{alignedeqn}\label{eqn:209G} \langle A(t)\rangle &= q^\prime(t)^\dagger A_D^\prime(t) q^\prime(t)\\ &= \langle q^\prime|A_D^\prime|q^\prime\rangle = \bar q^\tran(t) \, A^\prime(t) \, \tilde q(t), \end{alignedeqn} with $\langle q^\prime| = (q^\prime)^\dagger$. With the translation \labelcref{eqn:Q19} of the operator $A_D^\prime(t)$ in the quantum system to the operator $A^\prime(t)$ in the classical statistical system the expectation value can be computed in both systems. We can identify $q^\prime(t)$ with the usual complex wave function. A further change of basis by a unitary matrix $D^\prime$ amounts to the standard change of basis in quantum mechanics. The transition from a real to a complex formulation by a change of basis is a well known phenomenon, familiar from Fourier transforms. If we start with a real description the complex wave functions obey a constraint since only half of the components are independent. Often it is possible to introduce a complex structure already at a deeper level, for example by grouping $N$ real components of a wave function to $N/2$ complex components. The wave function and step evolution operator become then complex quantities without a constraint. Our formalism covers this case as well, cf. \cref{sec:complex structure}. We conclude that a map from a real evolution law for real wave functions in classical statistics to the complex formulation of quantum mechanics does not encounter an obstacle in principle. We will see in the next section that the use of local complex similarity transformations greatly enhances the possibilities. \subsection{Evolution operator and continuum limit} We next ask if it is necessary that the step evolution operator $S$ of a classical statistical system can be mapped to a unitary evolution operator of an associated quantum system. The answer is no. It is only needed that $S$ can be mapped to some $S^\prime$ which generates in the continuum limit a Hermitian Hamiltonian. This can be achieved even if the step evolution operator $S^\prime$ is not unitary. The continuum limit ``forgets'' parts of the information contained in the step evolution operator. More precisely, $S^\prime$ must coincide with the unitary evolution operator of the quantum system only up to corrections that do not contribute $\sim \epsilon$ in the limit $\epsilon \to 0$, e.g. terms $\sim \epsilon^2$. This additional freedom further enlarges the equivalence class of systems that lead to the same expectation values and correlations of observables. In quantum mechanics the time evolution of the wave function is described by the evolution operator \begin{equation}\label{eqn:Q13} q(t) = U(t,t^\prime) \, q(t^\prime). \end{equation} The evolution operator can be obtained by integration of the Schrödinger equation. In particular, for small $\epsilon$ one has \begin{alignedeqn}\label{eqn:Q14} U_\epsilon(t) &= U(t + \epsilon,t) = 1-i\epsilon H(t),\\ q(t + \epsilon) &= U_\epsilon(t) \, q(t) = q(t)-i\epsilon H(t) \, q(t). \end{alignedeqn} In general, $U_\epsilon(t)$ can differ from the step evolution operator $S(t)$. An example is a memory material describing the motion of a single particle in two dimensions \cite{CWIT}. It is characterized by a step evolution operator \begin{equation}\label{eqn:Q15} S(x,y) = \delta(x-\epsilon,y),\\ \end{equation} with corresponding Hamiltonian \begin{equation} H(x,y) = \frac{i}{2 \epsilon} \bigl(\delta(x-\epsilon,y) - \delta(x,y-\epsilon)\bigr). \end{equation} To order $\epsilon$ the evolution operator of quantum mechanics is given by \begin{alignedeqn} U_\epsilon(x,y) &= \delta(x,y) - i \epsilon H(x,y)\\ &= \delta(x,y) + \frac{1}{2} \bigl(\delta(x-\epsilon,y) - \delta(x,y-\epsilon)\bigr). \end{alignedeqn} Both $S$ and $S^\prime = U_\epsilon$ lead indeed to the same $W$ or $H$, and therefore to the same evolution of the wave function. We observe, however, that in contrast to $S$ the matrix $U_\epsilon$ is neither positive nor has it the unit jump character. This highlights an important property of the continuum limit. In the continuum limit only the operator $W$ defined by \cref{eqn:FF1} matters. Different $S$ can lead to identical $W$ and therefore an identical continuum time evolution. This reflects the fact that many different discrete formulations can lead to the same continuum limit. Once one restricts the system to sufficiently smooth wave functions the detailed properties of the discrete formulation no longer matter for the expectation values of local observables. We can again construct a weight distribution $w^\prime[n]$ in analogy to \cref{eqn:28C}, replacing $S \to S^\prime = U_\epsilon$, without changing $q(t_\text{in}) = \bar{q}(t_\text{in})$. The result is not necessarily a classical overall probability distribution, but it entails the same ``local physics'' as $w[n]$, e.g. the same expectation values of local observables. These considerations extend to a continuum limit in other variables, such as $x$ in the Ising-type model for fermions in \cref{sec:simple models}. The continuum limit in the $x$-direction is associated to an infinite number of states $N \to \infty$. The ``loss of memory'' of the continuum limit is one of the reasons why the restriction to (rescaled) unit jump chains for a realization of quantum systems by classical statistical systems no longer holds for $N \to \infty$. \subsection{Strong local equivalence classes} In the occupation number basis we may consider general weight functions $w[n]$, as defined by \cref{eqn:28B,eqn:28C}. For arbitrary $S_{\rho\tau}(t)$ they may no longer correspond to overall classical probability distributions. We can define ``strong local equivalence classes'' of all $w[n]$ that lead to the same density matrix $\rho^\prime(t)$ for all $t$. (A different and weaker notion of equivalence requires only the same local probability distribution $p_\tau(t)$ \cite{CWQM,CWPT}.) Since expectation values and correlations of local observables are completely determined by $\rho^\prime(t)$, all members of a given equivalence class will lead to the same local physics. For example, one may envisage many different ``histories'' of $t$-dependent $S(t)$ that all lead for $\bar t$ in a given interval to the same $\rho^\prime(\bar{t})$. The different weight distributions $w[n]$ corresponding to these different sequences of $S(t)$ all belong to the same equivalence class. Furthermore, for sufficiently smooth wave functions a change $S \to S^\prime$ that leads to the same continuum evolution of $\tilde{q}(t)$ and $\bar{q}(t)$ relates again different members of the same local equivalence class. With a given evolution of $\tilde{q}(t)$ and $\bar{q}(t)$ it is sufficient to identify one particular member of the local equivalence class to be a positive probability distribution, $\bar{w}[n] = p[n]$, in order to realize this evolution by a classical statistical system. Local equivalence classes are a central concept for the understanding why classical statistical systems can describe quantum systems despite common belief that this is impossible due to no-go theorems. First, we know that many different classical observables are mapped to the same local operator $A^\prime(t)$. We may again group all observables that are represented by the same $A^\prime(t)$ into a local equivalence class of observables. The expectation values of all observables in the given equivalence class are the same. If the result of $n$ immediately consecutive measurements of the observable is represented by the operator $[A^\prime(t)]^n$, also the possible outcomes of measurements of all observables in a given equivalence class are the same. The Kochen–Specker theorem \cite{KS} assumes that to each local quantum operator a unique classical observable can be associated. This is not realized in our setting, since the map from classical observables to quantum operators $A^\prime(t)$ is not invertible. The existence of local equivalence classes circumvents \cite{CWQM} the contradictions of the Kochen–Specker theorem. Bell's inequalities \cite{BE} follow if correlations of observables are given by the classical correlation between classical observables, e.g. \begin{equation}\label{eqn:cl correlation func} \langle A B\rangle_\text{cl} = \int \mathcal{D} n \, w[n] \, A[n] \, B[n]. \end{equation} We first note that not all local observables $A(t)$ have to correspond to classical observables. For example, the derivative operator $\hat{P} = -i \partial_x$ in the Ising-type model for fermions of \cref{sec:simple models} has no obvious expression as a classical observable $P[n]$. In this case a central assumption for Bell's inequalities is not realized. Furthermore, even if $A[n]$ and $B[n]$ can be realized as classical observables, the correlation function relevant for measurements may not be given \cite{CWQM} by the classical correlation function \labelcref{eqn:cl correlation func}. Indeed, if the conditional probabilities relevant for sequences of measurements are computable from the local probabilistic information, the classical correlation function is typically excluded \cite{CWQM}. The classical correlation functions $\langle A_1 B\rangle_\text{cl}$ and $\langle A_2 B\rangle_\text{cl}$ of two observables $A_1$ and $A_2$ in the same equivalence class typically differ from each other. In contrast, conditional correlations based on the operator product \begin{equation} \langle A B\rangle_m = \langle A^\prime B^\prime\rangle = \frac{1}{2} \tr\bigl(\rho^\prime \{A^\prime,B^\prime\}\bigr) \end{equation} are compatible with the local equivalence class. They are more suitable for describing local measurements \cite{CWQM} and need not obey Bell's inequalities. \section{Connections between classical and quantum statistics} \label{sec:classical and quantum statistics} In this section we employ the local similarity transformation \labelcref{eqn:Q17,eqn:Q18,eqn:Q19} in order to clarify some general structural features of the quantum formalism for classical statistical systems. This sheds light on the connection between quantum statistics and classical statistics. In this section we keep fixed basis functions $h_\tau$ corresponding to the occupation number basis. For the unitarity evolution of arbitrary quantum systems we construct a ``classical basis'' for which the weight distribution is positive. We also discuss for arbitrary classical statistical systems a ``unitary basis'' for which the evolution is unitary. Classical and quantum systems related by these similarity transformations are weakly equivalent. Furthermore, classical statistical systems admit a Heisenberg picture for which the wave function is constant while the evolution is expressed in terms of $t$-dependent operators. \subsection{Classical basis for quantum systems} For the unitary evolution of an arbitrary quantum system there exists a choice of $t$-dependent local basis for which the transfer matrices or step evolution operators have only positive or zero elements. In this ``classical basis'' the weight distribution is a classical statistical probability distribution. More in detail, we start with the complex weight distribution $w[n]$, constructed according to \cref{eqn:28B,eqn:28C} for some sequence of unitary matrices $\{S(t)\}$. For orthogonal $S(t)$ the weight distribution is real, but not positive. We construct here a local similarity transformation that transforms $w[n]$ to a ``classical basis'' for which $w^\prime[n] = p[n]$ is real and positive. In this classical basis the density matrix $\hat{\rho}^\prime(t)$ can be computed from the classical statistical probability distribution according to \cref{eqn:D12a}. \Cref{eqn:D4a} permits the extraction of the density matrix $\rho^\prime(t)$, from which expectation values and correlations of local observables can be computed. We start with the case where the step evolution operator $S$ of the quantum system is a time independent unitary matrix. As a first step we transform $S$ to a rescaled unique jump operator $S^{\prime\prime}$ for which all non-zero elements obey $|S_{ij}^{\prime\prime}| = 1$. This can be done by a unitary matrix. Any unitary (in particular also orthogonal) matrix $S$ can be diagonalized by a unitary transformation \begin{alignedeqn}\label{eqn:CB1} \tilde{S} &= W S \, W^\dagger, \qquad W^\dagger \, W = 1,\\ \tilde{S} &= \diag (\lambda_i), \qquad |\lambda_i| = 1. \end{alignedeqn} The rescaled unit jump operators $S^{\prime\prime}$ are also unitary, such that \begin{alignedeqn}\label{eqn:CB2} \tilde{S}^{\prime\prime} &= \tilde{W}^\dagger \, S^{\prime\prime} \, \tilde{W}, \qquad \tilde{W}^\dagger \, \tilde{W} = 1,\\ \tilde{S}^{\prime\prime} &= \diag(\lambda_i^{\prime\prime}), \qquad |\lambda_i^{\prime\prime}| = 1. \end{alignedeqn} If we choose $S^{\prime\prime}$ such that the sequence of eigenvalues $\lambda^{\prime\prime}$ coincides with the sequence $\lambda$, one has $\tilde{S}^{\prime\prime} = \tilde{S}$ and therefore \begin{equation}\label{eqn:CB3} S^{\prime\prime} = V S \, V^\dagger, \qquad V = \tilde{W} \, W, \qquad V^\dagger \, V = 1. \end{equation} If furthermore both $S$ and $S^{\prime\prime}$ are real, $V^\tran V$ commutes with $S$ \begin{equation}\label{eqn:CB4} [V^\tran \, V,S] = 0. \end{equation} In this case one may be particularly interested in choices of $S^{\prime\prime}$ for which $V$ is orthogonal. The second step brings the rescaled step evolution operator $S^{\prime\prime}$ to a standard form where all elements equal one or zero. This is achieved by a local change of basis \labelcref{eqn:ST2}, where all diagonal elements are phase factors, \begin{equation}\label{eqn:CB5} \tilde{D}(t) = \diag \bigl(d_i(t)\bigr), \qquad |d_i(t)| = 1. \end{equation} Thus the matrix \begin{equation}\label{eqn:CB6} S^\prime(t) = \tilde{D}(t + \epsilon) \, V \, S \, V^\dagger \, \tilde{D}^\ast(t) \end{equation} has only positive elements. For suitable boundary conditions the weight distribution $w^{\prime\prime}[n]$ is a normalized positive probability distribution. It defines the ``classical basis''. (This construction can be generalized for $t$-dependent $S(t)$.) The local similarity transformation \begin{equation}\label{eqn:CB7} D(t) = \tilde{D}(t) \, V \end{equation} transforms the operator for local observables according to \cref{eqn:Q19}. Typically, diagonal operators in one basis become non-diagonal in the other basis. Thus simple diagonal operators in the ``quantum basis'' with unitary $S$ may turn to rather complex operators in the ``classical basis'' with positive $S^\prime$, and vice versa. Nevertheless, our explicit construction of the classical basis demonstrates that arbitrary quantum systems with $t$-independent $S$ can be represented as classical probability distributions with the use of appropriate operators for observables. The practical use of the map between the quantum and classical basis is greatest if the map \labelcref{eqn:CB7} is simple enough. If $S^{\prime\prime}$ is already a positive unique jump operator we can take $\tilde{D}(t) = 1$. For orthogonal $V$ the transformation \labelcref{eqn:Q19} is simply a global rotation. The elements $(A_D^\prime)_{\tau\rho}$ are then real linear combinations of the elements $A_{\tau\rho}^\prime$ or, for diagonal $A^\prime$, of the elements $\alpha_\tau = A_\tau$. If $A^\prime$ or $A_\tau$ are independent of $t$ these linear combinations are the same for all $t$. For practical use it is further needed that non-diagonal $(A_D^\prime)_{\tau\rho}$ can be determined directly from the classical statistical probability distribution, cf. ref. \cite{CWFGI}. One can then ``measure'' the expectation values of quantum observables by use of a classical probability distribution. The condition for $S^{\prime\prime}$ to be a positive unique jump matrix requires the existence of such a matrix with the same eigenvalues as the step evolution operator $S$ of the quantum system. The eigenvalues of a unitary step evolution operator are phases \begin{equation}\label{eqn:spp eigenvalues} \lambda_i = \exp(-i \epsilon \, E_i), \end{equation} where $E_i$ correspond to the eigenvalues of the Hamiltonian in the continuum limit. We conclude that the construction of the classical basis for quantum system is particularly simple if a positive unique jump operator $S^{\prime\prime}$ exists that has the spectrum of eigenvalues \labelcref{eqn:spp eigenvalues}. In the continuum limit this requirement is weakened - only the realization of an appropriate antisymmetric $W^{\prime\prime}$ by a positive step evolution operator $S^{\prime\prime}$ is needed. It is possible to construct positive step evolution operators with a rather rich spectrum of eigenvalues of the type \labelcref{eqn:spp eigenvalues} \cite{CWIT}. The construction of a classical basis for arbitrary quantum systems is not limited to a $t$-independent $S$. Quite generally, we can construct iteratively a local similarity transformation by \begin{equation}\label{eqn:explicit construction} D(t + \epsilon) = S^\prime(t) \, D(t) \, S^\dagger(t) \end{equation} with $D(t_\text{in}) = 1$. It transforms a chain of arbitrary unitary matrices $S(t)$ to an arbitrary chain of positive step evolution operators $S^\prime$. Each quantum system characterized by $S$ is weakly equivalent to a classical statistical system characterized by $S^\prime$. The practical use of the existence of the transformation \labelcref{eqn:explicit construction} may be limited since simple operators for observables in the quantum system may transform to rather complicated operators in the equivalent classical statistical system. Nevertheless, the explicit construction \labelcref{eqn:explicit construction} shows that there can be no no-go theorems that obstruct the construction of a classical statistical system equivalent to a quantum system. One only has to admit sufficiently complex local observables $A(t)$ in the classical statistical system that typically do not take the form of classical local observables at $t$. \subsection{Unitary basis for classical statistics} The local similarity transformations \labelcref{eqn:Q17} leave the partition function invariant. They may be interpreted as local basis changes. If we admit a different basis at every $t$ the evolution of any quasi-local classical statistical system can be made unitary by an appropriate choice of a $t$-dependent ``unitary basis''. In order to establish this result we show that for an arbitrary sequence of regular real positive matrices $\bar{S}(t)$ one can find sequences of matrices $D(t)$ such that $S^\prime(t)$ is unitary for all $t$. With \begin{alignedeqn}\label{eqn:GB1} S^\prime(t) &= D(t + \epsilon) \, \bar{S}(t) \, D^{-1}(t),\\ S^{\prime\dagger}(t) &= (D^{-1})^\dagger(t) \, \bar{S}^\tran(t) \, D^\dagger(t + \epsilon), \end{alignedeqn} the condition for unitarity of $S^\prime$ reads $S^\prime S^{\prime\dagger} = 1$, \begin{equation}\label{eqn:GB2} B(t + \epsilon) = \bar{S}(t) \, B(t) \, \bar{S}^\tran(t), \end{equation} with \begin{equation}\label{eqn:GB3} B(t) = D^{-1}(t) \, (D^{-1})^\dagger(t) = B^\dagger(t). \end{equation} \Cref{eqn:GB1} can be solved iteratively, starting at $t_\text{in}$ with $B(t_\text{in}) = 1$. What remains to be shown is that for arbitrary regular Hermitian $B$ there exists a suitable matrix $D^{-1}$ such that \cref{eqn:GB3} is obeyed. We can diagonalize $B$ by a unitary transformation, \begin{equation}\label{eqn:GB4} B_d = U \, B \, U^\dagger = \diag(\lambda_b), \end{equation} with real positive eigenvalues $\lambda_b > 0$. The matrix $D^{-1}$ can then be chosen as \begin{equation}\label{eqn:GB5} D^{-1} = U^\dagger \diag(\sqrt{\lambda_b}) \, U. \end{equation} While the ``unitary basis'' brings the evolution of the wave function $\tilde{q}^\prime$ to the unitary evolution of quantum mechanics, the differences between arbitrary classical statistical systems and quantum systems is now encoded in the form of the transformed operators \labelcref{eqn:Q19}. The matrices $D(t)$ are not unitary, cf. \cref{eqn:GB5}. In particular, for a unique equilibrium state the loss of information of boundary conditions appears now in the form of the transformed operators. \subsection{Heisenberg picture for classical statistics} For an arbitrary sequence of step evolution operators $\{S(t)\}$ one can always find a basis where the evolution is trivial. Indeed, for the choice \begin{equation}\label{eqn:HP1} D(t + \epsilon) = D(t) \, S^{-1}(t) \end{equation} the transformed step evolution operator is trivial, \begin{equation}\label{eqn:HP2} S^\prime(t) = D(t + \epsilon) \, S(t) \, D^{-1}(t) =1. \end{equation} For this choice of local basis the classical wave function is constant \begin{equation}\label{eqn:HP3} \tilde{q}^\prime(t) = \tilde{q}^\prime(t_\text{in}), \qquad \bar{q}^\prime(t) = \bar{q}^\prime(t_\text{f}). \end{equation} \Cref{eqn:HP1} can be solved iteratively with $D(t_\text{in}) = 1$. As for the Heisenberg picture in quantum mechanics, the evolution concerns now only the operators, \begin{alignedeqn}\label{eqn:HP4} A_H^\prime(t) &= D(t) \, A^\prime(t) \, D^{-1}(t)\\ &= \bar{U}^{-1}(t,t_\text{in}) \, A^\prime(t) \, \bar{U}(t,t_\text{in}), \end{alignedeqn} where we employ the iterative solution of \cref{eqn:HP1}, \begin{alignedeqn}\label{eqn:HP5} D^{-1}(t) &= \bar{U}(t,t_\text{in})\\ &= S(t - \epsilon) \, S(t - 2 \epsilon) \dots S(t_\text{in} + \epsilon) \, S(t_\text{in}). \end{alignedeqn} If $A_H^\prime(t)$ can be computed, this offers a particularly simple way for extracting the dependence of the expectation value $\langle A(t)\rangle$ on the boundary conditions, \begin{equation}\label{eqn:HP6} \langle A(t)\rangle = \bar{q}^{\prime\tran}(t_\text{f}) \, A_H^\prime(t) \, \tilde{q}^\prime(t_\text{in}). \end{equation} \Cref{eqn:HP6} corresponds to a standard formula in the transfer matrix formalism. We conclude that the transition between the Schrödinger and Heisenberg pictures, familiar from quantum mechanics, carries over to classical statistical systems. \section{Conclusions} \label{sec:conclusions} The transfer matrix formalism in classical statistics can be regarded as a type of Heisenberg picture. If we employ operators for observables this introduces into the classical statistical description the notion of non-commuting operators. The analogy to the formalism of quantum mechanics becomes very direct if we choose a normalization of the transfer matrix where it plays the role of a step evolution operator. The present paper supplements the Heisenberg picture for classical statistics by the associated Schrödinger picture. For this purpose we introduce a pair of classical wave function $\tilde{q}(t)$ and conjugate wave function $\bar{q}(t)$ that embody the \textit{local} probabilistic information available on a given hypersurface $t$. This can be extended to a classical density matrix $\rho^\prime(t)$. Similar to quantum mechanics, the advantage of the Schrödinger picture is that it gives direct access to the local probabilistic information. The $t$-dependence of the classical wave function and density matrix follows a linear evolution law. The superposition principle for wave functions in quantum mechanics is shared by the classical wave functions in classical statistics. A key element of the present paper is the discussion of local observables $A(t)$ that are not classical local observables at $t$. In other words, they are not functions of Ising spins or occupation numbers at $t$. Nevertheless, these local observables admit a local probabilistic interpretation in terms of probabilities $p^{(A)}(t)$ to find given values in measurements. The probabilities $p^{(A)}(t)$ are computable from the classical density matrix $\rho^\prime(t)$. Expectation values and correlations of this extended class of local observables can therefore be computed from the local probabilistic information. Similar to quantum mechanics we can associate to each local observable $A(t)$ a local operator $A^\prime(t)$. Expectation values and correlations of $A(t)$ can be computed from the standard quantum formula $\langle A(t)\rangle = \tr[A^\prime(t) \rho^\prime(t)]$. While classical local observables at $t$ are represented by operators that commute with each other, this is no longer the case for more general local observables. These new non-commuting structures representing observables (and not only non-commutativity between the transfer matrix and operators for observables) make the close analogy between quantum mechanics and classical statistics even more striking. In quantum mechanics the knowledge of the wave function at a given $t$ allows not only the computation of expectation values of observables at $t$, like the position or the spin of a particle at $t$. The information stored in the wave function is sufficient for computing as well expectation values of time derivatives of local observables, or of local observables at different times. The same holds for classical statistical systems. The local information stored in the wave functions or density matrix at $t$ is sufficient for the determination of expectation values of observables at $t^\prime \neq t$. The operators associated to these additional observables typically do not commute with the ones for the classical local observables. On the formal level the expectation values of the extended class of local observables can be computed in the transfer matrix formalism as well. To understand the probabilistic interpretation of possible measurements for this extended set of local observables the Schrödinger picture in terms of $t$-dependent wave functions and density matrix is crucial. In contrast to the phase factor $e^{i S_\text{Q}}$ in Feynman's path integral for quantum mechanics, the corresponding weight factor $e^{-S_\text{cl}}$ for a classical statistical system is positive. The main difference between an arbitrary quantum system and an arbitrary classical statistical system concerns the presence of two different classical wave functions for the classical statistical system. The norm of a given wave function needs no longer be conserved, and the evolution is not unitary. Correspondingly, the classical density matrix needs not be symmetric. The corresponding modifications of the Schrödinger or von Neumann equation allow classical wave functions and density matrices to approach equilibrium values in the bulk of a material, even if they differ from their equilibrium values at the boundaries. This approach to equilibrium is characteristic for all systems for which the transfer matrix has a unique largest eigenvalue. For static memory materials the set of largest eigenvalues of the transfer matrix contains more than one element. The corresponding step evolution operator $S$ has more than one eigenvalue with $|\lambda_i| = 1$. In this case memory of the boundary conditions is present in the bulk - the expectation values of observables in the bulk depend on the boundary conditions. Information can be transported in a static system from one boundary to another. For memory materials the subsystem where the memory is stored follows the unitary evolution of quantum mechanics. Such memory materials are quantum simulators. The dependence of expectation values of observables on the location of hypersurfaces in space reproduces the time-dependence of corresponding observables in the quantum system with the same Hamiltonian. We have discussed standard concepts of quantum mechanics such as basis transformations, similarity transformations and symmetry transformations in the context of classical statistical systems. In particular, we have shown that it is possible to find local similarity transformations that map an arbitrary quantum system to an equivalent classical statistical system with positive weight distribution. For a suitable choice of classical observables the expectation values and correlations of observables in the quantum system can be evaluated in the corresponding classical statistical system. This ``existence proof'' of a map between quantum and classical statistical systems demonstrates that no no-go theorem excludes weak equivalence. Beyond general statements of equivalence one would like to realize a practical implementation of classical statistical memory materials as ``quantum simulators''. For this purpose it will be crucial to find simple enough classical probability distributions and sets of observables that account for interference, entanglement and similar phenomena. \paragraph{Acknowledgement} This work is part of and supported by the DFG Collaborative Research Center ``\href{http://isoquant.uni-heidelberg.de/index_de.php}{SFB 1225 (ISOQUANT)}''. \begin{appendices} \crefalias{section}{appendix} \renewcommand{\theequation}{\Alph{section}.\arabic{equation}} \numberwithin{equation}{section} \section{Boundary conditions and initial values} \label{app:bcs and ivs} For particular systems or subsystems we have encountered a unitary evolution. In this case the boundary problem can be described and solved in terms of quantum mechanics if the final boundary terms are chosen such that the conjugate wave function $\bar{q}$ coincides with the wave function $\tilde{q}$. In this appendix we generalize the discussion to arbitrary boundary terms. For simplicity we concentrate on models where the whole system follows a unitary evolution. If necessary, this discussion can be adapted to quantum subsystems. \subsection{Overlap of wave functions} For an arbitrary rotation matrix $S = R$ the time evolution is ``unitary'' and the norm of the wave function is preserved. So far, we have concentrated on a choice of the final time boundary term $\bar{f}_\text{f} = f(t_\text{f})$ for which $\bar{f}(t) = f(t)$. One may ask what happens for an arbitrary value of $\bar{f}_\text{f}$. In this case $\bar{f}(t) = \bar{q}_\tau(t) \, h_\tau(t)$ can differ from $f(t)$, while the partition function retains the general form \begin{equation}\label{eqn:108} Z = \bar{q}_\tau(t) \, \tilde{q}_\tau(t). \end{equation} In the language of quantum mechanics, with both $\bar{f}(t)$ and $f(t)$ normalized, $\sum_\tau\bar{q}_\tau^2 = \sum_\tau q_\tau^2 = 1$, \cref{eqn:108} denotes the overlap between two wave functions \begin{equation}\label{eqn:109} Z = \langle \bar{q}(t)|\tilde{q}(t)\rangle. \end{equation} Since $\bar{q}$ and $\tilde{q}$ obey the same evolution law the overlap is the same for all $t$. If, in addition, we require the normalization of the partition function $Z = 1$ one infers $\bar q(t) = \tilde q(t) = q(t)$. We conclude that for a unitary evolution the normalization of both $\tilde q(t_\text{in})$ and $\bar q(t_\text{f})$, together with $Z = 1$, is sufficient to imply the identification of $\bar q$ and $\tilde q$ for all $t$. For an unrenormalized $Z$ the unrenormalized expression for the expectation value of a local occupation number involves again an overlap between two wave functions, \begin{alignedeqn}\label{eqn:110} &\int\mathcal{D} n\bar{f}_\text{f} \, K \, n_\gamma(t) \, f_\text{in} = Z \int \mathcal{D} n \, w[n] \, n_\gamma(t)\\ &= Z \langle n_\gamma(t)\rangle = \int \dif n(t) \, \bar{f}(t) \, n_\gamma(t) \, f(t)\\ &= \langle\bar{q}(t) \, N_\gamma^\prime(t) \, q(t)\rangle. \end{alignedeqn} The functional integral still describes quantum mechanics, for a setting where $q(t)$ is determined by the initial wave function $f_\text{in}$, while $\bar{q}(t)$ depends on $\bar{f}_\text{f}$. The expression \labelcref{eqn:110} is now a matrix element of the operator $N_\gamma^\prime(t)$ between wave functions $\bar{q}$ and $\tilde{q}$. The expectation value needs the multiplication by $Z^{-1}$. Similarly, for arbitrary (unnormalized) $Z$ the density matrix is defined by \begin{equation}\label{eqn:360A} Z \rho_{\tau\rho}^\prime(t) = \tilde{q}_\tau(t) \, \bar{q}_\rho(t), \end{equation} generalizing \cref{eqn:D3a}. \Cref{eqn:D8a} remains valid, such that \begin{equation}\label{eqn:360B} \langle n_\gamma(t)\rangle = \tr\bigl\{\rho^\prime(t) \, N_\gamma^\prime(t)\bigr\}. \end{equation} The boundary problem reduces to two parts. The first is the computation of the density matrix $\rho^\prime$ for some given $t$. The second amounts to the solution of the evolution equation for $\rho^\prime$. In particular, one may compute $\rho^\prime(t_\text{in})$ at the ``initial boundary''. This involves the computation of $\bar{q}(t_\text{in})$ from $\bar{q}(t_\text{f})$. For this purpose one has to solve the evolution equation \labelcref{eqn:AF13} for the conjugate wave function. If one specifies boundary conditions directly in terms of the ``initial density matrix'' $\rho^\prime(t_\text{in})$ the first step is already done. One has to make sure, however, that a given $\rho^\prime(t_\text{in})$ is compatible with the positivity of the overall probability distribution, in particular with the positivity of $\bar{q}(t_\text{f})$. \subsection{Initial value problem and two-field formalism} One may be interested in functional integral expressions in terms of the initial density matrix $\rho^\prime(t_\text{in})$, constructed from $\bar{q}(t_\text{in})$ and $\tilde{q}(t_\text{in})$. So far our functional integral expressions involve $\bar{f}_\text{f}(t_\text{f})$. We therefore need an explicit expression of $\bar{f}_\text{f}(t_\text{f})$ in terms of $\bar{f}(t_\text{in})$. For a general classical statistical system this is difficult to achieve. From \cref{eqn:matrix AF13} we learn that an expression of $\bar{q}(t_\text{f})$ in terms of $\bar{q}(t_\text{in})$ involves factors of $S^{-1}$. While the relation between $S$ and quantities involving occupation numbers is provided by \cref{eqn:AF12}, no such relation exists, in general, for $S^{-1}$. The situation changes for a unitary evolution where $\bar q$ and $\tilde q$ obey the same evolution law. We can then employ for $\bar f(t)$ a relation similar to \cref{eqn:AF5}, resulting in \begin{equation} \bar{f}(t_\text{f}) = \int \mathcal{D} \bar n \, K[\bar n] \, \bar{f}(t_\text{in}), \end{equation} where $\bar{f}(t_\text{in})$ depends on $\bar{n}(t_\text{in})$ and $\bar{f}(t_\text{f})$ on $\bar{n}(t_\text{f})$. We concentrate on $\bar q(t) = \tilde q(t) = q(t)$ or $\bar f(t) = f(t)$. We can then write the partition function \labelcref{eqn:partition function def} as a functional integral, \begin{alignedeqn}\label{eqn:111} Z = \int &\mathcal{D} \bar{n} \, \mathcal{D} n \, f_\text{in} \, \bigl(\bar{n}(t_\text{in})\bigr) \, K[\bar{n}] \, K[n] \, f_\text{in}\bigl(n(t_\text{in})\bigr)\\ &\times \delta \bigl(\bar{n}(t_\text{f}),n(t_\text{f})\bigr). \end{alignedeqn} The variables are effectively doubled, except for $t_\text{f}$ where we have the identification $\bar{n}(t_\text{f}) = n(t_\text{f})$. One recognizes the analogy to the Schwinger-Keldysh formalism \cite{SK,Kel1}. For a normalized initial wave function and normalized one step evolution operator the normalization $Z = 1$ follows from \cref{eqn:111} by construction. With $Z = 1$ and $\bar{f}_\text{f} = f\bigl(t_\text{f};n(t_\text{f})\bigr)$ the weight function \labelcref{eqn:AF1} becomes \begin{alignedeqn}\label{eqn:186X1} w[n] = \int \mathcal{D} \bar{n} \, K[\bar{n}] \, f_\text{in} \, \bigl(\bar{n}(t_\text{in})\bigr) \, K[n] \, f_\text{in}\bigl(n(t_\text{in})\bigr)\\ \times \delta\bigl(\bar{n}(t_\text{f}),n(t_\text{f})\bigr). \end{alignedeqn} Classical local observables can be made dependent on $n$ or $\bar{n}$, or one may use expressions that are symmetrized in both types of variables. As an example we consider an arbitrary function $A \bigl(\bar{n}(t),n(t)\bigr)$ that depends on $\bar{n}(t)$ and $n(t)$ at a given time $t$. We want to compute the expression \begin{alignedeqn}\label{eqn:113} \langle A(t)\rangle = \int &\mathcal{D} \bar{n} \, \mathcal{D} n \, f_\text{in}(\bar{n}_\text{in}) \, K[\bar{n}] \, A \bigl(\bar{n}(t),n(t)\bigr)\\ &\times K[n] \, f_\text{in}(n_\text{in}) \delta \bigl(\bar{n}(t_\text{f}),n(t_\text{f})\bigr). \end{alignedeqn} Using the split \begin{equation} K[n] = K_>(t) \, K_<(t),\\ \end{equation} with \begin{equation}\label{eqn:split factors} K_<(t) = \prod_{t^\prime=t_\text{in}}^{t-\epsilon} \mathcal{K}(t^\prime), \quad K_>(t) = \prod_{t^\prime=t}^{t_\text{f}-\epsilon} \mathcal{K}(t^\prime), \end{equation} and the definition \labelcref{eqn:AF5} for $f(t)$ this yields \small \begin{align}\label{eqn:114} \langle A(t)\rangle &= \int \mathcal{D} \bar{n}(t^\prime \geq t) \, \mathcal{D} n(t^\prime \geq t) \, \delta \bigl(\bar{n}(t_\text{f}),n(t_\text{f})\bigr)\\ &K_>(t;\bar{n}) \, K_>(t;n) \, f\bigr(t;\bar{n}(t)\bigr) \, A \bigl(\bar{n}(t),n(t)\bigr) \, f \bigl(t;n(t)\bigr).\notag \end{align} \normalsize The factors $K_>(t;\bar{n})$ and $K_>(t;n)$ correspond to \cref{eqn:split factors}, with arguments $\bar{n}(t)$ or $n(t)$, respectively. We may employ the expression \begin{align}\label{eqn:115} E \bigl(\bar{n}(t),n(t)\bigr) = \int & \mathcal{D} \bar{n}(t^\prime > t) \, \mathcal{D} n(t^\prime > t)\\ &\times \delta\bigl(\bar{n}(t_\text{f}),n(t_\text{f})\bigr) \, K_>(t;\bar{n}) \, K_>(t;n)\notag \end{align} and obtain \begin{align}\label{eqn:ev} \langle A(t)\rangle = \int \dif \bar{n}(t) \, \dif n(t) \, &E \bigl(\bar{n}(t),n(t)\bigr) \, A \bigl(\bar{n}(t),n(t)\bigr)\notag\\ &\times f(t;\bar{n})f(t;n). \end{align} For $t$-independent $S$ one finds in the occupation number basis \begin{equation}\label{eqn:116} E \bigl(\bar{n}(t),n(t)\bigr) = \bigl((S^\tran)^F S^F\bigr)_{\tau\rho} h_\tau(t;\bar{n}) h_\rho(t;n), \end{equation} with $F$ the number of time steps from $t$ to $t_\text{f}$, and matrix multiplications of $S$ and $S^\tran$. In particular, a unitary time evolution with $S^\tran S = 1$ implies \begin{equation}\label{eqn:117} E\bigl(\bar{n}(t),n(t)\bigr) = h_\tau(t;\bar{n}) \, h_\tau(t;n) = \delta\bigl(\bar{n}(t),n(t)\bigr). \end{equation} This expression only involves the basis functions at time $t$ and is independent of all details of the evolution. Insertion of \cref{eqn:117} into \cref{eqn:114} yields, with expansion \begin{equation}\label{eqn:118} A \bigl(\bar{n}(t),n(t)\bigr) = A_{\tau\rho}^\prime(t) \, h_\tau(t;\bar{n}) \, h_\rho(t;n), \end{equation} the expectation value \begin{alignedeqn}\label{eqn:119} \langle A(t)\rangle &= \int \dif \bar{n}(t) \, \dif n(t) \, f(t;\bar{n}) \, \delta \bigl(\bar{n}(t),n(t)\bigr)\\ &\hphantom{{}=\int \dif \bar{n}(t}\times A \bigl(\bar{n}(t),n(t)\bigr)f(t;n)\bigr)\\ &= \sum_\tau q_\tau(t) \, A_{\tau\tau}^\prime(t) \, q_\tau(t). \end{alignedeqn} Only the diagonal elements of $A_{\tau\rho}^\prime$ contribute. The role of $E$ is an effective projection on the diagonal elements of $A^\prime$, such that indeed various implementations of an observable in terms of $\bar{n}$ or $n$ yield the same diagonal elements and therefore the same expectation value. The important message of the formula \labelcref{eqn:117} consists in the observation that for the initial value problem the expectation values are ``independent of the future''. One can choose $t_\text{f}$ freely provided that it is larger than the largest time argument $\bar{t}$ of an occupation number appearing in a given observable. The expectation values are then independent of $t_\text{f}$ and it is often convenient to take $t_\text{f} = \bar{t} + \epsilon$. This ``independence from the future'' is a particular feature of a unitary time evolution. It does not hold for general $S_{\tau\rho}$, as can be seen in \cref{eqn:116}. \end{appendices} \end{multicols} \begin{multicols}{2}[{\printbibheading[title={References}]}] \printbibliography[heading=none] \end{multicols} \end{document}
02dcce670d181d53b3eab1d20380d0654bd23979
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Speech signals are mysterious and fascinating: within just one dimensional vibration, very rich information is represented, including linguistic content, speaker trait, emotion, channel and noise. Scientists have worked for several decades to decode speech, with different goals that focus on different informative factors within the signal. This leads to a multitude of speech information processing tasks, where automatic speech recognition (ASR) and speaker recognition (SRE) are among the most important~\cite{benesty2007springer}. After decades of research, some tasks have been addressed pretty well, at least with large amounts of data, e.g., ASR and SRE, while others remain difficult, e.g., automatic emotion recognition (AER)~\cite{el2011survey}. A major difficulty of speech processing resides in the fact that multiple informative factors are intermingled together, and therefore whenever we decode for a particular factor, all other factors contribute as uncertainties. A natural idea to deal with the information blending is to factorize the signal into independent informative factors, so that each task can take its relevant factors. Unfortunately, this factorization turns out to be very difficult, in fact more difficult than decoding for individual factors. The main reason is that how the factors are intermingled to compose the speech signal and how they impact each other is far from clear to the speech community, which makes designing a simple yet effective factorization formula nearly impossible. As an example, the two most significant factors, linguistic contents and speaker traits, corresponding to what has been spoken and who has spoken, hold a rather complex correlation. Here `significant factors' refer to those factors that cause significant variations within speech signals. Researchers have put much effort to factorize speech signals based on these two factors, especially in SRE research. In fact, most of the famous SRE techniques are based on factorization models, including the Gaussian mixture model-universal background model (GMM-UBM)~\cite{Reynolds00}, the joint factor analysis (JFA)~\cite{Kenny07} and the i-vector model~\cite{dehak2011front}. With these models, the variation caused by the linguistic factor is explained away, which makes the speaker factor easier to identity (infer). Although significant success has been achieved, all these models assume a linear Gaussian relation between the linguistic, speaker and other factors, which is certainly over simplified. Essentially, they all perform shallow and linear factorization, and the speaker factors inferred are \emph{long-term distributional patterns} rather than \emph{short-time spectral patterns}. It would be very disappointing if the speaker factor is really a distributional pattern in nature, as it would mean that speaker traits are too volatile to be identified from a short-time speech segment. If this is true, then it would be hopeless to factorize speech signals into independent factors at the frame level, and for most speech processing tasks, we have to resort to complex probabilistic models to collect statistics from long speech segments. This notion has in fact been subconsciously embedded into the thought process of many speech researchers, partly due to the brilliant success of probabilistic models on SRE. Fortunately, our discovery reported in this paper demonstrated that the speaker trait is essentially a short-time spectral pattern, the same as the linguistic content. We designed a deep neural network (DNN) that can learn speaker traits pretty well from raw speech features, and demonstrated that with only a few frames, a very strong speaker factor can be inferred. Considering that the linguistic factor can be inferred from a short segment as well~\cite{hinton2012deep}, our finding indicates that most of the significant variations of speech signals can be well explained. Based on the explanation, less significant factors are easier to be inferred. This has motivated a \emph{cascaded deep factorization} (CDF) approach that factorizes speech signals in a sequential way: factors that are most significant are inferred firstly, and other less significant factors are inferred subsequently, conditioned on the factors that have been inferred. By this approach, speech signals can be factorized into independent informative factors, where all the inferences are based on deep neural models. In this paper, we apply the CDF approach to factorize emotional speech signals to linguistic contents, speaker traits and emotion status. Our experiments on an AER task demonstrated that the CDF-based factorization is highly effective. Furthermore, we show that the original speech signal can be reconstructed from these three factors pretty well. This factorization and reconstruction has far-reaching implications and will provide a powerful tool for many speech processing tasks. \section{Speaker factor learning} \label{sec:speaker} In this section, we present a DNN structure that can learn speaker traits at the frame level, as shown in Figure~\ref{fig:ctdnn}. This structure consists of a convolutional (CN) component and a time-delay (TD) component, connected by a bottleneck layer of $512$ units. The convolutional component comprises two CN layers, each followed by a max-pooling layer. The TD component comprises two TD layers, each followed by a P-norm layer. The settings for the two components are shown in Figure~\ref{fig:ctdnn}. A simple calculation shows that with this configuration, the length of the effective context window is $20$ frames. The output of the P-norm layer is projected into a feature layer that consists of $40$ units. The activations of these units, after length normalization, form a speaker factor that represents the speaker trait involved in the input speech segment. For model training, the feature layer is fully connected to the output layer whose units correspond to the speakers in the training data. The training is performed to optimize the cross-entropy objective that aims to discriminate the training speakers based on the input frames. In our experiment, the natural stochastic gradient descent (NSGD)~\cite{povey2014parallel} algorithm was employed for optimization. Once the DNN model has been trained, the $40$-dimensional frame-level speaker factor can be read from the feature layer. The speaker factors inferred by the DNN structure, as will be shown in the experiment, are highly speaker-discriminative. This demonstrates that speaker traits are short-time spectral patterns and can be identified at the frame level. \begin{figure*}[htb] \centering \includegraphics[width=1\linewidth]{fig/ct-dnn.pdf} \caption{The DNN structure used for deep speaker factor inference.} \label{fig:ctdnn} \end{figure*} \section{Cascaded deep factorization} Due to the highly complex intermingling of multiple informative factors, it is nearly impossible to factorize speech signals by conventional linear factorization methods, e.g., JFA~\cite{Kenny07}. Fortunately, the ASR research has demonstrated that the linguistic factor can be individually inferred by a DNN structure, without knowing other factors. The previous section further provides deep model that can infer the speaker factor. We denote this single factor inference based on deep neural models by \emph{individual deep factorization} (IDF). The rationality of the linguistic and speaker IDF is two-fold: firstly the linguistic and speaker factors are sufficiently significant in speech signals, and secondly a large amount of training data is available. It is the large-scale supervised learning that picks up the most task-relevant factors from raw speech features, via the DNN architecture. For factors that are less significant or without sufficient training data, IDF is simply not applicable. Fortunately, the successful inference of the linguistic and/or the speaker factors may significantly simplify the inference of other speech factors, as the largest variations within the speech signal have been explained away. This has motivated a cascaded deep factorization (CDF) approach: firstly we infer a particular factor by IDF, and then use this factor as a conditional variable to infer the second factor, and so on. Finally, the speech signal will be factorized into a set of independent factors, each corresponding to a particular task. The order of the inference can be arbitrary, but a good practice is that factors that are more significant and with more training data should be inferred earlier, so that the variation caused by these factors can be reliably eliminated when inferring the subsequent factors. In this study, we apply the CDF approach to factorize emotional speech signals into three factors: linguistic, speaker and emotion. Figure~\ref{fig:cascade} illustrates the architecture. Firstly an ASR system is trained using word-labelled speech data. The frame-level linguistic factor, which is in the form of phone posteriors in our study, is produced from the ASR DNN, and is concatenated with the raw feature to train an SRE system. This SRE system is used to produce the frame-level speaker factor, as discussed in the previous section. The linguistic factor and the speaker factor are finally concatenated with the raw feature to train an AER system, by which the emotion factor is read from the last hidden layer. \begin{figure}[htb] \centering \includegraphics[width=0.5\linewidth]{fig/cascade.pdf} \caption{The cascaded deep factorization approach applied to factorize emotional speech into three factors: linguistic, speaker and emotion. } \label{fig:cascade} \end{figure} The CDF approach is fundamentally different from the conventional joint factorization approach, e.g., JFA~\cite{Kenny07}. Firstly, CDF heavily relies on discriminative learning to discover task-related factors, while conventional approaches are mostly generative models and the factors inferred are less task-related. Secondly, CDF infers factors sequentially and can use different data resources for different factors, while conventional approaches infer factors jointly using a single multi-labelled database. Thirdly, CDF being a deep approach, can leverage various advantages associated with deep learning (e.g., invariant feature learning), while most conventional approaches are mostly based on shallow models. \section{Spectrum reconstruction} \label{sec:recovery} A key difference between CDF and the conventional factor analysis~\cite{christopher2006pattern} is that in CDF each factor is inferred individually, without any explicit constraint defined among the factors (e.g., the linear Gaussian relation as in JFA). This on one hand is essential for a flexible factorization, but on the other hand, shuns an important question: How these factors are composed together to produce the speech signal? To answer this question, we reconstruct the spectrum using the CDF-inferred factors. Define the linguistic factor $q$, the speaker factor $s$, and the emotion factor $e$. For each speech frame, we try to use these three factors to recover the spectrum $x$. Assuming they are convolved, the reconstruction is in the form: \[ ln (x) = ln \{f(q)\} + ln \{g(s)\} + ln \{h(e)\} + \epsilon \] \noindent where $f$, $g$, $h$ are the non-linear recovery function for $q$, $s$ and $e$ respectively, each implemented as a DNN. $\epsilon$ represents the residual which is assumed to be Gaussian. This reconstruction is illustrated in Figure~\ref{fig:recovery}, where all the spectra are in the log domain. \begin{figure}[htb] \centering \includegraphics[width=0.85\linewidth]{fig/recovery.pdf} \caption{The architecture for spectrum reconstruction.} \label{fig:recovery} \end{figure} \section{Related work} The idea of learning speaker factors was motivated by Ehsan et al~\cite{ehsan14}, who employed a vanilla DNN to learn frame-level representations of speakers. These representations, however, were rather weak and did not perform well on SRE tasks. Since then, various DNN structures were investigated, e.g., RNN by Heigold~\cite{heigold2016end}, CNN by Zhang~\cite{zhang2017end} and NIN by Snyder~\cite{snyderdeep16} and Li~\cite{li2017}. These diverse investigations demonstrated reasonable performance, however most of them were based on an end-to-end training, seeking for better performance on speaker verification, rather than factor learning. The CDF approach is also related to the phonetic DNN i-vector approach proposed by Lei~\cite{lei2014novel} and Kenny~\cite{Kenny14}, where the linguistic factor (phonetic posteriors) is firstly inferred using an ASR system, which is then used as an auxiliary knowledge to infer the speaker factor (the i-vector). In CDF, the second stage linear Gaussian inference (i-vector inference) is replaced by a more complex deep speaker factorization. Finally, the CDF approach is related to multi-task learning~\cite{caruana1997multitask} and transfer learning~\cite{pan2010survey,wang2015transfer}. For example, Senior et al.~\cite{senior2014improving} found that involving the speaker factor in the input feature improved ASR system. Qin~\cite{qian2016neural} and Li et al.~\cite{li2015modeling} found that ASR and SRE systems can be trained jointly, by borrowing information from each other. This idea was recently studied more systematically by Tang et al.~\cite{tang2017collaborative}. All these approaches focus on linguistic and speaker factors that are mostly significant. The CDF, in contrast, treats these significant factors as conditional variables and focuses more on less significant factors. \section{Experiment} In this section, we first present the data used in the experiments, then report the results of speaker factor learning. The CDF-based emotional speech factorization and reconstruction will be also presented. \subsection{Database} \textbf{ASR database}: The \emph{WSJ} database was used to train the ASR system. The training set is the official \emph{train\_si284} dataset, composed of $282$ speakers and $37,318$ utterances, with about $50$-$155$ utterances per speaker. The test set contains three datasets (\emph{devl92, eval92 and eval93}), including $27$ speakers and $1,049$ utterances in total. \textbf{SRE database}: The \emph{Fisher} database was used to train the SRE systems. The training set consists of $2,500$ male and $2,500$ female speakers, with $95,167$ utterances randomly selected from the \emph{Fisher} database, and each speaker has about $120$ seconds of speech signals. It was used for training the UBM, T-matrix and LDA/PLDA models of an i-vector baseline system, and the DNN model proposed in Section~\ref{sec:speaker}. The test set consists of $500$ male and $500$ female speakers randomly selected from the \emph{Fisher} database. There is no overlap between the speakers of the training set and the evaluation set. For each speaker, $10$ utterances (about $30$ seconds in total) are used for enrollment and the rest for test. There are $72,989$ utterances for evaluation in total. \textbf{AER database}: The \emph{CHEAVD} database~\cite{bao2014building} was used to train the AER systems. This database was selected from Chinese movies and TV programs and used as the standard database for the multimodal emotion recognition challenge (MEC 2016)~\cite{li2016mec}. There are $8$ emotions in total: Happy, Angry, Surprise, Disgust, Neutral, Worried, Anxious and Sad. The training set contains $2,224$ utterances and the evaluation set contains $628$ utterances. Note that WSJ and CHEAVD datasets are in 16kHz sampling rate, while the Fisher corpus is in 8kHz format. All the 16kHz speech signals were down-sampled to 8kHz to ensure data consistency. \subsection{ASR baseline} We first build a DNN-based ASR system using the WSJ database. This system will be used to produce the linguistic factor in the following CDF experiments. The Kaldi toolkit~\cite{povey2011kaldi} is used to train the DNN model, following the Kaldi WSJ s5 nnet recipe. The DNN structure consists of $4$ hidden layers, each containing $1,024$ units. The input feature is Fbanks, and the output layer discriminates $3,383$ GMM pdfs. With the official 3-gram language model, the word error rate (WER) of this system is $9.16$\%. The linguistic factor is represented by $42$-dimensional phone posteriors, derived from the output of the ASR DNN. \subsection{Speaker factor learning} In this section, we experiment with DNN structure proposed in Section~\ref{sec:speaker} to learn speaker factors. Two models are investigated: one follows the architecture shown in Figure~\ref{fig:ctdnn}, where only the raw features (Fbank) comprise the input; the other model uses both the raw features \emph{and} the linguistic factors produced by the ASR system. Put it in another way, the first model is trained by IDF, while the second model is trained by CDF. The Fisher database is used to train the model. The 40-dimensional frame-level speaker factors are read out from the last hidden layer of the DNN structure. \textbf{Visualization} The discriminative capability of the speaker factor can also be examined by projecting the feature vectors to a 2-dimensional space using t-SNE~\cite{saaten2008}. We select $20$ speakers and draw the frame-level speaker factors of an utterance for each speaker. The results are presented in Figure~\ref{fig:tsne} where plot (a) draws the factors generated by the IDF model, and (b) draws the factors generated by the CDF model. It can be seen that the learned speaker factors are very discriminative, and involving the linguistic factor by CDF indeed reduces the within-speaker variation. \begin{figure}[htb] \centering \includegraphics[width=0.8\linewidth]{fig/200-cont.pdf} \caption{Frame-level speaker factors produced by (a) IDF DNN and (b) CDF DNN and plotted by t-SNE, with each color representing a speaker.} \label{fig:tsne} \end{figure} \textbf{SRE performance} The quality of the speaker factors can be also evaluated by various speaker recognition tasks, i.e., speaker identification task or speaker verification task. In both tasks, the utterance-level speaker vector is derived by averaging the frame-level speaker factors. Following the convention of Ehsan et al~\cite{ehsan14}, the utterance-level representations derived from DNN are called \emph{d-vectors}, and accordingly the SRE system is called a \emph{d-vector system}. For comparison, an i-vector baseline is also constructed using the same database. The model is a typical linear Gaussian factorization model and it has been demonstrated to produce state-of-the-art performance in SRE~\cite{dehak2011front}. In our implementation, the UBM is composed of $2,048$ Gaussian components, and the dimensionality of the i-vector space is set to $400$. The system is trained following the Kaldi SRE08 recipe. We report the results on the identification task, though similar observations were obtained on the verification task. In the identification task, a matched speaker is identified given a test utterance. With the i-vector (d-vector) system, each enrolled speaker is represented by the i-vector (d-vector) of their enrolled speech, and the i-vector (d-vector) of the test speech is derived as well. The identification is then conducted by finding the speaker whose enrolled i-vector (d-vector) is nearest to that of the test speech. For the i-vector system, the popular PLDA model~\cite{Ioffe06} is used to measure the similarity between i-vectors; for the d-vector system, the simple cosine distance is used. The results in terms of the Top-1 identification rate (IDR) are shown in Table~\ref{tab:id-short}. In this table, `C(30-20f)' means the test condition where the enrollment speech is $30$ seconds, while the test speech is $20$ frames. Note that $20$ frames is just the length of the effective context window of the speaker DNN, so only a single speaker factor is used in this condition. From these results, it can be observed that the d-vector system performs much better than the i-vector baseline, particularly with very short speech segments. Comparing the IDF and CDF results, it can be seen that the CDF approach that involves phone knowledge as the conditional variable greatly improves the d-vector system in the short speech segment condition. Most strikingly, with only $20$ frames of speech (0.3 seconds), $47.63$\% speakers can be correctly identified from the $1,000$ candidates by the simple nearest neighbour search. This is a strong evidence that speaker traits are short-time spectral patterns and can be effectively learned at the frame level. \begin{table}[htb!] \begin{center} \caption{The \textbf{\emph{Top-1}} IDR(\%) results on the short-time speaker identification with the i-vector and two d-vector systems.} \label{tab:id-short} \begin{tabular}{|c|l|c|c|c|c|} \hline \multicolumn{2}{|c|}{} &\multicolumn{3}{c|}{IDR\%}\\ \hline Systems & Metric & S(30-20f) & S(30-50f) & S(30-100f) \\ \hline i-vector & PLDA & 5.72 & 27.77 & 55.06 \\ d-vector (IDF) & Cosine & 37.18 & 51.24 & \textbf{65.31} \\ d-vector (CDF) & Cosine & \textbf{47.63} & \textbf{57.72} & 64.45 \\ \hline \end{tabular} \end{center} \end{table} \subsection{Emotion recognition by CDF} In the previous experiment we have partially demonstrated the CDF approach with the speaker factor learning task. This section provides further evidence with an emotion recognition task. For that purpose, we first build a DNN-based AER baseline. The DNN model consists of $6$ time-delay hidden layers, each containing $200$ units. After each TD layer, a P-norm layer reduces the dimensionality from $200$ to $40$. The output layer comprises $8$ units, corresponding to the $8$ emotions in the database. This DNN model produces frame-level emotion posteriors. The utterance-level posteriors are obtained by averaging the frame-level posteriors, by which the utterance-level emotion decision is achieved. Three CDF configurations are investigated, according to which factor is used as the conditional: the linguistic factor (+ ling.), the speaker factor (+ spk.) and both (+ ling. \& spk.). The results are evaluated in two metrics: the identification accuracy (ACC) that is the ratio of the correct identification on all emotion categories; the macro average precision (MAP) that is the average of the ACC on each of the emotion category. The results on the training data are shown in Table~\ref{tab:cdf}, where the ACC and MAP values on both the frame-level (fr.) and the utterance-level (utt.) are reported. It can be seen that with the conditional factors involved, either the linguistic factor or the speaker factor, the ACC and MAP values are improved very significantly. The speaker factor seems provide more significant contribution, which can be attributed to the fact that the emotion style of different speakers could be largely different. With both the two factors involved, the AER performance is improved even further. This clearly demonstrates that with the conditional factors considered, the speech signal can be explained much better. \begin{table}[thb!] \caption{\label{tab:cdf}{Accuracy (ACC) and macro average precision (MAP) on the training set.}} \centerline{ \begin{tabular}{|l|c|c|c|c|c|} \hline Dataset & \multicolumn{4}{|c|}{Training set} \\ \hline & ACC\% (fr.) & MAP\% (fr.) & ACC\% (utt.) & MAP\% (utt.) \\ \hline Baseline & 74.19 & 61.67 & 92.27 & 83.08 \\ +ling. & 86.34 & 81.47 & 96.94 & 96.63 \\ +spk. & 92.56 & 90.55 & 97.75 & 97.16 \\ +ling. \& spk. & \textbf{94.59} & \textbf{92.98} & \textbf{98.02} & \textbf{97.34} \\ \hline \end{tabular} } \end{table} The results on the test data are shown in Table~\ref{tab:cdf-test}. Again, we observe a clear advantage with the CDF training. Note that involving the two factors does not improve the utterance-level results. This should be attributed to the fact that the DNN models are trained using frame-level data, so may be not fully consistent with the metric of the utterance-level test. Nevertheless, the superiority of the multiple conditional factors can be seen clearly from the frame-level metrics. \begin{table}[thb!] \caption{\label{tab:cdf-test}{Accuracy (ACC) and macro average precision (MAP) on the evaluation set.}} \centerline{ \begin{tabular}{|l|c|c|c|c|c|} \hline Dataset & \multicolumn{4}{|c|}{Evaluation set}\\ \hline & ACC\% (fr.) & MAP\% (fr.) & ACC\% (utt.) & MAP\% (utt.) \\ \hline Baseline & 23.39 & 21.08 & 28.98 & 24.95 \\ +ling. & 27.25 & 27.68 & \textbf{33.12} & \textbf{33.28} \\ +spk. & 27.18 & 28.99 & 32.01 & 32.62 \\ +ling. \& spk. & \textbf{27.32} & \textbf{29.42} & 32.17 & 32.29 \\ \hline \end{tabular} } \end{table} \subsection{Spectrum reconstruction} In the last experiment, we use the linguistic factor, speaker factor and emotion factor to reconstruct the original speech signal. The reconstruction model has been discussed in Section~\ref{sec:recovery} and shown in Figure~\ref{fig:recovery}. This model is trained using the CHEAVD database. Figure~\ref{fig:demo} shows the reconstruction of a test utterance in the CHEAVD database. It can be seen that these three factors can reconstruct the spectrum patterns extremely well. This re-confirms that the speech signal has been well factorized, and the convolutional reconstruction formula is mostly correct. Finally, the three component spectra (linguistic, speaker, and emotion) are highly interesting and all deserve extensive investigation. For example, the speaker spectrum may be a new voiceprint analysis tool and could be very useful for forensic applications. \begin{figure}[htb] \centering \includegraphics[width=1\linewidth]{fig/0599.pdf} \caption{An example of spectrum reconstruction from the linguistic, speaker and emotion factors.} \label{fig:demo} \end{figure} \section{Conclusions} This paper has presented a DNN model to learn short-time speaker traits and a cascaded deep factorization (CDF) approach to factorize speech signals into independent informative factors. Two interesting things were found: firstly speaker traits are indeed short-time spectral patterns and can be identified by deep learning from a very short speech segment; secondly speech signals can be well factorized at the frame level by the CDF approach. We also found that the speech spectrum can be largely reconstructed using deep neural models from the factors that have been inferred by CDF, confirming the correctness of the factorization. The successful factorization and reconstruction of speech signals has very important implications and can find broad applications. To mention several: it can be used to design very parsimonious speech codes, to change the speaker traits or emotion in speech synthesis or voice conversion, to remove background noise, to embed audio watermarks. All are highly interesting and are under investigation. \subsubsection*{Acknowledgments} Many thanks to Ravichander Vipperla from Nuance, UK for many valuable suggestions. \newpage \bibliographystyle{IEEEtran}
1472e76753b87c2ed734478ef8f0a07298bfe11a
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Chirality in magnetic systems appears due to the broken inversion symmetry of the crystal. Microscopically it stems from a relativistic exchange interaction between magnetic moments known as the Dzyaloshinsky--Moriya interaction\cite{Dzyaloshinsky,Moriya}. Originally introduced to account for the weak magnetic moment of some antiferromagnetic systems\cite{Dzyaloshinsky}, it has been demonstrated that this type of coupling gives rise to chiral spin structures ranging from domain walls\cite{Thiaville,Ryu} through spin spirals\cite{Bode,Meckler} to magnetic skyrmions\cite{Bogdanov,Muhlbauer,Yu2}. As Dzyaloshinsky--Moriya interaction results from spin-orbit interactions, it represents a substantial aspect of a new field of research called spin-orbitronics, with potential applications in future spintronic devices\cite{Allwood,Parkin,Fert}. Besides influencing static spin configurations, the Dzyaloshinsky--Moriya interaction also lends a chiral character to the magnetic excitations of the system, which are known as magnons or spin waves. In ferromagnetic systems, this is observable in the shift of the minimum of the parabolic spin wave dispersion relation away from the $\boldsymbol{k}=\boldsymbol{0}$ point, thereby lifting the energy degeneracy between magnons propagating in opposite directions\cite{Melcher,Udvardi}. Common experimental methods for determining this asymmetry include neutron scattering for bulk magnets\cite{Coldea,Sato}, and Brillouin light scattering\cite{Nembach,Belmeguenai}, spin-polarized electron energy loss\cite{Zakeri,Zakeri3,Zakeri2} and propagating spin wave spectroscopy\cite{Lee} for thin films. Recent theoretical investigations based on the micromagnetic model have proposed magnonic devices based on the chiral character of spin waves\cite{Garcia-Sanchez,WYu}. In spin glasses it has been demonstrated that the addition of nonmagnetic heavy metal impurities enhances the anisotropy field. This effect has also been attributed to the presence of the Dzyaloshinsky--Moriya interaction in connection with the noncollinear alignment of the spins in spin glasses\cite{Fert2,Levy}. The chiral interaction is also responsible for the canting of spins at the edges of nanomagnets, which also induces an anisotropy field competing with demagnetization effects\cite{Cubukcu}. However, the Dzyaloshinsky--Moriya interaction does not influence the orientation of the ground state in extended ferromagnetic systems\cite{Melcher,Udvardi}, since in this case all spins are parallel to each other. Significant research attention has been turned towards investigating phase transitions\cite{Muhlbauer,Yu2} and determining the lifetime of metastable spin structures\cite{Hagemeister,Oike,Rozsa2} in chiral systems at finite temperature. The microscopic background of such relaxation mechanisms is the thermal fluctuation of localized magnetic moments, leading to a reduced magnetization at higher temperature. Micromagnetic models rely on the approximation that the magnetization is only slowly varying over the sample, leading to an effective averaging of the magnetic moments over small volumes. During this averaging, it is necessary to take into account the temperature dependence of the magnetization as well as that of the effective interaction parameters. These effective interaction parameters are crucial for understanding phase transitions and lifetimes of metastable states. Notably, dynamic properties can be calculated through finite-temperature approaches such as the Landau--Lifshitz--Bloch equation\cite{Chubykalo-Fesenko,Atxitia2} that fundamentally rely on temperature-dependent micromagnetic parameters. Such approaches are especially important in the emerging field of spin caloritronics, concerning the interplay between spin, charge and heat degrees of freedom. It has been established that domain wall motion in ferromagnets\cite{Schlickeiser} and antiferromagnets\cite{Selzer} under thermal gradients is dominated by the so-called entropic torque, defined by the temperature derivative of the Heisenberg exchange stiffness. It is expected that further dynamical effects appear in the presence of the Dzyaloshinsky--Moriya interaction. For instance, in the field of ultrafast spin dynamics the emergence of metastable magnetic textures was demonstrated, such as vortex-antivortex pairs in Fe thin films\cite{Eggebrecht} or skyrmions in thin TbFeCo films\cite{Finazzi}. Therefore, it is important to develop theoretical methods for the calculation of effective temperature-dependent parameters. Analytical results for specific types of interaction parameters are available in the literature, usually given as a power law of the magnetization $m^{\kappa}$. The most well-known example is the $\kappa=l(l+1)/2$ power law for $l$th order magnetic anisotropy\cite{Callen2}, although deviations from this behavior can also be found in certain systems\cite{Okamoto,Asselin}. For the Heisenberg exchange interaction, most applications use the result of mean-field theory\cite{Nembach}, where it scales with the second power of the magnetization $m^{2}$; however, it has been demonstrated that corrections to this approximation are necessary in most systems\cite{Heider,Atxitia}. In comparison, the temperature dependence of the Dzyaloshinsky--Moriya interaction seems to be less explored, and the implicit estimations provided so far do not fully agree with each other. For instance, in Ref.~\cite{Barker} it was concluded that the temperature dependence of the size of antiferromagnetic skyrmions may be described by an expression containing temperature-independent Dzyaloshinsky--Moriya interactions. In contrast, a significant softening of the chiral interaction was reported for ultrathin ferromagnetic films in Ref.~\cite{Kim}. In Ref.~\cite{Hasselberg}, it was found that the wavelength of spin spirals, proportional to the ratio between the Heisenberg and Dzyaloshinsky--Moriya interactions, is independent of the temperature, implying a similar temperature scaling for the two terms. The independence of the period of noncollinear order on the temperature has also been demonstrated experimentally in several systems\cite{Sonntag,Sessi,Bergmann,Shibata}. Solving this kind of apparent discrepancy requires theoretical methods that directly provide the temperature scaling of both Heisenberg and Dzyaloshinsky--Moriya micromagnetic exchange interactions. Preliminary results along this line were provided in Ref.~\cite{Rozsa}, where the spin wave spectrum was calculated for a ferromagnetic monolayer containing Dzyaloshinsky--Moriya interaction, and the softening of the frequencies at low temperature was described by linear spin wave theory. Green's function theory in statistical mechanics\cite{Callen} provides a more robust theoretical framework for the description of thermal spin fluctuations and the finite-temperature spin wave spectrum over wide temperature ranges in both quantum and classical systems\cite{Bastardis,Campana}. Originally developed for the determination of the temperature scaling of the magnetization, the method was naturally extended for calculating effective temperature-dependent interaction parameters\cite{Nakamura,Bastardis}. The application of Green's function theory to the Dzyaloshinsky--Moriya interaction\cite{You,Cho} so far has been restricted to the random phase approximation\cite{Tyablikov}, which neglects the corrections appearing due to correlations between the spins\cite{Atxitia,Bastardis}. In this paper, we investigate the temperature dependence of the Dzyaloshinsky--Moriya interaction in a ferromagnet. Using Callen's formulation of Green's function theory\cite{Callen}, we find significant corrections to mean-field theory or random phase approximation due to transversal spin fluctuations. These corrections assume very similar form for the Heisenberg and Dzyaloshinsky--Moriya interactions, in agreement with the microscopic description which derives the two quantities from the same principle\cite{Moriya,Fert2,Nembach}. Furthermore, we demonstrate that the Dzyaloshinsky--Moriya interaction induces an anisotropy-like term which increases the spin wave frequency at zero wave vector, an effect which is only observable at finite temperature in ferromagnets. By comparing the results to Monte Carlo simulations, we demonstrate that the theory successfully accounts for most of the fluctuation corrections. \section{Finite-temperature spin wave spectrum\label{sec2}} \subsection{Green's function theory} For the description of the magnetic system, we introduce the classical atomistic spin Hamiltonian \begin{eqnarray} H=&&-\frac{1}{2}\sum_{i,j}J_{ij}\boldsymbol{S}_{i}\boldsymbol{S}_{j}-\frac{1}{2}\sum_{i,j}\boldsymbol{D}_{ij}\left(\boldsymbol{S}_{i}\times\boldsymbol{S}_{j}\right)\nonumber \\ &&-\sum_{i}K^{zz}\left(S_{i}^{z}\right)^{2}-\mu_{s}\sum_{i}B^{z}S_{i}^{z}.\label{eqn1} \end{eqnarray} Here the $\boldsymbol{S}_{i}$ variables denote unit vectors, $J_{ij}$ is the Heisenberg exchange interaction between atoms at sites $i$ and $j$, $\boldsymbol{D}_{ij}$ is the Dzyaloshinsky--Moriya vector, $K^{zz}$ is the single-ion magnetocrystalline anisotropy, $\mu_{s}$ is the magnetic moment, and $B^{z}$ is the external magnetic field. The number of spins in the lattice will be denoted by $N$. We will assume that the ground state of the system is ferromagnetic along the $z$ direction. The interaction coefficients in Eq.~(\ref{eqn1}) are determined by microscopic electronic processes such as the overlap between wave functions (direct exchange) or hopping processes (superexchange\cite{Anderson,Moriya}). In a multiscale description\cite{Atxitia}, the coefficients in Eq.~(\ref{eqn1}) may be determined from \textit{ab initio} calculations. It is not possible to consider the interplay between the noncollinear spin arrangement and the electronic structure\cite{Szilva} in the simple model presented here; therefore, we will suppose that $J_{ij},\boldsymbol{D}_{ij},K^{zz}$ are independent of temperature on the scale where magnetic ordering occurs. For calculating the spectrum of spin wave excitations at finite temperature, we will use the classical Green's function formalism\cite{Callen,Bastardis}, which results in a set of self-consistency equations. For their derivation see Appendix~\ref{secS1}. The spin wave spectrum in Fourier space $\boldsymbol{k}$ reads \begin{eqnarray} \omega_{\boldsymbol{k}}\left(T\right)=\frac{\gamma}{\mu_{s}}\left(\mathcal{J}_{\boldsymbol{0}}-\mathcal{J}_{\boldsymbol{k}}-\textrm{i}\mathcal{D}_{\boldsymbol{k}}+2\mathcal{K}^{zz}+\mu_{s}B^{z}\right),\label{eqn9} \end{eqnarray} with $\gamma=\frac{ge}{2m_{e}}$ the electron's gyromagnetic ratio, and effective temperature-dependent interaction parameters $\mathcal{J}_{\boldsymbol{k}},\mathcal{D}_{\boldsymbol{k}},\mathcal{K}^{zz}$. The correspondence between these parameters and the interaction coefficients in the atomistic Hamiltonian Eq.~(\ref{eqn1}) is given by \begin{align} \mathcal{J}_{ij}=&mJ_{ij}+\frac{m}{2}J_{ij}\textrm{Re}\left<S_{j}^{+}S_{i}^{-}\right>,\label{eqn10} \\ \mathcal{D}_{ij}=&mD_{ij}+\frac{m}{2} J_{ij}\textrm{Im}\left<S_{j}^{+}S_{i}^{-}\right>,\label{eqn11} \\ \mathcal{K}^{zz}=&K^{zz}\left(m-\frac{m}{2}\left<S_{i}^{+}S_{i}^{-}\right>\right)+\frac{m}{4}\sum_{j}D_{ij}\textrm{Im}\left<S_{j}^{+}S_{i}^{-}\right>,\label{eqn12} \end{align} where $D_{ij}$ denotes the $z$ component of the Dzyaloshinsky--Moriya vectors $\boldsymbol{D}_{ij}$. Equations (\ref{eqn9})-(\ref{eqn12}) must be solved self-consistently together with the temperature scaling of the magnetization \begin{eqnarray} m=\left<S^{z}\right>=\coth\frac{1}{\Phi}-\Phi,\label{eqn13} \end{eqnarray} where \begin{eqnarray} \Phi=\frac{1}{N}\sum_{\boldsymbol{k}}\frac{\gamma}{\mu_s}\frac{k_{\textrm{B}}T}{\omega_{\boldsymbol{k}}}.\label{eqn14} \end{eqnarray} The transversal correlation function is given by \begin{eqnarray} \left<S^{-}_{\boldsymbol{k}}S^{+}_{-\boldsymbol{k}}\right>=\frac{2m}{N}\frac{\gamma}{\mu_s}\frac{k_{\textrm{B}}T}{\omega_{\boldsymbol{k}}}.\label{eqn15} \end{eqnarray} Following the multiscale description, Eqs.~(\ref{eqn10})-(\ref{eqn12}) will be used to determine the temperature-dependent interaction parameters in a micromagnetic model, which is based on a continuum free energy functional. For simplicity, here we will only consider spin modulations along the $x$ direction which is perpendicular to the magnetization; a generalization to more spatial dimensions can be found in Appendix~\ref{secS2}. The free energy density is given by \begin{align} f=\sum_{\alpha}\mathscr{A}\left(\partial_{x}S^{\alpha}\right)^{2}+\mathscr{D}L\left(\boldsymbol{S}\right) -\mathscr{K}^{zz}\left(S^{z}\right)^{2}-\mathscr{M}B^{z}S^{z},\label{eqn16} \end{align} where $\boldsymbol{S}$ denotes the unit length spin vector field, \begin{eqnarray} L\left(\boldsymbol{S}\right)=S^{z}\partial_{x}S^{x}-S^{x}\partial_{x}S^{z}\label{eqn16a} \end{eqnarray} is the linear Lifshitz invariant\cite{Dzyaloshinsky}, and $\mathscr{A}, \mathscr{D}, \mathscr{K}^{zz}$ are the micromagnetic effective Heisenberg exchange, Dzyaloshinsky--Moriya interaction, and anisotropy, respectively. The magnetization density reads \begin{eqnarray} \mathscr{M}(T)=\frac{\mu_{s}}{\upsilon_{\textrm{\tiny WS}}} m(T),\label{eqn17} \end{eqnarray} where $\upsilon_{\textrm{\tiny WS}}$ is the Wigner--Seitz volume occupied by a single atom in the lattice. Unlike the $J_{ij},D_{ij},K^{zz},$ and $\mu_{s}$ parameters in the atomistic model, the $\mathscr{A},\mathscr{D},\mathscr{K}^{zz},\mathscr{M}$ coefficients appearing in the micromagnetic model are temperature-dependent. Their importance lies in the fact that they are directly related to experimentally observable quantities such as the macroscopic magnetization, the domain wall width ($\delta\propto\sqrt{\mathscr{A}/\mathscr{K}^{zz}}$), skyrmion radius, or spin spiral wavelength. Furthermore, in the presence of temperature gradients it has been shown that analytical expressions for thermomagnonic torques can be directly derived from the temperature dependence of the micromagnetic Heisenberg exchange\cite{Schlickeiser,Selzer}. Several methods have been proposed for connecting the atomistic and micromagnetic parameters. For instance, $\mathscr{A}$ and $\mathscr{K}^{zz}$ can be calculated via the temperature dependence of the domain wall width and free energy in an implicit way\cite{Atxitia}. In this paper, we connect the quantities by comparing the spin wave spectrum obtained from the two approaches. For spin waves propagating along the $x$ direction, expanding Eq.~(\ref{eqn9}) for long wavelengths (small $\boldsymbol{k}$) yields the correspondence \begin{eqnarray} \mathscr{A}&=&\frac{1}{4}\frac{m}{\upsilon_{\textrm{\tiny WS}}}\sum_{\boldsymbol{R}_{i}-\boldsymbol{R}_{j}}\mathcal{J}_{ij}\left(x_{j}-x_{i}\right)^{2},\label{eqn19} \\ \mathscr{D}&=&-\frac{m}{2\upsilon_{\textrm{\tiny WS}}}\sum_{\boldsymbol{R}_{i}-\boldsymbol{R}_{j}}\mathcal{D}_{ij}\left(x_{j}-x_{i}\right),\label{eqn20} \\ \mathscr{K}^{zz}&=&\frac{m}{\upsilon_{\textrm{\tiny WS}}}\mathcal{K}^{zz},\label{eqn21} \end{eqnarray} where $\boldsymbol{R}_{i}=(x_{i},y_{i},z_{i})$ stands for the position of the spin $i$ in the lattice. Thus, $\left(x_{j}-x_{i}\right)$ corresponds to the distance between the spins $i$ and $j$ along the $x$ axis. \subsection{Discussion} Equations (\ref{eqn10})-(\ref{eqn12}) together with (\ref{eqn19})-(\ref{eqn21}) constitute the main results of this paper. Using these expressions, it is possible to directly connect first principles calculations to micromagnetic models in a multiscale approach. This procedure may enable bypassing time-consuming atomistic spin model simulations for the determination of micromagnetic parameters. The calculations may also be generalized to quantum spins, which modifies the expressions Eqs.~(\ref{eqn13})-(\ref{eqn15}) for the self-consistency by accounting for quantum statistics\cite{Callen} instead of the classical statistical limit considered here, but leaves Eqs.~(\ref{eqn10})-(\ref{eqn12}) for the effective parameters essentially unchanged. The accuracy of Eqs.~(\ref{eqn10})-(\ref{eqn12}) is determined by the fluctuation corrections, which were first suggested to be included by Callen\cite{Callen}, with the appropriate classical limit given in Refs.~\cite{Bastardis,Campana}. This is encapsulated in the terms proportional to the transversal correlation function $\left<S_{j}^{+}S_{i}^{-}\right>$. Without this term, one would obtain $\mathscr{A},\mathscr{D},\mathscr{K}^{zz}\propto m^{2}$ in the micromagnetic description, corresponding to the random phase approximation\cite{Tyablikov} in the language of Green's functions. Neglecting the fluctuations may also be interpreted as a mean-field approximation\cite{Atxitia}. In the case of the single-ion anisotropy, it is long known that the correlation corrections play an important role; at low temperature, they modify the magnetization dependence of the micromagnetic anisotropy coefficient from $\mathscr{K}^{zz}\propto m^{2}$ to $\mathscr{K}^{zz}\propto m^{3}$\cite{Callen2}, a significantly faster decrease than in the random phase approximation. For the Heisenberg exchange interaction, the correlation correction has an opposite sign (cf. Eqs. (\ref{eqn10}) and (\ref{eqn12})), which leads to a slower decrease of the parameter $\mathscr{A}$ with temperature compared to the prediction of the random phase approximation. If the magnetization dependence of the exchange stiffness is expressed in the form of a power law $\mathscr{A}\propto m^{\kappa_{\mathscr{A}}}$ at low temperature, this yields $\kappa_{\mathscr{A}}<2$. As discussed in Ref.~\cite{Atxitia}, the exact value of the exponent depends on the system parameters, in particular the number of neighbors considered and the strength of the anisotropy. Note that Eqs.~(\ref{eqn10})-(\ref{eqn12}) describe the temperature dependence of the effective interaction coefficients for arbitrary pairs of atoms\cite{Swendsen}; since the correlation function $\left<S_{j}^{+}S_{i}^{-}\right>$ decays for further neighbors, the random phase approximation gives a better prediction in this case. Furthermore, the correlations decrease faster if the correlation length $\xi$ is smaller, which is directly connected to the spin wave frequency at zero wave vector by $\xi^{-2}\propto\omega_{\boldsymbol{0}}=\frac{\gamma}{\mu_{s}}\left(2\mathcal{K}^{zz}+\mu_{s}B^{z}\right)$. The correlation length is expected to play an especially important role in two-dimensional systems, where the fluctuations destroy long-range order at finite temperature in the absence of the spin wave gap\cite{Mermin}. For the Dzyaloshinsky--Moriya interaction, Eqs.~(\ref{eqn10})-(\ref{eqn11}) demonstrate that the correlation correction has the same sign as in the case of the Heisenberg exchange interaction. Regarding the magnitude of the corrections in Eqs.~(\ref{eqn10})-(\ref{eqn11}), note that the correlation function $\textrm{Im}\left<S_{j}^{+}S_{i}^{-}\right>=\left<\left(\boldsymbol{S}_{j}\times\boldsymbol{S}_{i}\right)^{z}\right>$ appears as a coefficient of the Dzyaloshinsky--Moriya interaction in the Hamiltonian Eq.~(\ref{eqn1}), while $\textrm{Re}\left<S_{j}^{+}S_{i}^{-}\right>=\left<S_{j}^{x}S_{i}^{x}+S_{j}^{y}S_{i}^{y}\right>$ is connected to the Heisenberg interaction. Therefore, it is expected that the ratio of the real and imaginary parts of the correlation function follow the ratio of the interaction coefficients which they are attributed to, \begin{eqnarray} \frac{D_{ij}}{J_{ij}}\approx\frac{\textrm{Im}\left<S_{j}^{+}S_{i}^{-}\right>}{\textrm{Re}\left<S_{j}^{+}S_{i}^{-}\right>}.\label{eqn21a} \end{eqnarray} Substituting Eq.~(\ref{eqn21a}) into Eqs.~(\ref{eqn10})-(\ref{eqn11}) yields a very similar temperature dependence for $\mathscr{A}$ and $\mathscr{D}$. This is in agreement with the observation that the wavelength of spin spirals ($\lambda\propto\mathscr{A}/\mathscr{D}$) is practically independent of the temperature\cite{Hasselberg}. Finally, the Dzyaloshinsky--Moriya interaction also influences the temperature dependence of the anisotropy term $\mathscr{K}^{zz}$ as shown in Eq.~(\ref{eqn12}). This is surprising because it is known that the Dzyaloshinsky--Moriya interaction does not influence the spin wave spectrum of ferromagnetic systems at $\boldsymbol{k}=\boldsymbol{0}$ at zero temperature, it only induces an asymmetry between $\boldsymbol{k}$ and $-\boldsymbol{k}$\cite{Udvardi}. Since the system gains energy from the Dzyaloshinsky--Moriya interaction in Eq.~(\ref{eqn1}) if $D_{ij}\textrm{Im}\left<S_{j}^{+}S_{i}^{-}\right>$ is positive, the anisotropy term induced by the Dzyaloshinsky--Moriya interaction always has a positive sign and increases at low temperature with the fluctuations. This is contrary to the temperature dependence of the single-ion anisotropy, which always decreases ($\mathscr{K}^{zz}\propto m^{3}$ at low temperature). While all the spins are parallel in the ferromagnetic ground state, at finite temperature the spins are fluctuating, and the Dzyaloshinsky--Moriya interaction opens a finite average angle $\textrm{Im}\left<S_{j}^{+}S_{i}^{-}\right>\propto\sin\vartheta$ between them, which induces an anisotropy term in the spin wave spectrum. An analogy can be drawn between the correlated random fluctuations of the spins and the similar anisotropy effect observed in spin glasses\cite{Fert2}, where the finite average angle between the spins appears because of the random relative positions of the magnetic atoms and nonmagnetic impurities\cite{Levy} \section{Comparison to Monte Carlo simulations\label{sec3}} \begin{figure} \centering \begin{tikzpicture} \foreach \x in {-2,0,2} { \foreach \y in {-2,0,2} { \node at (\x,\y) [draw,circle,minimum size = 20] {}; \draw[black,-{Latex[length=5]}] (\x,\y)+(180+5*\y:0.3) -- +(0+5*\y:0.3); } } \draw[red,-{Latex[length=10]},very thick] (1,0.5) -- (1,-0.5) node[below] {$\boldsymbol{D}_{ij}$}; \draw[red,-{Latex[length=10]},very thick] (-1,-0.5) -- (-1,0.5) node[above] {$\boldsymbol{D}_{ij}$}; \draw[red,-{Latex[length=10]},very thick] (0.5,-1) -- (-0.5,-1) node[left] {$\boldsymbol{D}_{ij}$}; \draw[red,-{Latex[length=10]},very thick] (-0.5,1) -- (0.5,1) node[right] {$\boldsymbol{D}_{ij}$}; \draw[black,{Stealth[length=5]}-{Stealth[length=5]},thick] (-2,-2) -- node[right] {$a$} (-2,0) ; \draw[blue,dashed,thick] (-2,0) -- node[above left] {$J$} (0,0) ; \draw[blue,dashed,thick] (0,0) -- node[above right] {$J$} (2,0) ; \draw[blue,dashed,thick] (0,-2) -- node[below right] {$J$} (0,0) ; \draw[blue,dashed,thick] (0,0) -- node[above left] {$J$} (0,2) ; \draw[black,-{Latex[length=10]}, very thick] (2.5,1) -- node[below] {$\boldsymbol{B}$} (3.5,1) ; \draw[black,-{Stealth[length=5]},thick] (2.5,-1.5) -- (3.5,-1.5) node[above] {$z$}; \draw[black,-{Stealth[length=5]},thick] (2.5,-1.5) -- (2.5,-0.5) node[right] {$x$}; \end{tikzpicture} \caption{Sketch of the square lattice and the interaction parameters used for the calculations and the Monte Carlo simulations. The considered spin waves are propagating along the $x$ direction.\label{fig1}} \end{figure} In order to illustrate the theory outlined above for obtaining the effective temperature-dependent interaction coefficients Eqs.~(\ref{eqn10})-(\ref{eqn12}), as a model system we considered a square lattice, representing a magnetic monolayer on a cubic $(001)$ surface. We chose an ultrathin magnetic film in order to examine the pronounced role of the spin fluctuations, and because such systems play an important role in suggested applications based on the Dzyaloshinsky--Moriya interaction\cite{Fert,Garcia-Sanchez}. As displayed in Fig.~\ref{fig1}, we used only nearest-neighbor Heisenberg $J$ and Dzyaloshinsky--Moriya $D$ interactions, with the Dzyaloshinsky--Moriya vectors pointing perpendicular to the lattice vectors due to the $C_{4\textrm{v}}$ symmetry of the system. The second-order single-ion anisotropy in Eq.~(\ref{eqn1}) can only describe an out-of-plane easy axis or an easy plane in the considered system by symmetry, and this term was neglected to simplify the calculations. We applied an in-plane magnetic field $\boldsymbol{B}$ along the $z$ direction to force the system in an in-plane ferromagnetic state and calculated the spin wave frequencies with propagation vectors along the perpendicular $x$ direction. This is a standard procedure for the experimental determination of the Dzyaloshinsky--Moriya interaction in ultrathin films, for example see Refs.~\cite{Zakeri,Nembach,Belmeguenai}. In the present case, the spin wave spectrum Eq.~(\ref{eqn9}) along the $x$ direction may be expressed as \begin{eqnarray} \frac{\mu_{s}}{\gamma}\omega_{\boldsymbol{k}}\left(T\right)=&&2\mathcal{J}\left(1-\cos\left(k^{x}a\right)\right)+2\mathcal{D}\sin\left(k^{x}a\right)\nonumber \\ &&+2\mathcal{K}^{zz}+\mu_{s}B^{z},\label{eqn22} \end{eqnarray} with the connection to the atomistic parameters $J$ and $D$ as defined in Eqs.~(\ref{eqn10})-(\ref{eqn12}). Importantly, the anisotropy term $\mathcal{K}^{zz}$ is only induced by the presence of thermal fluctuations and the Dzyaloshinsky--Moriya interactions. In the considered system with only nearest-neighbor interactions, the ratio $\mathcal{D}/\mathcal{J}$ is independent of the temperature, emphasizing the strong analogy between the Heisenberg and Dzyaloshinsky--Moriya exchange interactions. For a proof see Appendix~\ref{secS3}. For checking the accuracy of the theoretical model, we performed Monte Carlo simulations on an $N=64\times64$ lattice. For the details of the simulations see Appendix~\ref{secS4}. The simulations converge to the thermal equilibrium of the system described by the Hamiltonian Eq.~(\ref{eqn1}), and include all higher-order correlation functions neglected in the model. The spin wave frequencies may be expressed by rewriting Eq.~(\ref{eqn15}) in the form \begin{eqnarray} \omega_{\boldsymbol{k}}\left(T\right)=\frac{\gamma}{\mu_{s}}k_{\textrm{B}}T\frac{2m}{N\left<S^{-}_{\boldsymbol{k}}S^{+}_{-\boldsymbol{k}}\right>},\label{eqn27} \end{eqnarray} where the right-hand side contains only expectation values in thermal equilibrium, which can be calculated from Monte Carlo simulations. The softening of the spin wave frequencies with temperature and the comparison to the theoretical model is illustrated in Fig.~\ref{figS1}. \begin{figure} \centering \includegraphics[width=\columnwidth]{fig2.eps} \caption{Calculated spin wave spectrum from the Monte Carlo simulations (MC) and from Green's function theory in Callen's formulation (CGF). The dimensionless interaction parameters are $J=1, D=-0.2, B^{z}=0.1, \mu_{s}=1$ \label{figS1}} \end{figure} \begin{figure} \centering \includegraphics[width=\columnwidth]{fig3.eps} \caption Fluctuation corrections to the effective temperature-dependent coefficients as a function of magnetization: comparison between the results of Monte Carlo simulations (MC) and Green's function theory in Callen's formulation (CGF). These corrections are not included in the random phase approximation (RPA). The theoretical models give the same prediction for the Heisenberg and Dzyaloshinsky--Moriya terms. The error bars indicate the uncertainty of the fitting parameters. The dimensionless interaction parameters are $J=1, D=-0.2, B^{z}=0.1, \mu_{s}=1$.\label{fig2}} \end{figure} After obtaining the spin wave frequencies, an expression of the form of Eq.~(\ref{eqn22}) was fitted to the dispersion relation to obtain the effective finite-temperature coupling coefficients. The results of the Monte Carlo simulations are compared to the theoretical predictions in Fig.~\ref{fig2}. The fluctuation corrections can modify the interactions significantly, by almost 10\% of their zero-temperature value at maximum. The deviation from the result of the random phase approximation or mean-field model due to spin correlations is most pronounced at low temperature. Including the correlation corrections using Green's function theory in Callen's formulation as discussed above gives reasonable quantitative agreement with the simulation results over the whole range in magnetization, while higher-order corrections are less significant. The simulations also confirm that the temperature dependence of the Heisenberg and Dzyaloshinsky--Moriya interactions is very similar; the two functions completely coincide in the theoretical model as discussed above. For a quantitative comparison between theory and simulations, we transformed the temperature-dependent coefficients to the corresponding quantities in the micromagnetic model -- see Eqs.~(\ref{eqn19})-(\ref{eqn20}) --, and fitted power functions of the form $\mathscr{A},\mathscr{D}\propto m^{\kappa_{\mathscr{A},\mathscr{D}}}$ to the data in the range $0.9\le m\le1.0$. In the case of the simulation results, we obtain $\kappa_{\mathscr{A}}=\kappa_{\mathscr{D}}=1.54$ (the values agree within the given precision), Green's function theory in Callen's formulation yields $\kappa_{\textrm{\tiny CGF}}=1.57$, while the random phase approximation leads to the well-known mean-field result $\kappa_{\textrm{\tiny RPA}}=2$. Exponents between $1.66$ and $1.76$ were calculated for the temperature-dependence of the Heisenberg exchange stiffness of three-dimensional magnets in Ref.~\cite{Atxitia}, indicating that the fluctuation corrections play an even more pronounced role in the presently considered two-dimensional ultrathin film. Note that as the magnetization decreases with increasing temperature, the correlation corrections also tend to zero, and the mean-field exponent $\kappa=2$ is recovered both from simulations and theory. \begin{figure} \centering \includegraphics[width=\columnwidth]{fig4.eps} \caption{Energy of the spin wave at wave vector $\boldsymbol{k}=\boldsymbol{0}$ as a function of magnetization: comparison between results of Monte Carlo simulations (MC), Green's function theory in Callen's formulation (CGF) and in the random phase approximation (RPA). The dimensionless interaction parameters are $J=1, D=-0.2, B^{x}=0.1, \mu_{s}=1$.\label{fig3}} \end{figure} Another important prediction of the theoretical model is the anisotropy term induced by the Dzyaloshinsky--Moriya interaction at finite temperature. This can be visualized by calculating the frequency of the spin wave with zero wave vector, $\frac{\mu_{s}}{\gamma}\omega_{\boldsymbol{0}}=2\mathcal{K}^{zz}+\mu_{s}B$, as shown in Fig.~\ref{fig3}. In the considered system, for the induced anisotropy Green's function theory predicts \begin{eqnarray} \mathcal{K}^{zz}=\frac{D^{2}}{J}\left(\frac{\mathcal{J}}{J}-m\right).\label{eqn27a} \end{eqnarray} The energy gain from spin canting $D^{2}/J$ is generally several percents of the Heisenberg exchange $J$ in ultrathin films, and the fluctuation corrections can almost reach a maximum of 10\% as shown in Fig.~\ref{fig2}. Since the typical strength of the Heisenberg exchange is on the order of $10\,\textrm{meV}$, the maximum of the induced anisotropy may be on the order of $0.1\,\textrm{meV}$, which is comparable in magnitude to the demagnetization anisotropy induced by dipolar interactions in ferromagnetic monolayers -- for typical parameter values obtained from \textit{ab initio} calculations see e.g. Ref.~\cite{Vida}. \section{Summary} In summary, we established a connection between the temperature-independent atomistic interaction parameters $J_{ij},\boldsymbol{D}_{ij},K^{zz}$ in Eq.~(\ref{eqn1}) and the effective temperature-dependent micromagnetic interaction parameters $\mathscr{A},\mathscr{D},\mathscr{K}^{zz}$ in Eq.~(\ref{eqn16}) by calculating the spin wave spectrum. In the atomistic calculations, we relied on the classical version of the Green's function formalism as formulated in Ref.~\cite{Callen}. By comparing the theoretical calculations to Monte Carlo simulations, we demonstrated on a simple model system that the method describes the finite-temperature corrections due to spin fluctuations with a high precision, while the well-known mean-field or random phase approximation gives significantly less accurate results. The correlation corrections for the Heisenberg and Dzyaloshinsky--Moriya exchange interactions are very similar and are determined by the spatial decay of the transversal spin correlation function, while the single-ion anisotropy term must be treated differently. We also showed that the presence of the Dzyaloshinsky--Moriya interaction can give rise to an additional anisotropy accompanied by an increasing spin wave frequency at zero wave vector with increasing temperature, although it does not modify it at zero temperature. This effect can be attributed to the Dzyaloshinsky--Moriya interactions in connection with the finite angle between the fluctuating transversal spin components of the spins. Overall, it can be concluded that the method presented here may be used for the determination of temperature-dependent micromagnetic interaction parameters in multiscale models, possibly circumventing time-consuming atomistic spin dynamics simulations. Due to the simple form of Eqs.~(\ref{eqn10})-(\ref{eqn12}), the close analogy with quantum spin models, the fact that the expressions do not explicitly rely on the symmetry or dimension of the system, and the possible generalization to other types of magnetic order, it is expected that the results presented in this paper may motivate further studies for the determination of temperature-dependent micromagnetic parameters in magnetic materials. \begin{acknowledgments} The authors would like to thank Rocio Yanes for enlightening discussions. Financial support for this work was provided by the Deutsche Forschungsgemeinschaft via SFB 767, SFB 668, and the Priority Program SpinCaT, and by the National Research, Development and Innovation Office of Hungary under project No. K115575. \end{acknowledgments}
fa36f5ec9d7d97ed27487cdc886130d343a6265f
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The problem of signal recovery (up to a global phase) from phaseless STFT measurements appears in many audio engineering and imaging applications. Our principal motivation here, however, is ptychographic imaging (see, e.g., \cite{rodenburg2007transmission,marchesini2016alternating}) in the 1-D setting where a compactly supported specimen, $f:\mathbb{R}\rightarrow\mathbb{C}$, is scanned by a focused illuminating beam $g:\mathbb{R}\rightarrow\mathbb{C}$ which translates across the specimen in fixed overlapping shifts $l_{1},\dots,l_{K}\in\mathbb{R}$. At each such shift of the beam (or, equivalently, the specimen) a phaseless diffraction image is then sampled in bulk by a detector. Due to the underlying physics the collected measurements are then modeled as sampled STFT magnitude measurements of $f$ of the form \begin{equation} b_{k,j}:=\left|\int_{-\infty}^{\infty}\!\!\!f\left(t\right)g\left(t-l_{k}\right)e^{-2\pi i\omega_{j}t}dt\right|^{2}\label{equ:ContMeasurements} \end{equation} for a finite set of $KN$ shift and frequency pairs $(l_{k},\omega_{j})\in\{l_{1},\dots,l_{K}\}\times\{\omega_{1},\dots,\omega_{N}\}$. Our objective is to approximate $f$ (up to a global phase) using these $b_{k,j}$ measurements. There has been a good deal of work on signal recovery from phaseless STFT measurements in the last couple of years in the \textit{discrete setting}, where $f$ and $g$ are modeled as vectors ab initio, and then recovered from discrete STFT magnitude measurements. In this setting many related recovery techniques have been considered including iterative methods along the lines of Griffin and Lim \cite{nawab1983signal,sturmel2011signal} and alternating projections \cite{marchesini2016alternating}, graph theoretic methods for Gabor frames based on polarization \cite{salanevich2015polarization,pfander2016robust}, and semidefinite relaxation-based methods \cite{jaganathan2016stft}, among others \cite{eldar2015sparse,bendory2016non,iwen2016fast,robustPR}. Herein we will instead consider the approximate recovery of $f$ (as a compactly supported function) from samples of its continuous STFT magnitude measurements $b_{k,j}$ as per \eqref{equ:ContMeasurements}. Besides perhaps better matching the continuous models considered in some applications such as ptychography, and allowing one to more naturally consider approaches that utilize, e.g., irregular sampling, we also take recent work on phase retrieval in infinite dimensional Hilbert spaces \cite{thakur2011reconstruction,cahill2016phase,alaifari2016stable} as motivation for exploring numerical methods to solve this problem. In particular, the recent work of Daubechies and her collaborators implies that the stability of such continuous phase retrieval problems is generally less well behaved than their discrete counterparts \cite{cahill2016phase,alaifari2016stable}. Specifically, \cite{alaifari2016stable} characterizes a class of functions for which infinite dimensional phase retrieval (up to a single global phase) from Gabor measurements is unstable, and then proposes the reconstruction of these worst-case functions up to several local phase multiples as a stable alternative. We take this initial work on stable infinite dimensional phase retrieval from Gabor measurements as a further motivation to explore new fast numerical techniques for the robust recovery of compactly supported functions from their continuous spectrogram measurements. \subsection{The Problem Statement and Specifications} Given a vector of stacked spectrogram samples from \eqref{equ:ContMeasurements}, \begin{equation} \vec{b}=\left(\begin{array}{c} b_{1,1},\dots,b_{1,N},b_{2,1},\dots,b_{K,N} \end{array}\right)^T \in[0,\infty)^{NK},\label{eq:meas_vec} \end{equation} our goal is to approximately recover a piecewise smooth and compactly supported function $f:\mathbb{R}\rightarrow\mathbb{C}$. Of course $f$ can only be recovered up to certain ambiguities (such as up to a global phase, etc.) which depend not only on $f$, but also the window function $g$ (see, e.g., \cite{alaifari2016stable}). Without loss of generality, we will assume that the support of $f$ is contained in $[-1,1]$. Given our motivation from ptychographic imaging we will, herein at least, primarily consider the unshifted beam function $g$ to also be (approximately) compactly supported within a smaller subset $[-a,a]\subset[-1,1]$. Furthermore, we will also assume that $g$ is smooth enough that its Fourier transform decays relatively rapidly in frequency space compared to $\hat{f}$. Examples of such $g$ include both suitably scaled Gaussians, as well as compactly supported $C^{\infty}$ bump functions \cite{johnson2015saddle}. \subsection{The Proposed Numerical Approach} The proposed method aims to recover samples from the Fourier transform of $f$ at frequencies in $\Omega=\{\omega_{1},\dots,\omega_{N}\}$, giving $\vec{f}\in\mathbb{C}^{N}$ with $f_{j}=\widehat{f}(\omega_{j})$, from which $\widehat{f}$ can then be approximately recovered via standard sampling theorems (see, e.g., \cite{strohmer2005implementations}). The inverse Fourier transform of this approximation of $\widehat{f}$ then provides our approximation of $f$. Recovery of the samples from $\widehat{f}$, $\vec{f}\in\mathbb{C}^{N}$, is performed in two steps using techniques from \cite{iwen2016fast,robustPR} adapted to this continuous setting: first, a truncated lifted linear system is inverted in order to learn a portion of the rank-one matrix $\vec{f}\vec{f}^{*}$ from a finite set of STFT spectrogram samples, then, an eigenvector based angular synchronization method is used in order to recover $\vec{f}$ from the portion of $\vec{f}\vec{f}^{*}$ computed in the first step. Note that this truncated lifted linear system is both banded and Toeplitz, with band size determined by the decay of $\widehat{g}$. If $g$ is effectively bandlimited to $[-\delta,\delta ]$ the proposed lifting-based algorithm can be implemented to run in $\mathcal{O}\left(\delta N (\log N + \delta^2)\right)$-time, which is essentially FFT-time in $N$ for small $\delta$. \section{Our Lifted Formulation} The following theorem forms the basis of our lifted setup. \begin{thm} Suppose $f:\mathbb{R}\rightarrow\mathbb{C}$ is piecewise smooth and compactly supported in $\left[-1,1\right]$. Let $g\in L^{2}\left(\left[-a,a\right]\right)$ be supported in $\left[-a,a\right]\subset[-1,1]$ for some $a<1$, with $\left\Vert g\right\Vert _{L^{2}}=1$. Then for all $\omega\in\mathbb{R}$, \[ \left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|=\frac{1}{2}\left|\sum_{m\in\mathbb{Z}}\!\!e^{-\pi ilm}\hat{f}\left(\frac{m}{2}\right)\hat{g}\left(\frac{m}{2}-\omega\right)\right| \] for all shifts $l\in[a-1,1-a]$. \label{equ:Lifted} \end{thm} \begin{proof} Denote by $S_{l}g$ the right shift of $g$ by $l$. The short-time Fourier transform (STFT) \cite{Mallat} of $f$ given $g$, at a shift $l$ and frequency $\omega$, is defined by \[ \mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)=\int_{-\infty}^{\infty}\!\!\!f\left(t\right)g\left(t-l\right)e^{-2\pi i\omega t}dt. \] The squared magnitude of the Fourier transform above is called a spectrogram measurement: \[ \left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|^{2}=\left|\int_{-\infty}^{\infty}\!\!\!f\left(t\right)g\left(t-l\right)e^{-2\pi i\omega t}dt\right|^{2}=\left|\left\langle f,h\right\rangle \right|^{2} \] where $h\left(t\right)=\overline{g\left(t-l\right)}e^{2\pi i\omega t}$. We calculate \begin{eqnarray*} \hat{h}\left(k\right) & = & \int_{-\infty}^{\infty}\!\!\!h\left(t\right)e^{-2\pi ikt}dt\\ & = & \int_{-\infty}^{\infty}\!\!\!\overline{g\left(t-l\right)}e^{2\pi i\omega t}e^{-2\pi ikt}dt\\ & = & \int_{-\infty}^{\infty}\!\!\!\overline{g\left(\tau\right)}e^{2\pi i\omega\left(\tau+l\right)}e^{-2\pi ik\left(\tau+l\right)}d\tau\\ & = & e^{2\pi il\left(\omega-k\right)}\int_{-\infty}^{\infty}\!\!\!\overline{g\left(\tau\right)}e^{-2\pi i\left(\omega-k\right)\tau}d\tau. \end{eqnarray*} By Plancherel's theorem, we have \begin{eqnarray*} \left|\left\langle f,h\right\rangle \right|^{2} & = & \left|\left\langle \hat{f},\hat{h}\right\rangle \right|^{2} = \left|\int_{-\infty}^{\infty}\!\!\!\hat{f}\left(k\right)\overline{\hat{h}\left(k\right)}dk\right|^{2}\\ & = & \left|\int_{-\infty}^{\infty}\!\!\!\hat{f}\left(k\right)e^{-2\pi il\left(\omega-k\right)}\overline{\mathcal{F}\left[\overline{g\left(\cdot\right)}\right]\left(\omega-k\right)}dk\right|^{2}\\ & = & \left|\int_{-\infty}^{\infty}\!\!\!\hat{f}\left(k\right)e^{2\pi ilk}\overline{\mathcal{F}\left[\overline{g\left(\cdot\right)}\right]\left(\omega-k\right)}dk\right|^{2}\\ & = & \left|\int_{-\infty}^{\infty}\!\!\!\hat{f}\left(\omega-\eta\right)e^{-2\pi il\eta}\overline{\mathcal{F}\left[\overline{g\left(\cdot\right)}\right]\left(\eta\right)}d\eta\right|^{2}\\ & = & \left|\int_{-\infty}^{\infty}\!\!\!\hat{f}\left(\omega-\eta\right)\hat{g}\left(-\eta\right)e^{-2\pi il\eta}d\eta\right|^{2} \end{eqnarray*} where in the last equality we have used \[ \overline{\mathcal{F}\left[\overline{g\left(\cdot\right)}\right]\left(\eta\right)}=\hat{g}\left(-\eta\right). \] And so, by Shannon's Sampling theorem \cite{stade}, applied to $\hat{f}$, we see that $\left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|^{2}$ is equal to \begin{eqnarray*} & & \left|\int_{-\infty}^{\infty}\!\!\!\hat{f}\left(\omega-\eta\right)\hat{g}\left(-\eta\right)e^{-2\pi il\eta}d\eta\right|^{2}\\ & = & \left|\int_{-\infty}^{\infty}\!\!\!\hat{g}\left(-\eta\right)\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)\mbox{sinc}\pi\left(m-2\left(\omega-\eta\right)\right)e^{-2\pi il\eta}d\eta\right|^{2}\\ & = & \left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)\int_{-\infty}^{\infty}\!\!\!\hat{g}\left(-\eta\right)e^{-2\pi il\eta}\mbox{sinc}\pi\left(m-2\left(\omega-\eta\right)\right)d\eta\right|^{2}\\ & = & \left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)\left[\hat{g}\left(\cdot\right)e^{-2\pi il\left(\cdot\right)}\star\mbox{sinc}\pi\left(m+2\left(\cdot\right)\right)\right]\left(-\omega\right)\right|^{2} \end{eqnarray*} where $\star$ denotes convolution. Recall that $\mathcal{F}\left[f\star g\right]=\hat{f}\hat{g}$ so that $f\star g=\mathcal{F}^{-1}\left[\hat{f}\hat{g}\right].$ We calculate the Fourier transform \[ \mathcal{F}\left[\hat{g}\left(\cdot\right)e^{-2\pi il\left(\cdot\right)}\right]\left(\xi\right)=\hat{\hat{g}}\left(\xi+l\right)=g\left(-l-\xi\right), \] and the Fourier transform $\mathcal{F}\left[\mbox{sinc}\pi\left(m+2\left(\cdot\right)\right)\right]\left(\xi\right)$ as \begin{equation} \mathcal{F}\left[\frac{\sin\pi\left(m+2x\right)}{\pi\left(m+2x\right)}\right]\left(\xi\right)% =\frac{e^{\pi im\xi}}{2}\chi_{\left(-1,1\right)}\left(\xi\right). \end{equation} With this, the spectrogram measurements $\left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|^{2}$ are given by \begin{eqnarray*} & & \left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)\!\mathcal{F}^{-1}\left[g\left(-l-\left(\cdot\right)\right)\frac{e^{\pi im\left(\cdot\right)}}{2}\chi_{\left(-1,1\right)}\left(\cdot\right)\right]\!\!\left(-\omega\right)\right|^{2}\\ & = & \!\!\frac{1}{4}\!\left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)\!\int_{-\infty}^{\infty}\!\!\!g\left(-l-x\right)\!e^{\pi imx}\chi_{\left(-1,1\right)}\!\!\left(x\right)e^{-2\pi ix\omega}\!dx\right|^{2}\\ & = & \!\!\frac{1}{4}\!\left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)\!\int_{-1}^{1}\!\!\!g\left(-l-x\right)e^{\pi imx}e^{-2\pi ix\omega}dx\right|^{2}\\ & = & \!\!\frac{1}{4}\!\left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)\!\int_{-l+1}^{-l-1}\!\!g\left(u\right)e^{\pi i\left(-l-u\right)\left(m-2\omega\right)}du\right|^{2}\\ & = & \!\!\frac{1}{4}\!\left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)e^{-\pi il\left(m-2\omega\right)}\!\int_{-l-1}^{-l+1}\!\!\!g\left(u\right)e^{-2\pi iu\left(\frac{m}{2}-\omega\right)}du\right|^{2}. \end{eqnarray*} Since $l$ is such that $\left[-l-1,-l+1\right]\cap\left[-a,a\right]=\left[-a,a\right]$, we have that $\left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|^{2}$ equals \begin{eqnarray*} & & \frac{1}{4}\left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)e^{-\pi il\left(m-2\omega\right)}\int_{-a}^{a}\!\!\!g\left(u\right)e^{-2\pi iu\left(\frac{m}{2}-\omega\right)}du\right|^{2}\\ & = & \frac{1}{4}\left|\sum_{m\in\mathbb{Z}}\!\!\hat{f}\left(\frac{m}{2}\right)e^{-\pi il\left(m-2\omega\right)}\int_{-\infty}^{\infty}\!\!\!g\left(u\right)e^{-2\pi iu\left(\frac{m}{2}-\omega\right)}du\right|^{2}\\ & = & \frac{1}{4}\left|\sum_{m\in\mathbb{Z}}\!\!e^{-\pi ilm}\hat{f}\left(\frac{m}{2}\right)\hat{g}\left(\frac{m}{2}-\omega\right)\right|^{2}. \end{eqnarray*} We have now proven the theorem. \end{proof} Using Theorem~\ref{equ:Lifted} we may now write \[ \left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|^{2}=\frac{1}{4}\sum_{k\in\mathbb{Z}}\sum_{j\in\mathbb{Z}}A_{k}\overline{A_{j}} \] where $A_{n}:=e^{-\pi iln}\hat{f}\left(\frac{n}{2}\right)\hat{g}\left(\frac{n}{2}-\omega\right).$ \subsection{Obtaining a Truncated, Finite Lifted Linear System} If $\hat{g}$ decays quickly we may truncate the sums above for a given frequency $\omega$ with minimal error. To that end, we pick the indices $j$ and $k$ so that $\left|\frac{k}{2}-\omega\right|\leq\delta$ and $\left|\frac{j}{2}-\omega\right|\leq\delta$ for some fixed $\delta\in\mathbb{N}$. If we denote \[ S_{\omega}=\left\{ \left(j,k\right)\in\mathbb{Z\times\mathbb{Z}}|\left|k-2\omega\right|\leq2\delta\text{ and }\left|j-2\omega\right|\leq2\delta\right\} , \] then \[ \left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|^{2}=\frac{1}{4}\sum_{(j,k)\in S_{\omega}}A_{k}\overline{A_{j}}+error. \] We may write \[ \sum_{\left|j-2\omega\right|\leq2\delta}\!\!e^{\pi ilj}\overline{\hat{f}\left(\frac{j}{2}\right)}\overline{\hat{g}\left(\frac{j}{2}-\omega\right)}=e^{2\pi il\omega}\vec{X}_{l}^{*}\vec{Y_{\omega}} \] where $\vec{X}_{l}\in\mathbb{C}^{4\delta+1}$ and $\vec{Y}_{\omega}\in\mathbb{C}^{4\delta+1}$ are the vectors \[ \vec{X}_{l}=\left(\!\!\! \begin{array}{c} e^{\pi i l \left(2\delta\right)}\hat{g}\left(-\delta\right)\\ e^{\pi i l \left(2\delta-1\right)}\hat{g}\left(\frac{1}{2}-\delta\right)\\ \vdots\\ e^{\pi i l \cdot 0}\hat{g}\left(0\right)\\ \vdots\\ e^{\pi i l \left(1-2\delta\right)}\hat{g}\left(\delta-\frac{1}{2}\right)\\ e^{\pi i l \left(-2\delta\right)}\hat{g}\left(\delta\right) \end{array}\!\!\! \right),\,\vec{Y}_{\omega}=\left(\!\!\! \begin{array}{c} \overline{\hat{f}\left(\omega-\delta\right)}\\ \overline{\hat{f}\left(\omega-\delta+\frac{1}{2}\right)}\\ \vdots\\ \overline{\hat{f}\left(\omega\right)}\\ \vdots\\ \overline{\hat{f}\left(\omega+\delta-\frac{1}{2}\right)}\\ \overline{\hat{f}\left(\omega+\delta\right)} \end{array}\!\!\! \right). \] This notation allows us to write our measurements in a lifted form \begin{eqnarray*} \left|\mathcal{F}\left[f\cdot S_{l}g\right]\left(\omega\right)\right|^{2} & \approx & \frac{1}{4}\overline{e^{2\pi il\omega}\vec{X}_{l}^{*}\vec{Y}_{\omega}}\cdot e^{2\pi il\omega}\vec{X}_{l}^{*}\vec{Y}_{\omega}\\ & = & \frac{1}{4}\vec{X}_{l}^{*}\vec{Y}_{\omega}\vec{Y}_{\omega}^{*}\vec{X}_{l}. \end{eqnarray*} Here, $\vec{Y}_{\omega}\vec{Y}_{\omega}^{*}$ is the rank-one matrix \[ \! \left[\!\!\!\!\begin{array}{ccccc} \left|\hat{f}\!\left(\omega-\delta\right)\right|^{2}\!\!\! \!& \!\!\cdots\!\!\! & \overline{\hat{f}\!\left(\omega-\delta\right)}\hat{f}\!\left(\omega\right)\!\!\! & \!\!\cdots\!\!\! & \overline{\hat{f}\!\left(\omega-\delta\right)}\hat{f}\!\left(\omega+\delta\right)\!\!\\ \vdots\!\!\! & \!\!\ddots\!\!\! & \vdots\!\!\! & \!\!\vdots\!\!\! & \vdots\!\!\\ \overline{\hat{f}\!\left(\omega\right)}\hat{f}\!\left(\omega-\delta\right)\!\!\! \! & \!\!\cdots\!\!\! & \left|\hat{f}\!\left(\omega\right)\right|^{2}\!\!\! & \!\!\cdots\!\!\! & \overline{\hat{f}\!\left(\omega\right)}\hat{f}\!\left(\omega+\delta\right)\!\!\\ \vdots\!\!\! & \!\!\vdots\!\!\! & \vdots\!\!\! & \!\!\ddots\!\!\! & \vdots\!\!\\ \overline{\hat{f}\!\left(\omega+\delta\right)}\hat{f}\!\left(\omega-\delta\right)\!\! \!& \!\!\cdots\!\!\! & \overline{\hat{f}\!\left(\omega+\delta\right)}\hat{f}\!\left(\omega\right)\!\!\! & \!\!\cdots\!\!\! & \left|\hat{f}\!\left(\omega+\delta\right)\right|^{2}\!\! \end{array}\!\!\right]\!\!\!. \] For each $\vec{X}_{l}\in\mathbb{C}^{4\delta+1}$, rewrite it as \[ \vec{X}_{l}=\left(\begin{array}{ccccc} m_{-\delta}^{l}, & m_{-\delta+\frac{1}{2}}^{l}, & \dots, & m_{\delta-\frac{1}{2}}^{l}, & m_{\delta}^{l}\end{array}\right)^{T} \] so that $m_{k}^{l}=e^{-\pi i l \left(2k\right)}\hat{g}\left(k\right)$. Then construct the Toeplitz matrix $\mathbf{X}_{l}\in\mathbb{C}^{N\times N}$ as \[ \left[\begin{array}{cccccccc} m_{0}^{l} & m_{\frac{1}{2}}^{l} & \cdots & m_{\delta}^{l} & 0 & 0 & \cdots & 0\\ m_{-\frac{1}{2}}^{l} & m_{0}^{l} & \cdots & m_{\delta-\frac{1}{2}}^{l} & m_{\delta}^{l} & 0 & \cdots & 0\\ \vdots & \vdots & \vdots & \vdots & \vdots & \vdots & \vdots & \vdots\\ 0 & 0 & \cdots & 0 & m_{-\delta}^{l} & m_{-\delta+\frac{1}{2}}^{l} & \cdots & m_{\frac{1}{2}}^{l}\\ 0 & 0 & \cdots & 0 & 0 & m_{-\delta}^{l} & \cdots & m_{0}^{l} \end{array}\right] \] where $N$ is the number of frequencies $\omega$ being considered. Then we construct the block matrix ${\bf G}\in\mathbb{C}^{NK\times N}$ as \[ \mathbf{G}=\left(\begin{array}{c} \mathbf{X}_{l_{1}}\\ \mathbf{X}_{l_{2}}\\ \vdots\\ \mathbf{X}_{l_{K}} \end{array}\right) \] where $K$ is the number of shifts of the window $g$. Let $\mathbf{F}\in\mathbb{C}^{N\times N}$ be defined as \[ \mathbf{F}_{i,j}=\begin{cases} \overline{\hat{f}\left(\frac{i-2n-1}{2}\right)}\hat{f}\left(\frac{j-2n-1}{2}\right), & \text{if }\left|i-j\right|\leq2\delta,\\ 0, & \text{otherwise,} \end{cases} \] where $n=\frac{N-1}{4}$. Note that ${\bf F}$ is composed of overlapping segments of the rank-1 matrices $\vec{Y}_{\omega}\vec{Y}_{\omega}^{*}$ for $\omega\in\{-n,\dots,n\}$. Thus, our measurements can be written as \begin{equation} \vec{b}\approx\mbox{diag}(\mathbf{GFG^{*}}),\label{eq:measurements} \end{equation} where $\vec{b}$ is defined in (\ref{eq:meas_vec}). By consistently vectorizing (\ref{eq:measurements}), we can obtain a simple linear system which can be inverted to learn $\vec{F}$, a vectorized version of ${\bf F}$. In particular, we have \begin{equation} \vec{b}\approx\mathbf{M}\vec{F},\label{eq:lin_system} \end{equation} where the matrix $\mathbf{M}\in\mathbb{C}^{NK\times N^{2}}$ can be computed by, e.g., passing the canonical basis elements for $\mathbb{C}^{N\times N}$, ${\bf E}_{ij}$, through (\ref{eq:measurements}). We solve the linear system (\ref{eq:lin_system}) as a least squares problem; experiments have shown that $\mathbf{M}$ is of rank $NK$. The process of recovering the Fourier coefficients of $f$ from $\vec{F}$ is known as angular synchronization, and is described in detail in \cite{robustPR}. \section{Numerical Results} \begin{figure} \resizebox{3.5in}{2.5in}{ \input{functionAndWindows_ex2.tex}} \caption{Signal $f$ and 11 shifts of a Gaussian window, $g$. } \label{fig:functionAndWindows} \end{figure} \begin{figure} \resizebox{3.5in}{2.3in}{ \input{recoveredFunctionInSpace_ex1.tex}} \caption{True signal $f$ and its reconstruction for the first experiment.} \label{fig:recon_ex1} \end{figure} \begin{figure} \resizebox{3.5in}{2.3in}{ \input{recoveredFunctionInSpace_ex2.tex}} \caption{True signal $f$ and its reconstruction for the second experiment.} \label{fig:recon_ex2} \end{figure} We test the Phase Retrieval algorithm above for two different choices of signal $f$. The first is a Gaussian signal $f\left(x\right)=2^{\frac{1}{4}}e^{-25\left(\frac{4x}{3}\right)^{2}}\chi_{\left[-1,1\right]}$, and the second is a modified Gaussian $f\left(x\right)=2^{\frac{1}{4}}e^{-8\pi x^{2}}\cos\left(24x\right)\chi_{\left[-1,1\right]}$. In both cases, the window used is the Gaussian $g\left(x\right)=c\cdot2^{\frac{1}{4}}e^{-16\pi x^{2}}\chi_{\left[-\frac{1}{2},\frac{1}{2}\right]}$ where $c$ is a constant chosen so that $\left\Vert g\right\Vert _{L^{2}}=1$. We use a total of 11 shifts of $g$ in each experiment. Since $g$ is supported on $\left[-\frac{1}{2},\frac{1}{2}\right]$, any two consecutive shifts are separated by $\frac{0.5}{11}$ (see Figure ~\ref{fig:functionAndWindows}). We choose 61 values of $\omega$ from $\left[-15,15\right]$ sampled in half-steps, and set $\delta=7$. The reconstructions in physical space are shown at selected grid points in Figures ~\ref{fig:recon_ex1} and ~\ref{fig:recon_ex2}. The relative $\ell^{2}$ error in physical space is $1.47\times10^{-3}$ for the first experiment and $1.872\times10^{-2}$ for the second. \section{Future Work} While this paper addresses the 1D problem, the extension of this method to the 2D setting is an appealing avenue for future research. Indeed, preliminary results indicate that the underlying discrete method that forms the basis for this paper extends to two dimensions without too much difficulty. Furthermore, empirical results suggest that the method proposed here demonstrates robustness to noise, although we defer a detailed analysis (and derivation of an associated robust recovery guarantee) to future work. \section*{Acknowledgement} This work was supported in part by the National Science Foundation grant NSF DMS-1416752. \bibliographystyle{abbrv}
92558d5dd0724e0fb9810289c0ee65a9e637c9f5
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Quantum machine learning (QML) has recently attracted significant interests~\cite{Wittek14,Schuld15,Adcock15,Biamonte17,Lau17,Monras17}. However, this approach is confronted with several challenges and questions, which include: is there any advantage in quantum machine learning compared to its classical counterpart? If so, what are the quantum effects and how do they contribute to this advantage? These issues were addressed theoretically in terms of learning performance, such as membership query complexity~\cite{Servedio04,Kothari13} and sample complexity~\cite{Arunachalam16} (see Ref.~\cite{Ciliberto17} for the relevant summary). Various quantum learning scenarios have also been proposed, e.g., quantum neural networks~\cite{Silva16,Wan17}, quantum Boltzmann machine~\cite{Amin16}, and quantum reinforcement learning~\cite{Dunjko16,Dunjko14}. Recent progress has been made in several specific learning applications such as data classification~\cite{Yoo14,Rebentrost14}, regression~\cite{Zhao15,Schuld16}, topological data analysis~\cite{Lloyd16}, and anomaly detection~\cite{Liu18}. One of the noteworthy areas of research is quantum support vector machine, which is a method to classify big quantum data~\cite{Rebentrost14,Cai15,Li15}. The quantum support vector machine and its variants exploit the quantum algorithm for solving linear equations (often called HHL, named after the inventors, Harrow, Hassidim, and Lloyd~\cite{Harrow09}), to facilitate an exponential speed-up of quantum learning. These machines operate with the limits of restrictive stipulations~\cite{Aaronson15}. For example, the HHL algorithm requires the kernel matrix to be sparse. The condition number must also scale sub-linearly with the system size. Furthermore, the machines need to be equipped with a quantum random access memory~\cite{Giovannetti08-1,Giovannetti08-2}, where big input data are rapidly converted and efficiently resourced to allow for quantum superpositioning. It is challenging to realize quantum random access memory without encountering a few well-known problems. For example, the impracticality of error correction, the requirement of uniformly distributed data over a quantum register, and the intrinsic bound of memory latency~\cite{Arunachalam15,Aaronson15}. We are thus interested in another QML method; namely, one that does not involve the conversion of (big) classical input data into quantum-superposed information~\cite{Yoo14}. In classical machine learning, a machine learner receives a finite set of sampled inputs $\mathbf{x}=x_1 x_2 \cdots x_N$ ($x_j \in \{0, 1\}$ for all $j=1,\ldots,N$) and their labels $c(\mathbf{x})$. Here, $c$ is a target function that the learner is supposed to learn, which is called a concept. For the given training data $\{\mathbf{x}, c(\mathbf{x}) \}$ and a set of hypotheses $h$, classical machine learning is formally defined by the identification of a hypothesis $h$ which is close to the concept $c$~\cite{Langley96}. In contrast, the QML process begins with the preparation of training data in quantum states, e.g., $\{\ket{\mathbf{x}}, \ket{c(\mathbf{x})} \}$, and the processing of superposed states using quantum operations. However, in this instance, we consider another approach in which the input training data are not converted to a quantum state, but the operations are processed based on a quantum mechanical approach. We refer to this method as the quantum-classical hybrid scheme. This approach will be beneficial from the perspective of quantum random access memory. In this report, we consider a universal machine of binary classification with input and output, each consisting of a single classical bit and an internal working channel of a qubit, based on a hybrid approach. This is a basic machine, with classical input channels that can be extended to an arbitrary number of bits, while its internal working channel is maintained with a single qubit~\cite{Dunjko18}. We performed optical experiments to illustrate the single-bit universal machine functionality for a binary classification. Our experimental machine exhibits a quantum advantage of approximately $36\%$ as compared to a fully classical machine. The system also exhibits strong robustness against dephasing. \section{Preliminaries} \subsection{Binary classification} A simple and representative example of binary classification is the operation of an email-filter, which classifies incoming emails as spam and non-spam categories by referring to the labels of the emails. A single bit y is introduced for each label which indicates whether an email is spam, so that $y=0$ indicates it is a spam and otherwise, it is not. An $N$-bit string $\mathbf{x} = x_1 x_2 \cdots x_N$ is also introduced to denote the features of an email, e.g., name, address, date, etc. The machine is supposed to learn a map from $\mathbf{x}$ to $y$ so that the machine eventually classifies the emails. Candidates for such a map are $N$-bit Boolean functions, \begin{eqnarray} \mathbf{x} \in \{0, 1\}^{N} \to y \in \{0, 1\}. \label{eq:Booleanf} \end{eqnarray} The candidate maps are called hypotheses in the language of machine learning. The goal of machine learning in this scenario is to find a hypothesis $h$ that is acceptable with a small error $E$ as for the email filter~\cite{Opper91,Langley96}. A circuit can be introduced for realizing the entire set of hypotheses in Eq.~(\ref{eq:Booleanf}). This circuit consists of an $N$-bit input channel to handle the input data $\mathbf{x}$ and the one-bit working channel that processes operations to realize a hypothesis. The working channel runs $2^{N}$ controllable gate operations: one single-bit operation and $2^{N}-1$ operations conditioned on the bit values $x_j$ of $\mathbf{x} = x_1 x_2 \cdots x_N$. These gate operations are supposed to be either {\small identity} (doing nothing) or logical-not (flipping a bit). This circuit is universal since it realizes all possible ($2^{2^N}$) Boolean functions~\cite{Yoo14,Gupta06}. It is worth mentioning that as $N$ is increased, it will be impractical to require $2^N$ gates for the circuit, and approximate answers with even smaller gates will suffice for practical applications. The latter can be made by excluding unlikely hypotheses based on {\em a priori} information~\cite{Chapelle09}. \subsection{Universal single-bit feature circuit} \begin{figure} \centering \includegraphics[width=0.46\textwidth]{circuit-eps-converted-to.pdf} \caption{\label{fig:circuit} {\bf The binary classification circuits.} {\bf a}. We consider a reversible circuit that consists of two types of channels: one deals with $N$-bit classical input data and the other provides a working bit. This circuit runs $2^N$ gate operations to realize all possible $N$-bit Boolean functions: one single-bit operation and $2^{N}-1$ operations conditioned by the bits $x_j$ of $\mathbf{x}$. These gate operations are supposed to be either identity ($\openone$) or logical-not ($X$). Note that such a circuit can realize all possible ($2^{2^N}$) binary classification functions~\cite{Gupta06}. We focus on the basic machine of single-bit circuit, referred to as the universal single-feature circuit. {\bf b}. Here, we consider two versions of the basic circuits: one is the classical circuit that operates the probabilistic operations, and the other is the quantum circuit that operates the unitary operations utilizing quantum interference.} \end{figure} We shall focus on a basic universal machine throughout the paper, which we call a universal single-bit feature circuit (USFC). The USFC receives a single-bit feature $x$ from the input channel and operates two gates $g_{0,1}$ in the internal working channel (see Fig.~\ref{fig:circuit}{\bf a}). The USFC thus realizes four possible deterministic tasks: [$\boldsymbol{\tau.1}$] $x \to y=0$, [$\boldsymbol{\tau.2}$] $x \to y=x$, [$\boldsymbol{\tau.3}$] $x \to y=1$, and [$\boldsymbol{\tau.4}$] $x \to y=x \oplus 1$. The USFC is crucial for its generalization, noting that the latter exhibits a quantum speed-up that is more than quadratic~\cite{Yoo14}, that extends the classical input channels to an arbitrary number of bits and maintains the internal working channel with a single qubit. In addition, the analysis of USFC can provide some intuition to speed-up learning (see Appendix~A). Since the generalization is made by increasing the classical bits and it is experimentally feasible, the realization of the USFC is central to this work. USFC learning is performed as described in this section for a given target task, which is represented by one of [$\boldsymbol\tau.1$]-[$\boldsymbol\tau.4$] if it is deterministic or by a conditional probability $\mathrm{Pr}_\tau(y|x)$ if it is probabilistic. Input data that are transmitted through the classical channels remaining unaltered. They condition the operations to be performed in the working channel. The initial signal in the working channel is successively flipped as it passes through the two gates $g_k$ ($k=0,1$) with $g_1$ conditional on the input bit. A measurement is performed at the end of the working channel. The measurement outcome is used to evaluate how close the current circuit is to the target $c$, and the gates $g_k$ ($k=0,1$) are adjusted based on the evaluation in the interim. Here, the learning control of $g_k$ is assumed to be made based on the probability, which we refer to as the gate-adopting preference, \begin{eqnarray} \text{Pr}(g_k \to \openone) ~~\text{and}~~ \text{Pr}(g_k \to X) = 1 - \text{Pr}(g_k \to \openone), \label{eq:probs} \end{eqnarray} which are the probabilities that the gate $g_{k}$ operates the identity $\openone$ and the logical-not $X$, respectively. Such probabilistic operations can offer practical advantages in a heuristic manner~\cite{Langley96,Ghahramani15}. We introduce the classical and quantum machines of USFC for comparison. Noting that the input channels are classical for both types of machines~\cite{Yoo14}, by the classical USFC (cUSFC) we mean the classical realization of the working channel; the working input $\alpha$ is a binary number that is initially defined as $\alpha = 0$, and the gates $g_k$ ($k=0,1$) run randomly ($\openone$ or $X$) with probabilities given in Eq.~(\ref{eq:probs}). The operations $g_k$ ($k=0,1$) are represented by a stochastic evolution matrix in the basis of classical bits: \begin{eqnarray} \left( \begin{array}{cc} \text{Pr}(g_k \to \openone) & \text{Pr}(g_k \to X) \\ \text{Pr}(g_k \to X) & \text{Pr}(g_k \to \openone) \end{array} \right), \end{eqnarray} where the gate-adopting preferences are written as the transition probabilities. On the other hand, the quantum USFC (qUSFC) works with the quantum working channel and unitary gate operations. The channel is assumed to be initially in a quantum state $\ket{\alpha} = \ket{0}$, where $\{\ket{0}, \ket{1}\}$ is the computational basis of a qubit. The gate operations are represented in the computational basis as: \begin{eqnarray} \left( \begin{array}{cc} \sqrt{\text{Pr}(g_k \to \openone)} & e^{i \phi_k}\sqrt{\text{Pr}(g_k \to X)} \\ e^{-i \phi_k}\sqrt{\text{Pr}(g_k \to X)} & -\sqrt{\text{Pr}(g_k \to \openone)} \end{array} \right), \end{eqnarray} which involves the intrinsic probabilistic nature. Thus, both types of cUSFC and qUSFC are treated on equal footing, disregarding the quantum phases. In this way, we single out the quantum phases $\phi_{0,1}$ and their roles in machine learning, and expect that they are engaged in quantum interference between two operations (as depicted in Fig.~\ref{fig:circuit}{\bf b})~\cite{Yoo14}. \subsection{Quantum learning speed-up} In this subsection, we briefly review the results in Ref.~\cite{Yoo14}. The error $E=1-F$ of the learning is analyzed with the task fidelity F that indicates how close a circuit performs the desired task. The task fidelity F is defined by: \begin{eqnarray} F=\left( \prod_{\mathbf{x}}\sum_y \sqrt{\text{Pr}(y|\mathbf{x}) \text{Pr}_\tau (y|\mathbf{x})} \right)^{1/{2^N}}, \label{eq:fidelity} \end{eqnarray} where $\text{Pr}(y|\mathbf{x})$ is the conditional probability that the machine learner produces $y$ for given $\mathbf{x}$ at a certain stage of learning, and $\text{Pr}_\tau(y|\mathbf{x})$ are the target probabilities that a given task determines, as in Refs.~\cite{Yoo14,Cover12}. Then we obtain the difference of the quantum and classical task fidelities for $N=1$ as \begin{eqnarray} F_\text{Q}^4 - F_\text{C}^4 = \Lambda \cos{\Delta}, \label{eq:F_cq} \end{eqnarray} where \begin{eqnarray} \Lambda &=& 2 \text{Pr}(g_0 \to \openone) \sqrt{\prod_{k=0,1}\text{Pr}(g_k \to \openone) \text{Pr}(g_k \to X)}, \nonumber \\ \Delta &=& \abs{\phi_1 - \phi_0}. \end{eqnarray} The subscripts C and Q denote classical and quantum, respectively. Here, Eq.~(\ref{eq:F_cq}) is obtained for [$\boldsymbol{\tau.1}$] with $\{ \text{Pr}_\tau(0|0)=1, \text{Pr}_\tau(0|1)=1 \}$, while similar results are obtained for the other tasks [$\boldsymbol{\tau.2}$]-[$\boldsymbol{\tau.4}$]~\cite{Yoo14}. The principal implication of Eq.~(\ref{eq:F_cq}) is the expansion of regions for the approximate hypotheses to the given target task by appropriately choosing the quantum phases $\phi_{0,1}$. A wider region of the approximate hypotheses implies that it is easier for the machine to find one of them in the entire hypothesis space. Here, the approximate hypotheses for the target task are defined by the condition $E = 1-F \le \epsilon_t$ where $\epsilon_t$ is an error tolerance. Note that these implications originate from quantum superpositioning~\cite{Yoo14}. It is thus crucial to appropriately choose the quantum phases $\phi_{0,1}$ for the speed-up of qUSFC learning. One could offset the advantage $\Lambda$ in Eq.~(\ref{eq:F_cq}) with $\cos{\Delta}=0$ and even transform it to a disadvantage with $\cos{\Delta}=-1$. Similar behavior is found for the different phases of the tasks [$\boldsymbol{\tau.2}$]-[$\boldsymbol{\tau.4}$]. The quantum learning speed-up is more pronounced with an $N$-bit circuit by using the coherence of all $2^N$ unitary gates (see Ref.~\cite{Yoo14} for more details). \section{Experiment with Heralded Single Photons} \subsection{Linear-optical settings for USFC learning} \begin{figure} \centering \includegraphics[width=0.46\textwidth]{Exp_setting-eps-converted-to.pdf} \caption{\label{fig:setting} {\bf Schematic view of our experimental setups.} We design two versions of USFC learning experiments (i.e., {\bf a} classical and {\bf b} quantum) in the linear-optical regime, where single-photon polarizations, i.e., horizontal ($H$) and vertical ($V$), are used as single-bit information carriers of the working channel. In quantum USFC learning, the quantum superposition effects involved in single-photon polarization are exploited. On the other hand, in classical USFC learning, the quantum superposition of photon polarization is completely destroyed when passing through the polarization beam splitter (PBS) placed between $g_0$ and $g_1$. In our experiments, differential evolution (DE)~\cite{Storn97} is employed as a learning algorithm.} \end{figure} Given the classical input data $x \in \{0,1\}$, the USFC can be realized in a linear-optical platform with single photons as the working bit $\alpha$, as shown in Fig.~\ref{fig:setting}. The orthogonal polarization of a single photon in free space constitute the basis for the bit; horizontally ($H$) or vertically ($V$) polarized single photon represents the bit $0$ or $1$ in the working channel. In our experiment, the working input $\alpha=0$ (i.e., $H$-polarized single photon) is prepared by a heralded single-photon generation scheme. We pumped a periodically poled $\text{KTiOPO}_4$ (PPKTP) crystal of a length $10$~mm with a continuous wave pump laser at a wavelength $401.5$~nm (MDL-III-400, CNI). Pairs of orthogonally polarized photons at $799.2$~nm and $803.5$~nm with a FWHM of $6.7$~nm and $5.0$~nm are produced in the same spatial mode via phase-matching for collinear type-II spontaneous parametric down-conversion. The photon pairs are divided using a polarization beam splitter (PBS) placed after the $750$~nm long pass filter (LPF). The reflected $V$-polarized photon is directly measured in the idler mode by an avalanche photodiode (APD, SPCM-AQR-15, PerkinElmer), whereas the transmitted $H$-polarized photon is sent to the working channel of the USFC circuit and measured by the APDs at the end of the circuit. We post-select only the cases when coincidence detection occurs between the idler and working channel after synchronization of the arrival times of the two optical paths. This allows us to exclude the cases where the photon in the working channel is lost, e.g., loss in the optics and detectors. Coincidence detection in our experiment is analyzed using a field-programmable gate array (FPGA, PXI-7841R, National Instruments) with a clock speed of $40$~MHz. The gate operations $g_0$ and $g_1$ are expected to vary the polarization of a single photon in the working channel. This is achieved in a controlled manner by choosing appropriate angles for the optic axis of birefringent crystals, e.g., half or quarter wave plates (HWP or QWP), through which the initial $H$-polarized photon is transmitted. Specifically, we implement the gate operation $g_0$ using a stack of crystals, HWP($\vartheta_0$)-QWP($\varphi_0$)-QWP(${\pi}/{4}$). Here, $\vartheta_0$ and $\varphi_0$ denote the angles between the horizontal axis and the fast axes of the first two wave-plates to be controlled, and the last one is fixed with an angle of ${\pi}/{4}$. The gate $g_1$, on the other hand, is realized using a single plate, HWP($\vartheta_1$) with $\vartheta_1$. These hands-on rotation angles handle the gate-adopting preferences such that~\cite{Damask04}: \begin{eqnarray} \text{Pr}(g_0 \to \openone)&=&\cos^{2}\left(2\vartheta_{0}-\varphi_{0}-\frac{\pi}{4}\right), \nonumber \\ \text{Pr}(g_1 \to \openone) &=&\cos^{2}2\vartheta_{1}, \nonumber \\ \Delta&=&2\varphi_{0}+\frac{\pi}{2}. \end{eqnarray} The USFC is also equipped with a feedback controller, which is responsible for the learning; the feedback controller updates the angles with no {\em a priori} knowledge. Using such a setting, the USFC is expected to identify a set of (say, optimal) angles so that it eventually becomes a realization of the desired task. To this end, the change in polarization is measured at the end, and a number of the identical measurement for single-photon inputs are made to yield the probability distribution. Consequently, this result in the examination of the error $E$. Over several repetitions of such an ensemble measurement, the updates of the angles are made until the measured $E$ becomes lower than the error tolerance $\epsilon_t$. We finally examine how many repetitions (iterations) of the ensemble measurements are required for the USFC to be optimal. This number is the key quantity in this work which determines the speed of machine learning. The setup described above also applies to cUSFC learning, but with an additional PBS inserted between the gates $g_0$ and $g_1$. The superposed state of the orthogonally polarized photons is collapsed to be either $H$- or $V$-polarized single-photon states, so that there is no quantum coherence involved. Apart from this, we apply the same scheme of measurement and feedback controller. Such a scheme for cUSFC learning leads to the same performance that would be obtained for the coherent state of light as the classical bit for the working channel. \subsection{Learning algorithm} \begin{figure*} \centering \includegraphics[width=0.87\textwidth]{l_process-eps-converted-to.pdf} \caption{\label{fig:DEprocess} {\bf Learning evolution of USFC.} Experimental task fidelity $F$ as a function of the iteration $n$. Contour plots show, for a selected trial, the evolution of the training USFC points in the parameter space of $\text{Pr}(g_0 \to \openone)$ and $\text{Pr}(g_1 \to \openone)$ as the learning (iteration) progresses. Here, $M=10$. The red line in the contour plot indicates the boundary of $F=0.99$ (or $\epsilon_t=0.01$).} \end{figure*} As the learning algorithm, we employ differential evolution (DE) which is known as one of the efficient global optimization methods~\cite{Storn97}. Our DE model considers $M$ agents, and thus $M$ gate-adapting preference vectors: \begin{eqnarray} \mathbf{p}_i = \Big(\text{Pr}(g_0 \to \openone), \text{Pr}(g_1 \to \openone) \Big)_i^\text{T}~(i=1,2,\ldots,M), \end{eqnarray} each of which characterizes one USFC as a candidate, i.e., $\mathbf{p}_i \leftrightarrow \text{USFC}_i$. Here the task fidelity $F$ is used as a criterion that indicates how well the $\text{USFC}_i$ performs the target task (for the detailed method, see Appendix~B.1). In such settings, the vectors $\mathbf{p}_i$ are expected to evolve by `mating' their gate-adopting preferences. Therefore, the following aspect is commonly expected for both the classical and quantum cases; the USFC vectors $\mathbf{p}_i$ become closer together and move towards the exact solution point $\mathbf{p}_\text{sol}$. However, the theory predicts that the vectors $\mathbf{p}_i$ converge faster toward the solution point for qUSFC than cUSFC. The experiments are performed using the DE algorithm. In the experiments, we assume the target is a constant function $f(x)=0$ ($x=0,1$). Here, $M=10$ and $\epsilon_t=0.01$ are chosen for both cUSFC and qUSFC. We set $\Delta=0$ in the case of qUSFC to maximize the contrast between cUSFC and qUSFC. Here, we define an experimental quantity $F$, such that \begin{eqnarray} \widetilde{F} = \sqrt[4]{\left(\frac{L_{s}(0)}{L_\text{total}}\right)\left(\frac{L_{s}(1)}{L_\text{total}}\right)}, \end{eqnarray} where $L_{s}(x)$ denotes the number of successful measurement outputs matched to the target for a given $x$, and $L_\text{total}$ denotes the total number of coincidence counts. We set $L_\text{total} = 10^5$ in our experiments. The obtained data are in a good agreement with our theoretical predictions and display the evolutionary behavior expected, as shown in Fig.~\ref{fig:DEprocess}. Here, note that the pre-settable DE parameters were chosen to maximize the efficiency of the cUSFC learning. This is understood as a penalty on the qUSFC. The advantage of qUSFC is better defined with this given handicap (for details, see Appendix~B.2). \subsection{Learning probability} \begin{figure*} \centering \includegraphics[width=0.87\textwidth]{exp_grps-eps-converted-to.pdf} \caption{\label{grp:result_qls} {\bf Experimental results for cUSFC and qUSFC learning.} {\bf a}. Here, the qUSFC learning experiments are performed with three $\Delta$-settings: $\Delta=0$, $\frac{\pi}{2}$, and $\Delta_{TI}$. The error tolerance $\epsilon_t$ is set to $0.01$. The data are created by counting the cases in which learning is completed before a certain iteration $n$, by sampling $200$ trials of the learning experiments. We present the learning probabilities $P(n)$ by fitting the counting data (red points). The data are well fitted (blue lines) by the integrated Gaussian $\int_{-\infty}^{n} dn' \rho(n')$, where $\rho(n) = \frac{1}{\sqrt{2\pi} \sigma_n} \exp\left({-\frac{(n-n_c)^2}{2\sigma_n}}\right)$. Here, we also depict $\rho(n)$ (green lines). {\bf b}. The average number of iteration $n_c$, the center position of $\rho(n)$, is compared for qUSFC and cUSFC. Here, the blue (red) bar represents the $95 (99) \%$ statistical confidence interval. Our results show quantum learning speed-up of $\simeq 36 \%$ for both $\Delta=0$ and $\Delta_{TI}$. All the experimental data are in good agreement with our analytical predictions.} \end{figure*} For statistical analysis, we repeat the experiments many times. The results are summarized in Fig.~\ref{grp:result_qls}. Firstly, we present the learning probability $P(n)$, which is defined as the probability of completing the learning process before a certain iteration $n$~\cite{Bang08}. The experiments are done for $M=10$ and $\epsilon_t=0.01$. The target is $f(x)=0$ ($x=0,1$). Here, qUSFC learning is performed for different $\Delta$ settings in order to maximize ($\Delta=0$) or eliminate ($\Delta=\frac{\pi}{2}$) the quantum advantages [see Eq.~(\ref{eq:F_cq})]. In addition, by noting that the appropriate choice of $\Delta$ depends on the target task, we consider a ``target-independent'' approach for the $\Delta$-setting, i.e., $\Delta_{TI} = \pi \Big( \text{Pr}(g_0 \to \openone) - \text{Pr}(g_1 \to \openone) \Big)$. There is no need for {\em a priori} knowledge about the target and a $\Delta$ setting is not required in advance. Choosing such a $\Delta_{TI}$ value makes the comparison between the classical and quantum cases as fair as possible, and more importantly, it is desirable for practical implementation. After the experiments are completed, $P(n)$ is characterized in each case with the average number of iterations, say $n_c$, required to complete learning (see Fig.~\ref{grp:result_qls}{\bf a}). We find that the qUSFC shows a faster learning convergence ($\simeq 36\%$ speed-up) as compared to cUSFC. Note that nearly the same degree of learning speed-up can be achieved for both $\Delta=0$ and $\Delta_{TI}$. We did not observe a speed-up for $\Delta = \frac{\pi}{2}$ (see Fig.~\ref{grp:result_qls}{\bf b}). For each case, we perform the learning trials $200$ times. \subsection{Decoherence effect in qUSFC learning} We also investigate the effect of decoherence on qUSFC learning. For this purpose, we assume that the qubits passing through the gate operations decohere (decay of the off-diagonal elements in the density matrix, say, $\hat{\rho}_0$) at a rate of $\gamma \in [0,1]$ (see Fig.~\ref{grp:result_decoherence}{\bf a}). The decoherence results in the damage of the quantum advantage factor $\Lambda$ in Eq.~(\ref{eq:F_cq}), is given by: \begin{eqnarray} \Lambda \to \widetilde{\Lambda}=(1-\gamma)\Lambda. \end{eqnarray} This implies that the qUSFC would not be able to {\em fully} exploit the quantum advantage. The experiments are performed for $\Delta=0$ by sampling $100$ learning trials for each decay rate of $\gamma$. The decoherence process is operated in our experiment by setting the relative phases of the states to either $0$ or as $\pi$ (a phase flip) randomly with a weight of $1-\gamma/2$ or $\gamma/2$. The results are shown in Fig.~\ref{grp:result_decoherence}{\bf b}, where the average number of iterations, $n_c$, increases as ($1-\gamma$) tends to $0$. However, the qUSFC maintains the learning speed-up unless the quantum superposition is completely destroyed. Note that the quantum learning speed-up persists by an arbitrary degree of the coherence. In the worst case, i.e., fully decohered case, the learning of qUSFC is identical to that of cUSFC. \begin{figure} \centering \includegraphics[width=0.46\textwidth]{exp_grps2-eps-converted-to.pdf} \caption{\label{grp:result_decoherence} {\bf Decoherence effects in qUSFC learning.} {\bf a}. We assume that decoherence occurs between $g_0$ and $g_1$. {\bf b}. The experiments are performed for $\Delta=0$. The experimental values of $n_c$ (red solid circles) are shown together with numerically simulated data (green dotted). $100$ learning trials were used for each decay rate of $\gamma$. The blue line is for the classical approach.} \end{figure} \section{Remarks} We proposed a quantum-classical hybrid scheme for machine learning in which the classical input data are unaltered and a small quantum working channel is employed. In particular, we employed the single-bit universal circuit, which can be extended to a large $N$-bit circuit of learning. We experimentally demonstrated quantum speed-up of approximately $36\%$ for learning using the single-bit universal circuit. We explained that the speed-up originates from quantum interference and the extension of the regions for approximate hypotheses; the extended region makes it easier to identify an approximate solution in the entire hypothesis space~\cite{Yoo14}. We showed that the quantum speed-up persists even in the presence of the dephasing noise before the quantum coherence is completely destroyed. The strong robustness against the dephasing noise is understood to be a remarkable feature of our hybrid machine learning. It is expected that this hybrid method will yield practical applications that exploit conventional classical techniques. \section*{ACKNOWLEDGMENTS} We thank M. Wie\ifmmode \acute{s}\else \'{s}\fi{}niak, W. Laskowski, M. Paw\l{}owski, N. Liu, and J. Fitzsimons for helpful discussions. We acknowledge the financial support of the Basic Science Research Program through the National Research Foundation of Korea (NRF) grant (No. 2014R1A2A1A10050117 and No. 2016R1A2B4014370) funded by the Ministry of Science, ICT \& Future Planning. JB also acknowledges the financial support of the ICT R\&D program of MSIP/IITP (No. 10043464).
2a250e6790b1a0cca914dd8ad75fced1be255430
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
adc83b19e793491b1c6ea0fd8b46cd9f32e592fc
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Suspensions, namely mixtures of solid particles and a viscous liquid, can be considered as an incompressible fluid as long as the volume fraction $\phi$ of solid particles is less than a certain value, the jamming point, above which a solid-like behaviour is observed. The behaviour of suspensions is not usually captured by simple Newtonian models. As primary example of non-Newtonian effect, the viscosity can vary with the shear rate, exhibiting shear thinning and shear thickening~\citep{Laun_1984,Barnes_1989,Bender_1996,Guy_2015}. Moreover, nonvanishing normal stress differences $N_1$ and $N_2$, another hallmark of non-Newtonian behaviour, are often observed~\citep{Laun_1994,Lootens_2005,Lee_2006a,Couturier_2011,Dbouk_2013,Cwalina_2014}. Discontinuous shear thickening is a particularly intriguing phenomenon of dense suspensions and the underlying mechanism raised a significant debate~\citep{Brady_1985,Hoffmann_1998,Melrose_2004,Fall_2008,Brown_2009}. Analysing the rheology of suspensions is a difficult task since forces of various nature act among particles and the system lives mostly far from thermodynamic equilibrium. Particle simulations have been used to explore the microstructure emerging among particles in various flows and to estimate the importance of different interactions. Several particle simulations recently succeeded in reproducing shear thickening by taking into account direct contact forces% ~\citep{Fernandez_2013,Heussinger_2013,Seto_2013a}. These works support the ``stress-induced friction'' scenario~\citep{Wyart_2014,Mari_2014} and the contribution of contact forces was also confirmed in experiments~\citep{Lin_2015,Clavaud_2017}. Thus, the particle-scale mechanism of shear thickening is, to a great extent, understood. However, particle-scale simulations are not capable of reproducing engineering-scale flows of dense suspensions due to the practical limits imposed on the system size by computational tractability. For this reason, it is important to develop effective continuum models through the design of suitable non-Newtonian constitutive relations. Besides laboratory experiments, particle-scale simulations are an important source of indications for the development of such models. A complete model should describe the fluid response under any flow condition~\citep{Miller_2009}, not only in the simple shear flows in which most experimental and computational data are retrieved. Indeed, the response of non-Newtonian fluids can depend on the type of flow, as exemplified by the observations of shear thinning and extensional thickening in some viscoelastic fluid. Particularly important is the class of extensional flows of suspensions, for which few rheological characterisations are available~\citep{Dai_2017} and the sole computational investigation of which the authors are aware was performed by \citet{Sami_1996}, who studied semidilute Brownian suspensions. (We note that in his analysis flow-type dependence was not evidenced.) A related computational method to treat hydrodynamic interactions in diluted suspensions was introduced by \citet{Ahamadi_2008}. For important developments regarding emulsions of deformable droplets, we refer the reader to the work of \citet{Zinchenko_2015}. To study the material response, we simulate motions of particles in the bulk region under prescribed flow conditions. As usual, periodic boundary conditions are employed to minimise finite-size effects. The Lees--Edwards boundary conditions~\citep{Lees_1972} are commonly used to impose simple shear flows in many contexts, including suspension rheology~\citep{Bossis_1984,Mari_2014}. In this work, we also apply the Kraynik--Reinelt boundary conditions~\citep{Kraynik_1992,Todd_1998}, originally devised to impose planar extensional flows in nonequilibrium molecular dynamics simulations. With these we can provide a first assessment of the flow-type dependence of the response in dense suspensions. In \secref{sec_pbc} and \secref{sec_particle_dynamics} we describe our simulation technique which operates in the inertialess approximation. To compare consistently the results under different flow conditions, we employ the rheometric framework introduced by \citet{Giusteri_2017} (summarised in \secref{sec_general_response_functions}) which defines, for the case of planar flows, a dissipative response function, $\kappa$, and two non-dissipative response functions, $\lambda_0$ and $\lambda_3$. Those are defined for any flow type (simple shear, extensional, and mixed flows) and offer a unified description of the material response. The results of our analysis, discussed in \secref{sec_results}, highlight the presence of flow-type dependence in the microstructure and in the non-Newtonian effects observed for dense suspensions. \section{Methods} \subsection{Bulk rheology with periodic boundary conditions} \label{sec_pbc} Non-Newtonian incompressible fluids obey the differential equations \begin{equation} \rho \left[ \frac{\partial \bm{u}}{\partial t} + (\bm{u} \cdot \nabla)\bm{u} \right] = \nabla \cdot \bm{\sigma} \qquad\text{ with }\qquad \nabla \cdot \bm{u}=0, \label{eq_Cauchy_momentum_eq} \end{equation} where $\bm{u}$ is the velocity field and $\rho$ the density. To close the system of equations, the stress tensor $\bm{\sigma}$ must be given in terms of the velocity gradient through a constitutive prescription. The local value of the stress tensor describes the material response and is determined by the local history of deformation. To investigate such response, we consider small volume elements in which the velocity gradient $\nabla \bm{u}$ is approximately uniform. By simulating motions of particles in the volume element with fixed $\nabla \bm{u}$, we can find the typical stress for a certain deformation history. Time-dependent periodic boundary conditions allow to impose $\nabla \bm{u}$ and effectively simulate the bulk behaviour. Since we will consider planar flows in a 3D geometry, we can describe our methods considering the 2D projections of the computational cells. The cell frame vectors $\bm{l}_1(t)$ and $\bm{l}_2(t)$ (see \figref{fig_pbc}) are prescribed to follow the velocity field $\bm{u}=\nabla \bm{u} \cdot \bm{r}$ and periodic images of a particle at $\bm{r}$ are given by $\bm{r}' = \bm{r} + i \bm{l}_1(t)+ j \bm{l}_2(t)$ with ($i,j = \pm 1, \pm 2, \dotsc$). For simple shear flows ($\nabla \bm{u}=\dot{\gamma} \bm{e}_y \bm{e}_x$), this is equivalent to the Lees--Edwards boundary conditions. The initial periodic cells are rectangles in the flow plane (blue in \figref{fig_pbc}\,(\textit{a})). A simple shear flow deforms the cells to parallelogram shapes (red in \figref{fig_pbc}\,(\textit{a})). To avoid significantly deformed periodic cells, the initial rectangular cells can be recovered as shown in \figref{fig_pbc}\,(\textit{a}). To impose planar extensional flows ($\nabla\bm{u} =\dot{\varepsilon} \bm{e}_x \bm{e}_x - \dot{\varepsilon}\bm{e}_y \bm{e}_y$) for long times, we employ the Kraynik--Reinelt periodic boundary conditions~\citep{Kraynik_1992,Todd_1998}. If the initial master cell is a regular square oriented at a certain angle $\theta^{\ast}$ from the extension axis ($x$-axis), the deformed parallelogram cell after a certain strain $\varepsilon_{\mathrm{p}}$ can be remapped to the initial regular shape as shown in \figref{fig_pbc}~(\textit{b}). \begin{figure} \centerline{\includegraphics[width=0.98\columnwidth]{Figure_1-eps-converted-to.pdf}} \caption{ (\textit{a})~The deforming periodic cells for simple shear flows. The initial rectangular shape can be recovered when shear strain $\gamma$ equals $1$ by removing a part $\mathsf{A}$ of the master cell and including the corresponding part $\mathsf{A}'$ of a periodic image in the new master cell. Note that the recovery can be performed at any value of the shear strain $\gamma$ if the periodic displacement of the rows is taken into account. (\textit{b})~The deforming periodic cells for extensional flow (Kraynik--Reinelt boundary conditions). The initial rectangular cell, which is oriented at a certain angle $\theta^{\ast} \approx \SI{31.7}{\degree}$, can be recovered when the strain $ \varepsilon$ equals $\varepsilon_{\mathrm{p}} \approx 0.962 $ by removing parts $\mathsf{A}$--$\mathsf{C}$ of the master cell and including the corresponding parts $\mathsf{A}'$--$\mathsf{C}'$ of periodic images in the new master cell. } \label{fig_pbc} \end{figure} \subsection{Inertialess particle dynamics for suspensions} \label{sec_particle_dynamics} We numerically evaluate the stress tensor $\bm{\sigma}$ by using particle simulations with deforming periodic cells. Our simulation is analogous to rate-controlled rheological measurements in the sense that time-averaged stress responses $\langle \bm{\sigma}\rangle$ are evaluated for imposed velocity gradients $\nabla \bm{u}$. We consider non-Brownian, density matched, and dense suspensions. Suspended particles interact with each other in several ways. As discussed in \citet{Mari_2014}, we take into account contact forces $\bm{F}_{\mathrm{C}}$ (and torques $\bm{T}_{\mathrm{C}}$) and stabilising repulsive forces $\bm{F}_{\mathrm{R}}$, besides hydrodynamic interactions $\bm{F}_{\mathrm{H}}$ and $\bm{T}_{\mathrm{H}}$. Since the inertia of sufficiently small particles is negligible in comparison to the hydrodynamic drag forces, the particles obey the quasi-static equations of motion \begin{equation} \bm{F}_{\mathrm{H}} + \bm{F}_{\mathrm{C}} + \bm{F}_{\mathrm{R}} = \bm{0} \quad\text{and}\quad \bm{T}_{\mathrm{H}} + \bm{T}_{\mathrm{C}} = \bm{0}. \label{eq_force_balance_h_c_r} \end{equation} Here, forces $\bm{F}$ and torques $\bm{T}$ represent the set of forces and torques for $N$ particles. Flows around microscale particles are dominated by viscous dissipation and the inertia of the fluid is negligible, so they are described by the Stokes equations. The imposed velocity gradient $\nabla \bm{u}$ gives the background flow via the velocity $\bm{u}(\bm{r})$, vorticity $\bm{\omega} \equiv \nabla \times \bm{u}$, and rate of deformation tensor $\Tensor{D}$ such that $\nabla \bm{u} \cdot \bm{r} = \bm{u}(\bm{r}) = \Tensor{D} \cdot \bm{r} + (\bm{\omega}/2) \times \bm{r}.$ In this case, the hydrodynamic interactions can be expressed as the sum of linear resistances to the relative velocities $\varDelta \bm{U}^{(i)} \equiv \bm{U}^{(i)}-\bm{u}(\bm{r}^{(i)})$, angular velocities $\varDelta \bm{\varOmega}^{(i)} \equiv\bm{\varOmega}^{(i)}-\bm{\omega}/2$, for $i = 1, \dotsc, N$, and imposed deformation $\Tensor{D}$ via \begin{equation} \begin{pmatrix} \bm{F}_{\mathrm{H}} \\ \bm{T}_{\mathrm{H}} \end{pmatrix} = -\Tensor{R} \cdot \begin{pmatrix} \varDelta \bm{U} \\ \varDelta \bm{\varOmega}\\ \end{pmatrix} +\Tensor{R}' \mathbin{:} \Tensor{D}_{N} ,\label{eq_hydro_force} \end{equation} where $\varDelta\bm{U}$ and $\varDelta \bm{\varOmega}$ represent the set of relative velocities for $N$ particles, $\Tensor{D}_{N}$ is block-diagonal with $N$ copies of $\Tensor{D}$, and $\Tensor{R}$ and $\Tensor{R}'$ are resistance matrices which can, in principle, be derived from the Stokes equations once the particle configurations are given. In dense suspensions, the long-range hydrodynamic interactions are screened by crowds of particles. Therefore, we may approximately construct the resistance matrices by including only the contributions of Stokes drag and lubrication forces. In real suspensions, the lubrication singularity in $\bm{F}_{\mathrm{H}}$ is absent due to factors such as the surface roughness of particles---direct contacts are not forbidden. Hence, we include the contact interactions $\bm{F}_{\mathrm{C}}$ and $\bm{T}_{\mathrm{C}}$ in \eqref{eq_force_balance_h_c_r}. The contact forces between solid particles depend on the nature of the particle surfaces. This is effectively encoded in the friction coefficient $\mu$ that enters a simple friction model. By denoting with $F_{\mathrm{C}}^{n}$ and $F_{\mathrm{C}}^{t}$ normal and tangential forces, respectively, we prevent sliding if $F_{\mathrm{C}}^{t} \leq \mu F_{\mathrm{C}}^{n}$. The normal force depends on the overlap between particles through an effective elastic constant and the tangential force depends on the sliding displacement in a similar way. The details of the employed model are given in \citet{Mari_2014}. The presence of the stabilising repulsive force $\bm{F}_{\mathrm{R}}$ in \eqref{eq_force_balance_h_c_r} generates the rate dependence of rheological properties in such suspensions. Indeed, while reaching the same strain, $\bm{F}_{\mathrm{R}}$ can work more to prevent particle contacts under lower deformation rates, but less under higher rates. As a result, the number of contacts depends on the rate of the imposed flow. In colloidal suspensions, Brownian forces may play a similar role, as discussed by \citet{Mari_2015a}. The bulk stress tensor is obtained as \begin{equation} \bm{\sigma} = -p_0 \Tensor{I} + 2 \eta_0 \Tensor{D} + V^{-1} \biggl( \sum_i \Tensor{S}_{\mathrm{D}}^{(i)} + \sum_{i > j} \Tensor{S}_{\mathrm{P}}^{(i,j)} \biggr), \label{eq_part-mot} \end{equation} where $\eta_0$ is the viscosity of the solvent, $\Tensor{S}_{\mathrm{D}}^{(i)}$ is the stresslet on particle $i$ due to $\Tensor{D}$, and $\Tensor{S}_{\mathrm{P}}^{(i,j)}$ is the stresslet due to non-hydrodynamic interparticle forces between particle $i$ and $j$~\citep{Mari_2015}. Note that, since the hydrostatic pressure $p_0$ is arbitrary, we set $p_0=0$. However, the last term in \eqref{eq_part-mot} is not traceless and thus contributes to the total pressure $p \equiv -(1/3)\tr{\bm{\sigma}}$. \subsection{General response functions for steady flows of non-Newtonian fluids} \label{sec_general_response_functions} The stress $\bm{\sigma}$ is a tensorial quantity and we need a procedure to extract from it the relevant information in terms of scalar quantities. We are interested in comparing the material response under different types of imposed flow conditions. For this reason, we need a framework in which it is possible to identify the dependence on the flow type of each independent non-Newtonian effect. To this end, we use the framework introduced by \citet{Giusteri_2017}, in which the characteristic rate of the imposed flow is defined independently of the flow type and a complete set of response functions is given. These functions generalise to any flow type standard quantities such as viscosity and normal stress differences. The velocity gradient $\nabla \bm{u}$ is decomposed into symmetric and antisymmetric parts as $\nabla \bm{u} = \Tensor{D} + \Tensor{W}$. In the planar case, with $\Tensor{D} \neq \Tensor{0}$, we denote by $\dot{\varepsilon}$ the largest eigenvalue of $\Tensor{D}$ and express $\Tensor{\hat{D}} \equiv \Tensor{D}/ \dot{\varepsilon} $ and $\Tensor{\hat{W}} \equiv \Tensor{W} /\dot{\varepsilon} $ on the basis of the eigenvectors $\hat{\bm{d}}_1$ and $\hat{\bm{d}}_2$ of $\Tensor{D}$ (corresponding to the eigenvalues $\dot{\varepsilon}$ and $-\dot{\varepsilon}$) as follows: \begin{equation} \Tensor{\hat{D}} = \hat{\bm{d}}_1\hat{\bm{d}}_1 - \hat{\bm{d}}_2\hat{\bm{d}}_2, \quad \Tensor{\hat{W}} = \beta_3 (\hat{\bm{d}}_2\hat{\bm{d}}_1 - \hat{\bm{d}}_1\hat{\bm{d}}_2). \label{eq_D_and_W} \end{equation} The non-vanishing and positive rate $\dot{\varepsilon} > 0$ is used to set the time scale of deformation in any flow type. With this definition, the standard rate $\dot{\gamma} $ for simple shear corresponds to the value $2\dot{\varepsilon}$. The vorticity $\omega_z$ is represented by the dimensionless parameter $\beta_3$ through $\omega_z = 2 \dot{\varepsilon} \beta_3$. Note that planar extensional flows are characterised by $\beta_3 = 0$, and simple shear flows by $\beta_3 = 1$. A general representation of the stress tensor in planar flows is then given by \begin{equation} \bm{\sigma} (\dot{\varepsilon}, \beta_3) = - p(\dot{\varepsilon}, \beta_3) \Tensor{I} + \dot{\varepsilon} \bigl[ \kappa (\dot{\varepsilon}, \beta_3) \Tensor{\hat D} + \lambda_0 (\dot{\varepsilon}, \beta_3) \Tensor{\hat E} + \lambda_3(\dot{\varepsilon}, \beta_3) \Tensor{\hat G}_3 \bigr],\label{133900_27Jun17} \end{equation} where $\Tensor{\hat E} \equiv -(1/2)(\hat{\bm{d}}_1\hat{\bm{d}}_1+\hat{\bm{d}}_2\hat{\bm{d}}_2) +\hat{\bm{d}}_3\hat{\bm{d}}_3 $, $\hat{\bm{d}}_3$ is the eigenvector of $\Tensor{D}$ orthogonal to the flow plane, and $ \Tensor{\hat G}_3 \equiv \hat{\bm{d}}_1\hat{\bm{d}}_2 + \hat{\bm{d}}_2\hat{\bm{d}}_1 $ is introduced to complete an orthogonal basis for the space of symmetric tensors for planar flows. The functional dependence of $\kappa$, $\lambda_0$, and $\lambda_3$ on the two kinematical parameters $\dot{\varepsilon}$ and $\beta_3$ needs to be determined to characterise the response in generic flows. We remark that the response functions $\kappa$, $\lambda_0$, and $\lambda_3$ can depend on any other quantity that characterise the system. For instance, in \secref{sec_results} we will also show their dependence on the volume fraction $\phi$. The function $\kappa$ is the only one to carry information about dissipation. We therefore refer to it as the \emph{dissipative response function}, a generalised viscosity. The functions $\lambda_0$ and $\lambda_3$ carry information about non-dissipative responses and we call them \emph{non-dissipative response functions}. The presence of a nonvanishing $\lambda_0$ leaves the eigenvectors of the stress $\bm{\sigma}$ aligned with those of $\Tensor{D}$, as happens in Newtonian fluids, but gives a contribution to the stress in the form of a modified pressure which is isotropic in the flow plane but different in the direction normal to the flow plane. On the other hand, a nonvanishing $\lambda_3$ corresponds to a rotation of the eigenvectors of $\bm{\sigma}$ in the flow plane with respect to those of $\Tensor{D}$, determining the reorientation angle \begin{equation} \varphi \equiv \arctan\Bigl[ \lambda_3 \Big/ \Bigl(\kappa + \sqrt{ \kappa^2 +\lambda_3^2 }\Bigr) \Bigr]. \label{eq:reorientation_angle} \end{equation} For the sake of comparison, the shear viscosity $\eta$ and normal stress differences $N_1$ and $N_2$, defined for simple shear flows with $\beta_3 = 1$ as functions of $\dot{\gamma} = 2 \dot{\varepsilon}$, are given by \begin{equation} \eta(2\dot{\varepsilon})=\kappa(\dot{\varepsilon},1)/2, \quad N_1(2\dot{\varepsilon}) =-2\dot{\varepsilon}\lambda_3(\dot{\varepsilon},1), \quad\text{and}\quad N_2(2\dot{\varepsilon})=\dot{\varepsilon} [\lambda_3(\dot{\varepsilon},1) -(3/2)\lambda_0(\dot{\varepsilon},1)]. \end{equation} Moreover, the extensional viscosity, defined for extensional flows with $\beta_3 = 0$, is given by $\eta_{\mathrm{E}}(\dot{\varepsilon}) = 2 \kappa(\dot{\varepsilon}, 0)$. So that the Trouton ratio $\eta_{\mathrm{E}}(\dot{\varepsilon})/ \eta(2\dot{\varepsilon}) $ equals $4$ only if $\kappa(\dot{\varepsilon},0) =\kappa(\dot{\varepsilon},1)$. We want to stress that, to arrive at \eqref{133900_27Jun17}, no a priori assumption is made on the list of quantities on which the material functions can depend. Hence, the stress tensor for any non-Newtonian fluid model under steady flow conditions can be expressed in the form \eqref{133900_27Jun17}. For example, since $\Tensor{D}^2$ in planar flows is a linear combination of $\Tensor{I}$ and $\Tensor{\hat{E}}$, the class of Reiner--Rivlin fluids corresponds to choosing $\lambda_3 = 0$, and assuming $\kappa$ and $\lambda_0$ independent of $\beta_3$. Similarly, second-order fluids under steady shear flows would produce constant values of $\kappa$ and $\lambda_0$, and entail $\lambda_3 \propto \beta_3 \dot{\varepsilon}$, since, under such flows, $\Tensor{W}\cdot\Tensor{D}-\Tensor{D}\cdot\Tensor{W} = \beta_3 \dot{\varepsilon}^2 \Tensor{\hat{G}}_3$. A detailed discussion of the representation \eqref{133900_27Jun17} and its relation to fluid models are given in \citet{Giusteri_2017}. \section{Results} \label{sec_results} To obtain the numerical results, we mainly performed 50 independent 3D simulations with $2000$ particles. The periodic cells are initially cuboids with ratio $5:5:1$. We also performed some simulations with 4000 particles using double-sized cells ($5:5:2$) to confirm the absence of significant finite-size effects (data are not shown). Regarding the friction coefficient, we set $\mu = 1$ since it is the value that, in a previous paper \citep{Mari_2015a}, was found to give good agreement with the experimental data by \citet{Cwalina_2014}. It is worth mentioning that \citet{Tanner_2016} showed that $\mu = 0.5$ gives a better quantitative agreement with different experimental data. Nevertheless, such a fine tuning of $\mu$ is not necessary for our qualitative analysis. The short-range repulsive force is given by $|\bm{F}_{\mathrm{R}}| = F_{\mathrm{R}}(0) \exp[- (r-2a)/(0.02a)]$, with $a$ the particle radius. A reference rate is set as $\dot{\varepsilon}_0 \equiv F_{\mathrm{R}}(0) / (12 \pi \eta_0 a^2)$. To estimate the importance of the inertial effects, we can use the Stokes number given by \begin{equation} \StNum \equiv \frac{2 \rho_{\mathrm{p}} a^2 \dot{\varepsilon}}{\eta_0} = \frac{\rho_{\mathrm{p}} F_{\mathrm{R}}(0)}{6\pi \eta_0^2} \frac{\dot{\varepsilon}}{\dot{\varepsilon}_0}, \end{equation} with $\rho_{\mathrm{p}}$ the particle density. Hence, inertial effects can be neglected if $\mathrm{St}\ll 1$, that is when the ratio $\dot{\varepsilon}/\dot{\varepsilon}_0$ is much smaller than $6\pi \eta_0^2 / \rho_{\mathrm{p}} F_{\mathrm{R}}(0)$. The preceding threshold determines, for each specific system, the region in which the rheology curves obtained with our simulations can be expected to be in agreement with real data. \subsection{Dissipative response function $\kappa$} \label{sec_kappa} For the case of monodisperse suspensions, the dissipative response function $\kappa$ significantly increases with the rate $\dot{\varepsilon}$ both in simple shear and extensional flows (\figref{fig_kappa_mono}). Not only shear thickening but also extensional thickening occurs. However, below thickening, there is a clear flow-type dependence. The value of $\kappa$ in extensional flow is much higher than the one obtained in simple shear flow (the Trouton ratio is much larger than $4$). On the other hand, above thickening, the values of $\kappa$ in extensional and shear flows are almost indistinguishable (the Trouton ratio is very close to $4$) and the flow-type dependence is hindered. The significant discrepancy observed below thickening is due to shear-induced ordering, which can occur only in simple shear flows, as we confirm by analysing the pair distribution functions in \secref{sec_microstructure}. Since streamlines of a simple shear flow are straight and parallel to each other, particles tend to be arranged in chain-like structures along the flow direction. We observe a gradual decrease of $\kappa$ over time (strain thinning) in simple shear flows, which indicates the growth of the ordered structure. It should be noted that the shear-induced ordering is enhanced by the periodic boundary conditions, since linear chains may connect with their own periodic images. By contrast, the streamlines of extensional flows are never parallel to each other. Therefore, there is no obvious ordered structure compatible with extensional flows. Indeed, we neither observe strain thinning nor any ordered microstructure in the extensional flow simulation. \begin{figure} \centerline{\includegraphics[width=0.45\textwidth]{Figure_2-eps-converted-to.pdf}} \caption{ Both shear thickening and extensional thickening are observed in the rate dependence of the dissipative material function $\kappa$. Data are for monodisperse suspensions in extensional flows (filled symbols with solid lines) and in simple shear flows (open symbols with dashed lines). Below thickening, $\kappa$ in simple shear flows is much lower than $\kappa$ in extensional flows. In each simulation, the time average is taken over 5 strains after reaching the steady state. The error bars show standard deviation for 50 independent simulations. } \label{fig_kappa_mono} \end{figure} \begin{figure} \centerline{\includegraphics[width=0.9\textwidth]{Figure_3-eps-converted-to.pdf}} \caption{ Mixing particles of different sizes hinders the shear-induced ordering. Differences in $\kappa$ between extensional flow (filled symbols with solid lines) and simple shear (open symbols with dashed lines) are still present in the weakly bidisperse suspensions, $a_2/a_1 = 1.2$ (\textit{a}), but no longer significant in the strongly bidisperse suspensions, $a_2/a_1 = 1.4$ (\textit{b}). } \label{fig_kappa_bi} \end{figure} In the thickened regime, frictional contact forces are constantly activated. Such contact forces are so strong that particles are easily prevented from following the background flow, thus ordered structures cannot be developed. As long as the disordered structure is maintained under simple shear flows, the value of $\kappa$ remains very close to that observed in extensional flows. The shear-induced ordering can be hindered by mixing particles with different sizes. To see this effect, we consider two types of bidisperse suspensions with different size ratios: $a_2/a_1 = 1.2$ and $a_2/a_1 = 1.4$ (named ``weak'' and ``strong'', respectively). Two populations occupy the same volume fractions, i.e., $\phi_1 = \phi_2 = \phi /2$. In the weakly bidisperse suspensions (\figref{fig_kappa_bi}\,(\textit{a})), although the differences clearly become smaller, some flow-type dependence can still be seen, especially for $\phi = 0.5$. In the strongly bidisperse suspensions (\figref{fig_kappa_bi}\,(\textit{b})), we no longer see a noticeable flow-type dependence---Trouton ratios are always close to $4$. \subsection{Pressure and anisotropic response} \label{sec_lambda0} The total stress tensor $\bm{\sigma}$ is usually split into two parts: isotropic pressure term and traceless extra-stress term. Though only the extra-stress term determines the flows of incompressible fluids, the pressure $p$ is also a part of the material response. As seen in \figref{fig_pressure_and_lambda0}\,(\textit{a}) for monodisperse suspensions in extensional flows, the pressure term $p$ varies in a similar way as $\dot{\varepsilon} \kappa$; the ratio $ \dot{\varepsilon} \kappa / p $ remains of the order of unity even when $\kappa$ significantly increases by thickening. In our simulation, the volume of the periodic cells is fixed, therefore the system can never dilate. However, such increase of $p$ with $\dot{\varepsilon} \kappa$ suggests that extensional thickening (and shear thickening) of suspensions is a phenomenon related to that of \emph{dilatancy} in granular materials. The pressure term $p$ contributes isotropically to $\bm{\sigma}$ by definition. However, there is another contribution to the stress $\bm{\sigma}$ sharing the same origin. The non-dissipative response associated with dilatancy can be anisotropic and activate the response function $\lambda_0$. The dimensionless ratio $\dot{\varepsilon} \lambda_0/p$ represents such anisotropy. Its positive values reported in \figref{fig_pressure_and_lambda0}\,(\textit{b}) indicate that the in-plane pressure is higher than the out-of-plane pressure. However, this anisotropy is not very strong, as it would be if the pressure dilatancy were only present in the flow plane. \begin{figure} \centerline{\includegraphics[width=0.9\columnwidth]{Figure_4-eps-converted-to.pdf}} \caption{ (\textit{a}) The ratio between $\dot{\varepsilon}\kappa$ and $p$ for monodisperse suspensions in extensional flows remains of the order of unity even when the viscosity increases significantly. (\textit{b}) The positive values of the ratio $\dot{\varepsilon} \lambda_0/p$ for monodisperse suspensions in extensional flows indicate some anisotropy in the pressure response, namely the in-plane pressure is higher than the out-of-plane pressure. } \label{fig_pressure_and_lambda0} \end{figure} \subsection{Reorientation angle of stress eigenvectors} \label{sec_lambda3} Besides the ordering in simple shear flow, we can see some flow-type dependence in the reorientation angle~$\varphi$, defined in \eqref{eq:reorientation_angle}. In extensional flows, the principal axes of the stress tensor $\bm{\sigma}$ must be parallel to the eigenvectors of $\Tensor{D}$ due to symmetry considerations. Indeed, the reorientation angle $\varphi$ fluctuates around zero in those simulations. In simple shear flows, the shear-induced ordering is accompanied by large negative values of $\varphi$~(\figref{fig_lambda3}~(a)). On the other hand, in the disordered states above thickening~(\figref{fig_lambda3}~(b)) and with strong bidispersity~(\figref{fig_lambda3}~(c)), $\varphi$ is always rather small but non-zero. In our inertialess simulation, this finite flow-type dependence indicates some characteristic microstructure (see \secref{sec_microstructure}) due to the presence of vorticity in simple shear, which is absent in extensional flows. It is worth commenting on the dependence of the angle $\varphi$ on the volume fraction $\phi$ (\figref{fig_lambda3}). In the thickened regime, corresponding to higher values of $\dot{\varepsilon}$, the angle $\varphi$ is always positive for $\phi = 0.5$. The values of $\varphi$ become smaller and can take slightly negative values as $\phi$ increases. This behaviour is consistent with some experimental measurements of $N_1$, which is proportional to $-\lambda_3$. When the volume fraction is not very high, negative values have been observed for $N_1$~\citep{Lee_2006a,Cwalina_2014}, corresponding to positive $\varphi$, while the sign of $N_1$ turns positive (negative $\varphi$) at higher volume fractions~\citep{Lootens_2005,Dbouk_2013}. \begin{figure} \centerline{\includegraphics[width=\textwidth]{Figure_5-eps-converted-to.pdf}} \caption{ The reorientation angle $\varphi$ is non-zero in simple shear flows for both monodisperse suspensions (\textit{a})--(\textit{b}) and strongly bidisperse suspensions (\textit{c}), while it fluctuates around zero in extensional flows (not shown). Such angle is associated with the first normal stress difference $N_1$ and we have $\varphi \approx - N_1 / (4\dot{\varepsilon} \kappa) $ when $\lambda_3 \ll \kappa$. The large standard deviations present in the monodisperse case (\textit{a}) below thickening are due to the existence of several types of stable ordered structures displaying rather different values of $\varphi$. This is likely to be an effect originated by the finite-size of the simulation cell. When the microstructure is disordered (\textit{b})--(\textit{c}), the standard deviations are smaller and comparable. } \label{fig_lambda3} \end{figure} \subsection{Microstructure} \label{sec_microstructure} As discussed in the modelling section \secref{sec_particle_dynamics}, it is reasonable to neglect particle and fluid inertia in the particle-scale dynamics. The response of such inertialess material elements to an imposed flow essentially depends on the microstructure built by the particles during the flow~\citep{Morris_2009}. To measure the correlation of particle positions, we evaluate the pair distribution function $g(\bm{r}) \equiv P_{1|1}(\bm{r}|\bm{0})/n$, where $n$ is the average number density of particles and $P_{1|1}(\bm{r}|\bm{0})$ is the conditional probability of finding a particle at $\bm{r}$ with the condition that another particle is at the origin $\bm{0}$. \figref{fig_microstructure}\,(a) and (b) show $g(\bm{r})$ in the flow-plane slice $|z| < 0.1 a$. We also consider angular distributions $g_{\mathrm{c}}(\theta)$ for contacting (and nearly contacting) particles such that $|\bm{r}| < 2.02 a$. The angle $\theta$ is measured from the $\hat{\bm{d}}_1$ axis. \begin{figure} \centerline{\includegraphics[width=1\textwidth]{Figure_6-eps-converted-to.pdf}} \caption{ (\textit{a}) The pair distribution function $g(\bm{r})$ highlights the presence of strong ordering below thickening ($\dot{\varepsilon}/\dot{\varepsilon}_0 = 0.01$) for monodisperse suspensions ($\phi = 0.54$) under simple shear, and its absence above thickening~($\dot{\varepsilon}/\dot{\varepsilon}_0 = 0.02$). (\textit{b}) No obvious ordered structure can be associated to $g(\bm{r})$ for the case of extensional flow both below and above thickening. (\textit{c})--(\textit{d}) The polar plot of the angular distribution $g_{\mathrm{c}}(\theta)$ of contacting (and nearly contacting) particles such that $|\bm{r}| < 2.02 a$ shows that the strong enhancement of contact interactions is the main responsible of thickening. Note that, since practically no particles are in contact for $\dot{\varepsilon}/\dot{\varepsilon}_0 \le 0.005$ in simple shear, the corresponding data in (\textit{c}) are negligible. The difference between simple shear flow (\textit{c}) and extensional flow (\textit{d}) is discussed in the main text. } \label{fig_microstructure} \end{figure} As seen in \figref{fig_microstructure}\,(\textit{a}), a stripe-patterned correlation $g(\bm{r})$ appears for the monodisperse suspensions in simple shear flow below thickening ($\dot{\varepsilon}/\dot{\varepsilon}_0 = 0.01$). The periodic peaks and striped correlation indicate the formation of chain-like structures by the particles. Once such chain-like structure is formed, particle interactions are rather weak, which leads to significantly low values of $\kappa$ as seen in \figref{fig_kappa_mono}. The microstructure is totally different above thickening ($\dot{\varepsilon}/\dot{\varepsilon}_0 = 0.02$). The long-range correlation is no longer seen. The correlation pattern indicates some disordered anisotropic microstructure. In \figref{fig_microstructure}\,(\textit{c}), the angular contact distribution $g_{\mathrm{c}}(\theta)$ clearly shows that the number of contacting particles remarkably increases for $\dot{\varepsilon}/\dot{\varepsilon}_0 \geq 0.02$. This observation is consistent with the idea that shear thickening is caused by the development of the contact network~\citep{Seto_2013a}. These results can be directly compared with those for the extensional flow simulation. As seen in \figref{fig_microstructure}\,(\textit{b}), even below thickening ($\dot{\varepsilon}/\dot{\varepsilon}_0 = 0.01$), there is no long-range correlation in $g(\bm{r})$. The distribution pattern has horizontal and vertical mirror symmetries and no vorticity skews the correlation in the extensional flow. The distribution pattern does not change much above thickening ($\dot{\varepsilon}/\dot{\varepsilon}_0 = 0.02$). But a clear difference is present in the angular contact distribution $g_{\mathrm{c}}(\theta)$~(\figref{fig_microstructure}\,(\textit{d})). A flame-shaped distribution transforms into a fan-shaped distribution at the extensional thickening transition. Thus, just below the transition, we can find contacting particles only around the directions of the compression axis; nevertheless, the width of the flame shape indicates that, differently from what we observed under shear, the contact chains do not correspond to stable ordered chains of particles. Rather, they are constantly rebuilt among new neighbouring particles. Such contact chains which are roughly parallel and oriented along the compression axis do not contribute to the viscosity significantly~(\figref{fig_kappa_mono}). By contrast, above the thickening transition, contacting particles can be found in all directions, even in the directions of the extension axis ($\theta = 0$ and $\pi$); such distribution suggests an anisotropic network structure for the pattern of contacts, which enhances the viscosity. Thus, we can describe the essence of extensional thickening as a \emph{contact-chain to contact-network} transition. The fact that such a transition occurs in extensional flows without significant change of the long-range correlation (always absent) indicates that also in simple shear flows the main responsible for thickening is the contact-chain to contact-network transition. Indeed, while we observe a concurrent order-disorder structural transition in monodisperse suspensions under shear, this is not present in strongly bidisperse suspensions, which nevertheless display a strong thickening behaviour. \section{Conclusions} We numerically explored the non-Newtonian character of dense suspensions, which has a different origin from that of viscoelastic fluids. This character is manifested in three main aspects: rate dependence, non-dissipative responses, and flow-type dependence. Analysing thickening in both extensional and simple shear flows, we were able to confirm that the contact-chain to contact-network transition is its main cause. Non-dissipative responses, such as normal stress differences, are present in any flow regime. Flow-type dependence is evident in monodisperse suspensions below thickening, where ordering occurs under simple shear. Preventing ordering through thickening or polydispersity hinders (but does not cancel) the flow-type dependence. \section*{Acknowledgements} The authors acknowledge support from the Okinawa Institute of Science and Technology Graduate University. The research of Ryohei Seto is partially supported by JSPS KAKENHI Grant Number JP17K05618. \bibliographystyle{jfm}
4bf1492f462bb94a29800a0279ef38e929bc5b54
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction and summary} Conformal field theories with $(2,0)$ supersymmetry in dimension six (henceforth $(2,0)$ SCFTs, see for instance \cite{Moore2012}), play a central role in our understanding of the non-perturbative physics of lower-dimensional supersymmetric quantum field theories. They are however notoriously difficult to study because of their intrinsically quantum nature: they do not admit a semiclassical limit in which perturbative methods would apply. At the price of breaking the conformal symmetry, it is possible to reduce them to essentially free theories in the IR, by turning on generic Coulomb branch parameters. While this process drastically changes the properties of theory, 't Hooft anomaly matching shows that the gravitational and R-symmetry anomalies are invariant. These anomalies are therefore computable quantities offering a window into the strongly coupled regime of $(2,0)$ SCFTs. The local gauge and R-symmetry anomalies were computed in \cite{Harvey:1998bx, Intriligator:2000eq}, while their global counterparts have been recently derived in \cite{Monnier:2014txa}. There is however much more information in the anomalies of $(2,0)$ SCFTs than was extracted by these papers. For instance, a $(2,0)$ SCFT on a 6-manifold $M$ does not generally have a single partition function, but rather a vector of "conformal blocks", of dimension $d = |H^3(M;\Gamma)|^{1/2}$, where $\Gamma$ is the finite group obtained as the quotient of the weight lattice by the root lattice of the ADE Lie algebra defining the SCFT. Under transformations disconnected from the identity, the vector of conformal blocks is transformed by a $U(d)$ element. \cite{Harvey:1998bx, Intriligator:2000eq} considered only infinitesimal transformations, and \cite{Monnier:2014txa} only transformations leaving the vector of conformal blocks invariant up to a phase. Moreover, there are Hamiltonian anomalies, affecting the state space of the theory on a 5-dimensional manifold, as well as more exotic anomalies affecting the objects the theory associates to lower dimensional manifolds. A prior, it is a challenge to describe all the anomalies and the consistency relations they obey. A recent insight addressing this problem is the notion of anomaly field theory \cite{Freed:2014iua, Moore, Moore2012, 2014arXiv1406.7278F, 2014arXiv1409.5723F, Monnierd}: all the anomalies of a $d$-dimensional quantum field theory are encoded in an extended field theory in dimension $d+1$ (or more precisely in an equivalence class thereof), the \emph{anomaly field theory}. Moreover, the consistency constraints that anomalies satisfy are nothing but the requirement that the anomaly field theory is a field theory functor, in the Atiyah-Segal sense. This formalism also naturally includes anomalous "relative quantum field theories" \cite{Freed:2012bs} which do not have a unique partition function or state space, such as the chiral conformal field theories in two dimensions or the $(2,0)$ SCFTs to be discussed here. The main result of the present paper is the construction of anomaly field theories for the $(2,0)$ SCFT, as non-extended quantum field theories. The 7-dimensional anomaly quantum field theories are the product of certain invertible field theories with a discretely gauged Wu Chern-Simons theory, constructed in \cite{Monnier:2016jlo}. While the invertible field theories can easily be formulated as extended field theories (see for instance \cite{Freed:1994ad, 2014arXiv1406.7278F}), the Wu Chern-Simons theory is currently known only as an ordinary field theory. The anomaly field theories, in their current non-extended formulation, therefore only contain information about the anomalies of the conformal blocks of the $(2,0)$ SCFTs. It would be very interesting to extend them at least to codimension 2, to study Hamiltonian anomalies, but this is beyond the scope of the present work. All the quantum field theories to be discussed here are Euclidean. A suitable Wick rotation relates the correlation functions of the Lorentzian and Euclidean theories, and therefore their anomalies as well. The focus of this paper is on gauge and gravitational anomalies, but we will comment on conformal anomalies at the end of this introduction. We will now recall the notion of anomaly field theory and summarize the results of the paper in more detail. A more elaborate discussion of the concept of anomaly field theory can be found in \cite{Monnierd}. \paragraph{Anomaly field theories} The thesis underlying the concept of anomaly field theory is that a $d$-dimensional anomalous field theory is nothing but a "field theory taking value in a certain $d+1$ field theory", the \emph{anomaly field theory}. To understand what this means, recall that a $d$-dimensional quantum field theory assigns in particular a complex number, the \emph{partition function}, to any closed $d$-dimensional manifold $M^d$, and a Hilbert space, the \emph{state space}, to any closed $d-1$-dimensional manifold $M^{d-1}$. A "$d$-dimensional field theory $\mathcal{F}$ taking value in a $d+1$-dimensional field theory $\mathcal{A}$" assigns an element of the Hilbert space $\mathcal{A}(M^d)$ to $M^d$. Its partition function is therefore a vector rather than a complex number. Similarly, its state space $\mathcal{F}(M^{d-1})$ is not a Hilbert space, but rather an object in the category assigned by $\mathcal{A}$ to $M^{d-1}$ (which can be physically pictured as the category of boundary conditions of $\mathcal{A}$). Of course, these assignments are subject to consistency conditions. Those can be formalized neatly by seeing $\mathcal{A}$ as a functor from a (higher) bordism category to the (higher) category of Hilbert spaces. $\mathcal{F}$ is then a natural transformation from $\mathcal{A}$ to the trivial $d+1$-dimensional field theory functor. We refer the reader to \cite{Monnierd} for an explanation of these claims. Familiar anomalous quantum field theories, such as chiral fermions, have invertible field theories. Recall that a $d+1$-dimensional quantum field theory $\mathcal{A}$ is called \emph{invertible} when the objects it assigns to $d+1$- and $d$-dimensional manifolds of various dimensions are all invertible. For instance, its partition function on a closed $d+1$-dimensional manifold should be a non-vanishing complex number, and its state space on a closed $d$-dimensional manifold should be a 1-dimensional Hilbert space, i.e. a Hermitian line, which is invertible with respect to the tensor product operation. Anomalous field theories with invertible anomaly field theories have therefore partition functions taking value in a Hermitian line. As Hermitian lines can be non-canonically be identified with $\mathbb{C}$, their partition functions can be identified with complex numbers at the price of unnatural choices. If a unitary symmetry is present, it acts on $\mathcal{A}(M^d)$ by multiplication by a phase. The partition function of $\mathcal{F}$, being a vector in $\mathcal{A}(M^d)$, gets multiplied by this phase and therefore fails to be invariant under the symmetry. This shows how the conventional picture of anomalies as symmetry breaking phenomena is recovered in this formalism. Examples of anomalous quantum field theories with value in non-invertible anomaly field theories are provided by rational chiral conformal theories. They generally do not admit a single partition function, but rather a vector of "conformal blocks". This vector of conformal blocks takes value in the state space of a Reshetikhin-Turaev topological field theory, constructed out of the modular tensor category of representations of the relevant chiral vertex algebra. In the particular case of chiral WZW models, the Reshetikhin-Turaev theory is quantum Chern-Simons theory, and the observation above dates back to \cite{Witten:1988hf}. \paragraph{The anomaly field theories of $(2,0)$ SCFTs} The $(2,0)$ SCFTs in dimension six studied in the present paper are similar to chiral conformal field theories in the sense that they generally have a vector of conformal blocks rather than a single partition function. Accordingly, their 7-dimensional anomaly field theories are non-invertible. (The only exception is the $E_8$ theory.) The anomaly field theory to be described is defined on 7-dimensional manifolds carrying all the data necessary to define a $(2,0)$ SCFT in dimension six. We refer to these manifolds as $(2,0)$-manifolds in the following, see Section \ref{SecPrelim} for definitions. $(2,0)$-manifolds are in particular endowed with a rank 5 R-symmetry bundle $\mathscr{N}$. For the $(2,0)$ SCFT based on the Lie algebra $\mathfrak{g}$, we find that the anomaly field theory is \be \label{EqAFTGenSCFTIntro} \textcal{An}_{\mathfrak{g}} = \left(\textcal{DF}^{\frac{1}{2}}_{f} \right)^{\otimes (-r_\mathfrak{g})} \otimes \left( \textcal{DF}^{\frac{1}{4}}_\sigma \right)^{\otimes (-r_\mathfrak{g})} \otimes \textcal{An}_{\rm HWZ} \otimes \overline{\textcal{WCS}}_{\rm G}[\Lambda_\mathfrak{g}, 0] \;, \ee with \be \label{EqAFTHWZGenIntro} \textcal{An}_{\rm HWZ} = \left( \textcal{WCS}_{\rm P}[\mathbb{Z}, -2\check{b}]\right)^{\otimes \frac{r_\mathfrak{g} {\rm h}_\mathfrak{g}}{2}} \otimes \left(\textcal{BF}[-2\check{b}, \check{C}']\right)^{\otimes \frac{r_\mathfrak{g} {\rm h}_\mathfrak{g}}{2}} \otimes \left( \textcal{CSp}_2[\check{b}] \right)^{\otimes \frac{|\mathfrak{g}| {\rm h}_\mathfrak{g}}{6}} \;. \ee The notation is as follows. Each factor corresponds to a quantum field theory, and the tensor product operation corresponds physically to taking non-interacting copies of the relevant field theories on the same spacetime. $r_\mathfrak{g}$, $\Lambda_\mathfrak{g}$, ${\rm h}_\mathfrak{g}$ and $|\mathfrak{g}|$ denote respectively the rank, root lattice, dual Coxeter number and dimension of $\mathfrak{g}$. $\textcal{DF}^{\frac{1}{2}}$ is a "half Dai-Freed theory" \cite{Dai:1994kq}, a 7-dimensional invertible field theory describing the anomalies of 6-dimensional symplectic Majorana-Weyl fermions valued in the spinor bundle of $TM \otimes \mathscr{N}$, where $M$ is the spacetime. As the 6d SCFT contains $r_\mathfrak{g}$ tensor multiplets on the Coulomb branch, each involving one such fermion with negative chirality, we have $r_\mathfrak{g}$ non-interacting copies of the complex conjugate of $\textcal{DF}^{\frac{1}{2}}$, as denoted by the tensor product with negative exponent. We discuss this theory in more detail in Section \ref{SecAFTM5WV}. The second factor $\textcal{DF}^{\frac{1}{4}}$ is a "quarter Dai-Freed theory" associated to the signature Dirac operator. It essentially describes the anomaly of the self-dual fields present in the tensor multiplets. This field theory is discussed in Section \ref{SecAFTM5WV} as well. $\overline{\textcal{WCS}}_{\rm G}[\Lambda_\mathfrak{g}, 0]$ is a discretely gauged Wu Chern-Simons theory, constructed in \cite{Monnier:2016jlo} and discussed in more details in Section \ref{SecDiscGaugWCS}. $\overline{\textcal{WCS}}_{\rm G}[\Lambda_\mathfrak{g}, 0]$ is the only non-invertible factor in \eqref{EqAFTGenSCFTIntro}. Its state space on a 6-manifold $M$ has dimension $|H^3(M;\Lambda^\ast_\mathfrak{g}/\Lambda_\mathfrak{g})|^{1/2}$, which is an integer because of the perfect skew-symmetric pairing on $H^3(M;\Lambda^\ast_\mathfrak{g}/\Lambda_\mathfrak{g})$. This is consistent with expected dimension of the vector of conformal blocks of the $(2,0)$ SCFT \cite{Witten:1998wy}. In the presence of torsion in $H^3(M;\mathbb{Z})$, the Heisenberg module structure on the space of conformal blocks is however different than what was conjectured in \cite{Witten:1998wy}, see the discussion in Section \ref{SecConfBlocks}. Finally, $\textcal{An}_{\rm HWZ}$ is the anomaly field theory associated to the "Hopf-Wess-Zumino terms" \cite{Intriligator:2000eq} present on the Coulomb branch of the $(2,0)$ SCFT. It is a product of three distinct invertible quantum field theories, as detailed in \eqref{EqAFTHWZGenIntro}, and involves two background fields $\check{b}$ and $\check{C}'$. For simple enough topologies of the $(2,0)$ theory's spacetime and R-symmetry bundle, $\check{b}$ and $\check{C}'$ vanish and $\textcal{An}_{\rm HWZ}$ is trivial. We first describe the background fields, and then the factors of \eqref{EqAFTHWZGenIntro}. $\check{b}$ is a degree 3 background gauge field whose field strength has half-integral fluxes congruent mod 1 to half the periods of $w_4(\mathscr{N})$, the fourth Stiefel-Whitney class of the R-symmetry bundle $\mathscr{N}$. Recall that the $A_n$ $(2,0)$ SCFTs can be realized as stacks of M5-branes after decoupling the center of mass of the stack. $\mathscr{N}$ is then interpreted as the normal bundle of the stack. When $\mathscr{N}$ is non-trivial, there is no unique way of decoupling the center of mass, and $\check{b}$ encodes a choice of decoupling. When the 4th Stiefel-Whitney class $w_4(\mathscr{N})$ vanishes, we can choose $\check{b} = 0$. Else, it has to be understood as part of the definition of the $(2,0)$ SCFT (see Section \ref{SecDataDefSCFT}). On the 6-dimensional spacetime of the $(2,0)$ SCFT, $\check{C}'$ is a background degree 3 abelian gauge field, of which torsion fluxes may have to be turned on to avoid gauge anomalies of the self-dual fields in the $(2,0)$ theory \cite{Witten:1999vg}. In order to describe the most general anomalies of the $(2,0)$ SCFT, $\check{C}'$ should be allowed to be an arbitrary background abelian gauge field on the 7-dimensional spacetime of the anomaly field theory. We now describe the factors in \eqref{EqAFTHWZGenIntro}. $\textcal{WCS}_{\rm P}[\mathbb{Z}, -2\check{b}]$ is a prequantum Wu Chern-Simons theory \cite{Monnier:2016jlo} based on the lattice $\mathbb{Z}$, with background abelian gauge field $-2\check{b}$. (See Section \ref{SecPreqWCS} for an explanation of the term "prequantum".) The second factor $\textcal{BF}[-2\check{b}, \check{C}']$ is a 7-dimensional prequantum BF theory constructed from the gauge fields $-2\check{b}$ and $\check{C}'$. $\textcal{CSp}_2[\check{b}]$, a "prequantum Chern-Simons-$p_2$" theory, is a new invertible 7-dimensional field theory. It is essentially a quadratic Chern-Simons theory with degree 3 abelian gauge field $\check{b}$. However, because of the shift in the quantization of the fluxes of $\check{b}$, such a theory would be ill-defined. The action of the Chern-Simons-$p_2$ theory contains a second term derived from $\frac{1}{4}p_2$, where $p_2$ is the second Pontryagin class. Because of the fractional factor, the action associated to this second term is ill-defined as well. However, they yield together a well-defined action and prequantum theory. The Hopf-Wess-Zumino anomaly field theory and its three components are described in more details in Section \ref{SecAFTHWZ}. \paragraph{Derivation of the anomaly field theory} The anomaly field theory \eqref{EqAFTGenSCFTIntro} is designed to reproduce the global anomaly of the $(2,0)$ SCFT computed in \cite{Monnier:2014txa}. The global anomaly of \cite{Monnier:2014txa} determines the partition function of the anomaly field theory, and we find a natural way of consistently completing this data to a quantum field theory. Elementary properties of field theory functors imply that this completion is essentially unique (see the discussion below). There are however two shortcomings in the derivation. First, the global anomaly was derived in \cite{Monnier:2014txa} for the $A$ series, using the realization of the $A_n$ $(2,0)$ SCFT on a stack of M5-branes, but only conjectured for the $D$ and $E$ series. The same is restrictions apply in the present paper. A second shortcoming is the following. The derivation of the anomaly field theory to be presented below is valid only if every 7-dimensional $(2,0)$-manifold $M$ is the boundary of a 8-dimensional $(2,0)$-manifold. In Appendix \ref{SecCobGroup20Struct} and Section \ref{SecCat20Man}, we show that this is true when \be \label{EqCondTopRSymBun} w_2(TM) w_3(TM) = 0 \;, \ee where $w_i$ are the Stiefel-Whitney classes. We do not know whether there exists a 7-dimensional $(2,0)$-manifold $\tilde{M}$ that does not bound an 8-dimensional $(2,0)$-manifold, but should it exist, it would necessarily violate \eqref{EqCondTopRSymBun}. In this case, it may be that the correct anomaly field theory differs from the one presented here by a sign on $\tilde{M}$. We therefore restrict our discussion to $(2,0)$ SCFTs whose R-symmetry bundle satisfy \eqref{EqCondTopRSymBun}, and to anomalies that can be computed using 7-dimensional $(2,0)$-manifolds satisfying \eqref{EqCondTopRSymBun}. \paragraph{Conformal anomaly} We should emphasize that the anomaly field theory described in the present paper describes the gravitational and R-symmetry anomalies of the $(2,0)$ SCFTs, but \emph{not} directly their conformal anomalies. The main tool for deriving the anomaly field theory is anomaly inflow from M-theory onto a stack of M5-branes. M-theory is not conformally invariant; conformal invariance is obtained only after a decoupling limit. As a result, there is no reason to expect the construction of the present paper to capture directly the conformal anomaly. It is expected that supersymmetry should relate the conformal anomaly to the local gravitational and R-symmetry anomalies, which are computable from the anomaly field theory. This relation is however still elusive.\footnote{We thank Ken Intriligator for pointing this out to us.} The conformal anomalies of $(2,0)$ SCFTs have been computed from first principles recently in \cite{Cordova:2015vwa}. \\ The paper is organized as follows. In Section \ref{SecPrelim}, we spell out in detail the data required to define a $(2,0)$ SCFT on a 6-dimensional manifold, yielding the notion of $(2,0)$-manifold. For the purpose of computing anomalies, we also need to consider $(2,0)$-manifolds of dimension 7 and 8. We define morphisms of $(2,0)$-manifolds and the associated category. In Section \ref{SecDiscGaugWCS}, we recall some of the results of \cite{Monnier:2016jlo} about Wu Chern-Simons theory. We find a relation between Wu Chern-Simons theories whose gauge groups are related by lattice decompositions, which is crucial to perform the subtraction of the center of mass anomaly. In Section \ref{SecAFTStack}, we describe the anomaly field theory of a stack of M5-branes, decomposing it into the product of an anomaly field theory due to the worldvolume of the M5-branes and an anomaly field theory due to the Hopf-Wess-Zumino terms of \cite{Intriligator:2000eq}. In Section \ref{SecAFTCM}, we describe the anomaly field theory of the center of mass tensor multiplet. The anomaly field theory of the $A_n$ SCFT is then derived in Section \ref{Sec7dimform}. We use it to conjecture the anomaly field theories of SCFTs in the $D$ and $E$ series. This section also contains a brief discussion of the relation between the defects of the $(2,0)$ SCFT and the defects of its anomaly field theory. In Section \ref{SecConfBlocks}, we discuss the implication of our results for the conformal blocks of the $(2,0)$ SCFT. Appendix \ref{AppDiffCohom} reviews the differential cohomology model of abelian gauge fields. Wu structures and Euler structures are presented in Appendix \ref{AppWuStruct} and \ref{AppEulerStruct}, respectively. Appendix \ref{SecCobGroup20Struct} contains a proof that the cobordism group of 7-dimensional $(2,0)$-manifolds subject to \eqref{EqCondTopRSymBun} vanishes. \section{(2,0)-manifolds} \label{SecPrelim} We assume that the reader is familiar with the differential cohomology model of (higher) abelian gauge fields, briefly reviewed in Appendix \ref{AppDiffCohom}. In this model, degree $p-1$ abelian gauge fields (with degree $p$ field strengths) are degree $p$ differential cocycles. The gauge equivalence classes of degree $p-1$ abelian gauge fields are then in bijection with degree $p$ differential cohomology classes. Shifted differential cocycles model gauge fields whose field strength may have fractional fluxes, such as the M-theory C-field. Differential cocycles will always be written with a caron ($\check{C}$). \subsection{Data required to define a (2,0) SCFT and its anomaly field theory} \label{SecDataDefSCFT} We start by recalling the topological and geometrical data required for the definition of a (Euclidean) (2,0) SCFT on a manifold $M$. The same data is required for the definition of the corresponding 7-dimensional anomaly field theory. We will in fact need to consider manifolds endowed with such data in dimensions up to 8. The data required to define a (2,0) SCFT is composed of the following: \begin{enumerate} \item A choice of a Lie algebra $\mathfrak{g}$ of A, D or E-type. This fixes the gauge symmetry of the theory. \item An orientation, a smooth structure, a Riemannian metric on the manifold $M$, which we will take to be compact for simplicity. \item A rank 5 bundle $\mathscr{N}$ over $M$ endowed with an inner product and a compatible connection, satisfying \be \label{EqRelSWClassesTMN} w_1(TM) = w_1(\mathscr{N}) = 0 \;, \quad w_2(TM) + w_2(\mathscr{N}) = 0 \;, \quad w_5(\mathscr{N}) = 0 \;. \ee The first equalities ensure that both $M$ and $\mathscr{N}$ are orientable. The second equality implies that $TM \oplus \mathscr{N}$ is spin. $w_5$ is the reduction mod 2 of the Euler class $e(\mathscr{N})$, which is $\mathbb{Z}_2$-torsion, so the last equality is equivalent to $e(\mathscr{N}) = 0$. It is a consequence of the first two equalities in dimensions 7 or lower, as explained in Appendix A of \cite{Monnierb}. We write $\pi: \mathscr{N} \rightarrow M$ for the bundle projection. From the point of view of the (2,0) theory, $\mathscr{N}$ is the R-symmetry bundle in which the Coulomb branch parameters take value. In the case of the M5-brane realization of the $A_n$ theory, $\mathscr{N}$ is the normal bundle of the stack of M5-branes. \item A spin structure on $TM \oplus \mathscr{N}$. This spin structure is necessary to define the fermionic fields in the free tensor multiplets appearing on the Coulomb branch. Note that we do \emph{not} need $M$ to be spin. \item An Euler structure on $\mathscr{N}$ (see Appendix \ref{AppEulerStruct}). The requirement that $e(\mathscr{N}) = 0$ ensures that Euler structures on $\mathscr{N}$ exist \cite{Diaconescu:2003bm, Monnierb}. Concretely, an Euler structure provides an integral cocycle $a$ representing the top cohomology class of the fibers of $\tilde{M}$, the 4-sphere bundle over $M$ associated to $\mathscr{N}$. We also need a differential cocycle refinement $\check{a}$ of $a$, i.e. a differential cocycle $\check{a}$ whose characteristic is $a$. We will take it to be of the form \be \label{EqChoicFormGlobAngCoc} \check{a} = \frac{1}{2} \check{e}(T_V \tilde{M}) + \pi^\ast(\check{a}') \;. \ee $\check{e}(T_V \tilde{M})$ is the differential cocycle associated to the Euler class of the vertical tangent bundle $T_V \tilde{M}$ and the connection on $T_V \tilde{M}$ inherited from $\mathscr{N}$. (See Theorem 2.2 of \cite{springerlink:10.1007/BFb0075216} for more detail about how to associate a differential cocycle to a bundle with connection and a characteristic class.) $\check{a}'$ is a differential cocycle on $M$ with harmonic curvature. The harmonicity condition uniquely fixes the curvature of $\check{a}$. As the Euler class may not be divisible by 2, $\check{a}'$ may be a shifted (and therefore non-vanishing) differential cocycle in order to ensure that $\check{a}$ is unshifted. Like $a$, $\check{a}$ integrates to $1$ on the 4-sphere fibers of $\tilde{M}$. The Euler structure should be thought of as a way of decomposing degree 4 cohomology classes on $\tilde{M}$ into "fiberwise" and "longitudinal" components. $\check{a}$ extends this decomposition to degree 4 differential cocycles (representing degree 3 abelian gauge fields). In the M-theory realization of the $A_n$ SCFTs, such a decomposition is necessary in order to decouple the center of mass of the stack of M5-branes \cite{Monnier:2014txa}. We explain below that in favorable cases, like for instance when $\mathscr{N}$ is trivial, the Euler structure and $\check{a}$ can be chosen canonically. The results of \cite{Witten:1999vg} imply that \be \label{EqDefbIntGlobAngForm} \check{b} := \frac{1}{2} \pi_\ast(\check{a} \cup \check{a}) \ee is a degree 4 differential cocycle on $M$ shifted by $w_4(\mathscr{N})$. \item A degree 4 differential cocycle $\check{C}_{M}$ shifted by the degree 4 Wu class of $TM$, see Appendix \ref{AppWuStruct}. $\check{C}_{M}$ is a higher abelian gauge field coupling to the self-dual fields in the tensor multiplets present on the Coulomb branch of the (2,0) SCFT. In the M-theory realization of the $A_n$ SCFT $\check{C}_M$ is the effective C-field on the worldvolume of the stack of M5-branes \cite{Monnierb}. Note that unless the dimension of $M$ is 8, the Wu class vanishes, and $\check{C}_M$ is in fact an unshifted differential cocycle. On a 6-manifold supporting a (2,0) SCFT, it would be natural to take $\check{C}_{M}$ to vanish, but an analogue of the Freed-Witten anomaly affecting the self-dual fields may require its characteristic to be a certain 2-torsion class \cite{Witten:1999vg, Monniera}. In turn, this implies that we have to allow for arbitrary C-fields on 7-dimensional manifolds in order to be able to compute all the anomalies in 6 dimensions. \end{enumerate} In special cases, the data above can be trimmed down. For instance, assume that $\mathscr{N} \simeq M \times \mathbb{R}^5$ is trivial with the canonical connection. Then $M$ has to be spin. $T_V \tilde{M} \simeq TS^4 \times M$, so the Euler class is divisible by 2 and we can take $\check{a}' = 0$. $\check{a}$ is the pullback of a top differential cocycle on the 4-sphere, whose curvature is fixed by the harmonicity condition. The twisting construction, commonly used in order to obtain supersymmetric gauge field theories from the compactification of a (2,0) SCFT, requires however in general a non-trivial R-symmetry bundle. Then, if at least $w_4(\mathscr{N}) = 0$, $\check{b}$ is unshifted and, on 6- and 7-dimensional manifolds we can choose $\check{a}$ such that $\check{b} = \check{C}_M$. As explained above, in the absence of the Freed-Witten-like anomaly we may also choose $\check{C}_M = 0$. In addition, we will also choose a Wu structure of degree 4 on $TM$ if ${\rm dim}(M) < 8$. Wu structures should be thought of as generalizations of spin structures and are described in Appendix \ref{AppWuStruct}. In the same way as any oriented manifold of dimension smaller or equal to 3 admits a spin structure, any manifold of dimension smaller or equal to 7 admits a Wu structure of degree 4, so this does not put restrictions on the manifolds we consider. The theory is independent of the choice of the Wu structure, but the latter will be useful in certain constructions below. In the following, we refer to the data above, including the Wu structure, as a $(2,0)$-structure, and to manifolds endowed with $(2,0)$-structures as $(2,0)$-manifolds. \subsection{The category of $(2,0)$-manifolds} \label{SecCat20Man} For two $(2,0)$-manifolds $M$ and $N$ of dimension respectively smaller and strictly smaller than 8, a morphism of $(2,0)$-manifolds from $M$ to $N$ is a smooth orientation preserving isometric embedding compatible with the rest of the $(2,0)$-structures, and similarly for two $(2,0)$-manifolds of dimension 8. There is clearly no morphism from $M$ to $N$ if ${\rm dim}(M) > {\rm dim}(N)$. When $M$ has dimension strictly smaller than 8 and $N$ has dimension 8, the definition of morphisms is less straightforward. $M$ carries a Wu structure, but $N$ does not, and $\check{C}_N$ is shifted by the Wu class of $N$ while $\check{C}_M$ is unshifted. We define the morphisms between from $M$ to $N$ to be again smooth orientation preserving isometric embeddings compatible with the rest of the $(2,0)$-structure, subject to the following compatibility condition. As explained in Appendix \ref{AppWuStruct}, the Wu structure on $M$ can be pictured as a trivialization $\eta$ of the Wu cocycle $\nu_M = w_4(TM) + w_2^2(TM)$ (itself obtained via the pullback of a representing cocycle on the associated classifying space). $N$ also comes with a Wu cocycle $\nu_N$, which however is not necessarily trivial, because the degree 4 Wu class of an 8-manifold may be non-zero. Extending the cochain $\eta$ arbitrarily to $N$, we obtain a cocycle \be \label{EqDefMu8Man} \mu = \nu_N - d\eta \ee vanishing on $M$. We require that $\check{C}_N$ is an extension of $\check{C}_M$ as a differential cocycle shifted by $\frac{1}{2} \mu$. $\check{C}_N$ is, as required, shifted by the Wu class, because $\mu$ differs from $\nu_N$ by an exact cocycle. Armed with the notion of morphism of $(2,0)$-manifolds, we can now consider $(2,0)$-manifolds $M$ with boundary. We require the embedding of $\partial M$ into $M$ to be a morphism of $(2,0)$-manifolds. In addition, for technical reasons, we require that the Riemannian metric is isometric to a direct product in a neighborhood of the boundary. We will always implicitly restrict ourselves to $(2,0)$-manifolds satisfying the constraint \be \label{EqConst20Mfld} w_2(TM)w_3(TM) = 0 \;. \ee As we necessarily have $w_2(\mathscr{N}) = w_2(TM)$ from \eqref{EqRelSWClassesTMN} and $w_3 = {\rm Sq}^1 w_2$, the condition \eqref{EqConst20Mfld} is equivalent to \be \label{EqConst20MfldN} w_2(\mathscr{N})w_3(\mathscr{N}) = 0 \;. \ee In Appendix \ref{SecCobGroup20Struct}, we show that the 7-dimensional cobordism group of manifolds with $(2,0)$-structure satisfying \eqref{EqConst20MfldN} vanishes. This means that any 7-dimensional $(2,0)$-manifold satisfying \eqref{EqConst20Mfld} is the boundary of an 8-dimensional $(2,0)$-manifold on which the $(2,0)$-structure extends. The argument of Appendix \ref{SecCobGroup20Struct} do not exclude that the same is true without the constraint \eqref{EqConst20Mfld}. If a $(2,0)$-manifold $M$ is spin, then $w_2(TM) = 0$ and \eqref{EqConst20Mfld} is automatically satisfied. More generally, if it is spin$^c$, then $w_2(TM)$ is the reduction of an integral class and $w_3(TM) = {\rm Sq}^1 w_2(TM)$ vanishes, yielding \eqref{EqConst20Mfld} as well. \section{Discretely gauged Wu Chern-Simons theories} \label{SecDiscGaugWCS} We review in this section certain topological field theories on manifolds with Wu structures constructed in \cite{Monnier:2016jlo}, the so called discretely gauged Wu Chern-Simons theories. On 3-manifolds, one can define Chern-Simons theories with half-integer level \cite{2005math......4524J,2006math......5239J,Belov:2005ze}. These theories depend on a choice of spin structure on the 3-manifold. This statement has a generalization for higher degree abelian gauge fields. On a $4k+3$-dimensional manifold endowed with a degree $2k+2$ Wu structure, one can define a quadratic Wu Chern-Simons theory with half-integral level involving a degree $2k+1$ abelian gauge field. Given the classical Wu Chern-Simons action, one can construct invertible field theories, the prequantum Wu Chern-Simons theories. The theories of interest here are obtained by gauging a discrete symmetry of the prequantum Wu Chern-Simons theories. Alternatively, they can be seen as defined by a path integral over discrete gauge fields, akin to Dijkgraaf-Witten theories. \subsection{The prequantum theory} \label{SecPreqWCS} \paragraph{Gauge group} The abelian gauge group and level of a generic abelian Chern-Simons theory can be elegantly encoded in the data of an even lattice $\Lambda$. The gauge group is then the torus $(\Lambda \otimes_{\mathbb{Z}} \mathbb{R})/\Lambda$. $U(1)$ Chern-Simons theory at level $k$ corresponds to the even lattice $\sqrt{2k}\mathbb{Z}$. Similarly, the gauge group and level of a generic abelian spin Chern-Simons theory can be specified by an integral lattice $\Lambda$. The gauge group of a Wu Chern-Simons theory is analogously specified by an integral lattice $\Lambda$. The $2k+1$-form gauge field of the theory can then be modelled by a differential cocycle $\check{C} = (g, C, G)$ taking value in $\Lambda$ (see Appendix \ref{AppDiffCohom} for definitions). \paragraph{Wu structure} Let $M$ be a 7-dimensional $(2,0)$-manifold. As explained in Appendix \ref{AppWuStruct}, the data of a (degree 4) Wu structure can be encoded in a trivialization of the Wu cocycle: $d\eta = \nu$, where $\eta$ and $\nu$ are $\mathbb{Z}_2$-valued cocycles. Let us lift $\eta$ to a $\mathbb{Z}$-valued cochain $\eta_{\mathbb{Z}}$ and pick a characteristic element $c \in \Lambda$, i.e. an element such that $(c,b) = (b,b)$ modulo 2 for all $b \in \Lambda$. We define the cochains $\eta_{\Lambda} := \eta_{\mathbb{Z}} \otimes c$ and $\nu_\Lambda = d\eta_{\Lambda}$. They can be gathered into a trivial $\Lambda$-valued differential cocycle $\check{\nu} = (\nu_\Lambda, -\eta_\Lambda,0)$. \paragraph{Lagrangian} The Lagrangian of the theory is the real-valued cocycle \be \label{EqLagWuCSTheory} L(\Lambda, \check{C}) = \frac{1}{2}\left[ \check{C} \cup (\check{C} + \check{\nu}) \right]_{\rm co} \ee where $[...]_{\rm co}$ denotes the connexion part of the differential cocycle in the bracket, see Appendix \ref{AppDiffCohom}. $\cup$ is the cup product of differential cocycles, also defined in Appendix \ref{AppDiffCohom}. The familiar $U(1)$ Chern-Simons action at level $k$ is recovered when $\Lambda = \sqrt{2k} \mathbb{Z}$ and the gauge field $\check{C} = (g, C, G)$ is topologically trivial ($g = 0$). Then the second term in \eqref{EqLagWuCSTheory} does not contribute modulo integers. Using the cocycle condition $G = dC$, we have \be \frac{1}{2} [\check{C} \cup \check{C}]_{\rm co} = \frac{1}{2} C \cup G + \frac{1}{2} H^\wedge_\cup(G, G) \sim \frac{1}{2} C \wedge_\Lambda dC = k \, C \wedge_\mathbb{Z} dC \;, \ee where $\sim$ denotes equality up to exact cocycles and $H^\wedge_\cup$ is a homotopy between the cup and wedge products, see Appendix \ref{AppDiffCohom}. $\wedge_\Lambda$ and $\wedge_\mathbb{Z}$ denotes respectively the wedge products obtained from the pairing on $\Lambda$ and the standard unimodular pairing on $\mathbb{Z}$. We therefore recover up to an exact term the familiar Lagrangian $k C \wedge dC$. \eqref{EqLagWuCSTheory} generalizes it to topologically non-trivial fields, arbitrary abelian groups and half-integer levels. \paragraph{Action} The Lagrangian above has the puzzling feature that it is not gauge invariant modulo integers under large gauge transformations \cite{Monnier:2016jlo}, unless the lattice pairing is valued in $2\mathbb{Z}$, in which case we are dealing with ordinary abelian Chern-Simons theory. One cannot construct a gauge invariant action by simply integrating $L(\check{C})$ over the spacetime manifold $M$. The solution to this puzzle is that $L(\check{C})$ and $g_2 := g \mbox{ mod } 2$ define together a class $[L(\check{C}),g_2]$ in a certain generalized cohomology, named E-theory. This class is invariant under the gauge transformations of $\check{C}$. One can use the integration map in E-theory on this class to construct a gauge invariant action from the Lagrangian above \cite{Monnier:2016jlo}. The action therefore reads \be \label{EqDefActWuCSThFlat} S_{\rm WCS}(M,\Lambda,\check{C}) = \frac{1}{2} \int_M^{\rm E} \left[ L(\Lambda,\check{C}), g_2 \right] \;, \ee where we denoted the integration map in E-theory by $\int^{\rm E}$. If the 7-dimensional $(2,0)$-manifold $M$ is bounded by an 8-dimensional $(2,0)$ manifold $W$, the action can be expressed as an ordinary integral of differential forms over $W$ \cite{Monnier:2016jlo}. As the inclusion of $M$ in $W$ is a morphism of $(2,0)$-manifolds, $\check{C}$ extends to $W$ as a differential cocycle $\check{C}_W$ shifted by the Wu class. We can extend as well the differential cocycle $\check{\nu}$ to a differential cocycle $\check{\nu}_W$ on $W$ whose characteristic $\nu_{\Lambda,W} := \nu_{\mathbb{Z},W} \otimes c$ lifts the Wu class, i.e. the periods of the $\mathbb{Z}$-valued cocycle $\nu_{\mathbb{Z},W}$ are even or odd depending on whether the periods of the Wu class of $W$ are 0 or 1. The field strength $\lambda_W$ of $\check{\nu}_W$ is then a differential form vanishing on $M$ lifting the Wu class. Therefore \be \label{EqDefC'} \check{C}'_W := \check{C}_W - \frac{1}{2}\check{\nu}_W \;, \ee is an unshifted differential cocycle, with field strength $G'_W := G_W - \frac{1}{2}\lambda_W$. The action then reads \be \label{EqActWCSBndy} S_{\rm WCS}(M,\Lambda,\check{C}) = \int_W \left(\frac{1}{2} G_W \wedge G_W - \frac{1}{8} \lambda_W^2 \right) = \frac{1}{2} \int_W G'_W \wedge (G'_W + \lambda_W) \;. \ee \paragraph{Prequantum theory} Given the action, there is a standard way to construct from it an invertible field theory, the \emph{prequantum theory} associated to the action \cite{Freed:1991bn}. The partition function of the prequantum theory on a 7-dimensional $(2,0)$-manifold $M$ is simply the exponentiated action $\exp 2\pi i S_{\rm WCS}(M,\Lambda,\check{C})$. As is well-known in the case of ordinary Chern-Simons theory, on a manifold with boundary, the exponentiated action is not canonically a complex number: it is not gauge invariant, so its value as a complex number depends on a choice of gauge. However, it is possible to see it canonically as an element of a Hermitian line associated to the boundary (i.e. a 1-dimensional Hilbert space non-canonically isomorphic to $\mathbb{C}$). A choice of gauge determines an isomorphism with $\mathbb{C}$, thereby allowing to identify the exponentiated action with a complex number. This Hermitian line is the state space that the prequantum theory assigns to the 6-dimensional boundary. One can show that this data combines into a field theory functor in the sense of Atiyah-Segal, from the bordism category of 6-dimensional $(2,0)$-manifolds into the category of Hilbert spaces. We will write it \be \textcal{WCS}_{\rm P}[\Lambda, \check{C}] \;. \ee Despite the notation, the theory depends only on the differential cohomology class of the gauge field $\check{C}$. A detailed construction of $\textcal{WCS}_{\rm P}[\Lambda, \check{C}]$ can be found in Section 5 of \cite{Monnier:2016jlo}. \subsection{Discrete gauging} \label{SecDGWCS} \paragraph{Symmetry} It was shown in \cite{Monnier:2016jlo} that there is an action of $H^3(M;\Lambda^\ast/\Lambda)$ on the group $\check{H}^4(M;\Lambda)$ of gauge equivalence classes of gauge fields on $M$. Up to possible anomalies, this action is a symmetry of the prequantum theory, and can therefore be gauged. We refer the reader to Section 3 of \cite{Monnier:2016jlo} for a detailed description of this symmetry, but we can understand it as follows. There is a subgroup $\mathsf{C}$ of $H^3(M;\Lambda^\ast/\Lambda)$ consisting of classes $u$ which are reductions of classes in $H^3(M;\Lambda^\ast) \simeq H^3(M;\mathbb{Z}) \otimes \Lambda^\ast$. The action of this subgroup on the gauge field $\check{C}$ is to add $\Lambda^\ast$-valued holonomy (or "Wilson line") along a 3-dimensional cycle Poincaré dual to the class in $H^3(M;\mathbb{Z})$ determined by $u$. The subgroup of $\mathsf{C}$ coming from torsion classes in $H^3(M;\mathbb{Z})$ acts trivially. The quotient $\mathsf{K} = H^3(M;\Lambda^\ast/\Lambda)/\mathsf{C}$ is in bijection with a subgroup of $H_{\rm tors}^4(M; \Lambda)$ through the Bockstein map. The elements in $H^3(M;\Lambda^\ast/\Lambda)$ that project on non-trivial elements of $\mathsf{K}$ therefore add torsion fluxes in addition to holonomy. The fact that these operations are symmetries of the action essentially comes from the fact that the pairing between $\Lambda^\ast$ and $\Lambda$ is integer valued. Note also that if the lattice is unimodular, $\Lambda^\ast = \Lambda$ and the symmetry group above is trivial. There is a convenient homomorphism from $H^3(M;\Lambda^\ast/\Lambda)$ into the differential cohomology group $\check{H}^4(M;\Lambda)$ that makes the action above obvious. Let $e$ be a cocycle representative of a class in $H^3(M;\Lambda^\ast/\Lambda)$. We can lift $e$ to a $\Lambda^\ast$-valued cochain $e_{\Lambda^\ast}$. Then \be \label{EqDiffCocFromCoc} \check{e} = (-de_{\Lambda^\ast}, e_{\Lambda^\ast}, 0) \ee is a $\Lambda$-valued differential cocycle defining a class in $\check{H}^4(M;\Lambda)$. The action of $H^3(M;\Lambda^\ast/\Lambda)$ on $\check{H}^4(M;\Lambda)$ is then just given by the addition of differential cohomology classes through this homomorphism. \paragraph{Anomalies} The statements above should be qualified. Strictly speaking the action of $H^3(M;\Lambda^\ast/\Lambda)$ may change the sign of the exponentiated action. We can see this sign as an anomaly of the would-be symmetry. The action of $H^3(M;\Lambda^\ast/\Lambda)$ is a true symmetry, and not just a symmetry up to signs, only for certain choices of Wu structures (called \emph{admissible}), and for certain choices of torsion fluxes for $\check{C}$, as explained in Sections 4.5 and 4.6 of \cite{Monnier:2016jlo}. We will always assume that the Wu structure and fluxes have been chosen so that the action of $H^3(M;\Lambda^\ast/\Lambda)$ is a symmetry. \paragraph{The partition function of the gauged theory} The partition function of the gauged theory is up to a normalization factor the sum of the partition function of the prequantum theory, the exponentiated action, over the orbit of the action of $H^3(M;\Lambda^\ast/\Lambda)$. As the action itself is constant along the orbit, the only effect of the sum is to produce a prefactor. Combining it with the normalization factor, the partition function of the gauged theory reads: \be \label{EqPartFuncGaugWCS} \textcal{WCS}_{\rm G}[\Lambda,\check{C}](M) = \mu_{M} \exp 2\pi i S_{\rm WCS}(M,\Lambda,\check{C}) \;, \ee where and \be \label{EqNormFactDGWCS} \mu_{M} = \prod_{i = 0}^{3} |H^i(M;\Lambda^\ast/\Lambda)|^{(-1)^{3-i}} \;. \ee See \cite{Monnier:2016jlo} for the case of a manifold with boundary. \paragraph{The state space of the gauged theory} The construction of the state space of the gauged theory on a 6-manifold $N$ is quite subtle and is carried out in Sections 7 and 8 of \cite{Monnier:2016jlo}. It can be informally described as follows. There are Wilson operators associated to elements in $\mathsf{G} = H^3_{\rm free}(N;\mathbb{Z}) \otimes_\mathbb{Z} \Lambda^\ast/\Lambda$. They form a representation of the discrete Heisenberg group $\mathsf{H}$ associated to the skew symmetric non-degenerate $\mathbb{R}/\mathbb{Z}$-valued cup product pairing on $\mathsf{G}$. Let $V$ be the direct sum of the (one-dimensional) state spaces of the prequantum theory associated to the elements of the orbit of a gauge field $\check{C}$ on $N$ under the action of $H^3(N;\Lambda^\ast/\Lambda)$. Then $V$ decomposes into $|\mathsf{K}|$ copies of the regular representation of $\mathsf{H}$, where we recall that $\mathsf{K}$ is the image of $H^3(N;\Lambda^\ast/\Lambda)$ into $H^4_{\rm tors}(N;\Lambda)$ through the Bockstein homomorphism. The state space of the gauged theory is a certain quotient of the representation above, isomorphic to $|\mathsf{K}|$ copies of the irreducible representation of $\mathsf{H}$. Some extra data is actually required to identify the state space as a well-defined Hilbert space, due to the presence of Hamiltonian anomalies. The dimension of the Hilbert space is $|H^3(N;\Lambda^\ast/ \Lambda)|^{1/2}$. We will describe the state space in a bit more detail in Section \ref{SecConfBlocks}. \paragraph{Gluing conditions} The proof that the data above define a field theory functor, i.e. that it behaves consistently with the gluing of bordism, is far from straightforward and can be found in \cite{Monnier:2016jlo}. \subsection{Wu Chern-Simons theories and lattice decompositions} \label{AppDGWCSAndLatticeDec} We now study the behavior of the field theories defined above under decompositions of the lattice $\Lambda$. These results did not appear in \cite{Monnier:2016jlo}. \paragraph{Lattice decompositions} Suppose that we have a self-dual lattice $\Lambda$ into which we pick a sublattice of maximal dimension, which is itself decomposed into two orthogonal lattices $\Lambda_1$ and $\Lambda_2$. We want to understand how the gauged Wu Chern-Simons theories associated to the lattices $\Lambda$, $\Lambda_1$ and $\Lambda_2$ are related to each other. A typical example is the following. Let $\Lambda$ be the unit cubic lattice in three dimensions. Take $\Lambda_1$ to be the sublattice isometric to $\sqrt{3} \mathbb{Z}$ generated by $(1,1,1)$ and $\Lambda_2$ to be the $A_2$ sublattice given by the lattice elements in the plane orthogonal to $(1,1,1)$. $\Lambda_1 \oplus \Lambda_2$ is a sublattice of $\Lambda$ of maximal dimension and of index 3. More generally, we are interested in the case where $\Lambda$ is the $k$-dimensional unit cubic lattice, $\Lambda_1 = \sqrt{k} \mathbb{Z}$ and $\Lambda_2 = A_{k-1}$. Let $V_i = \Lambda_i \otimes_\mathbb{Z} \mathbb{R}$. We can decompose any $a \in \Lambda$ as $a = a_1 + a_2$, $a_i \in V_i$. The integrality of the pairing on $\Lambda$ and the fact that $\Lambda_i \subset \Lambda$ imply that $a_i \in \Lambda_i^\ast$. Moreover, given $a_1 \in \Lambda_1^\ast$, the set of $a_2 \in \Lambda_2^\ast$ such that $a_1 + a_2 \in \Lambda$ forms a $\Lambda_2$-torsor. In fact, there is an isomorphism $\phi: \Lambda_1^\ast/\Lambda_1 \simeq \Lambda_2^\ast/\Lambda_2$ such that $a_1 + a_2 \in \Lambda$ if and only if the equivalence class of $a_2$ in $\Lambda_2^\ast/\Lambda_2$ is the image through $\phi$ of the equivalence class of $a_1$ in $\Lambda_1^\ast/\Lambda_1$. The isomorphism $\phi$ induces an isomorphism between $H^3(M;\Lambda^\ast_1/\Lambda_1)$ and $H^3(M;\Lambda^\ast_2/\Lambda_2)$, which we write $\phi$ as well. Let us write $\mu_{M,\Lambda'}$, $\Lambda' = \Lambda, \Lambda_1, \Lambda_2$ for the normalization factor \eqref{EqNormFactDGWCS} of the discretely gauged theory. The isomorphism $\phi$ guarantees that $\mu_{M,\Lambda_1} = \mu_{M,\Lambda_2}$. As $\Lambda$ is self-dual, we obviously have $\mu_{M,\Lambda} = 1$. \paragraph{Decomposition of the action} In the case of interest to us where $\Lambda$ is a unit square lattice, the element $c =(1,1,...,1)$ is characteristic: $(c,x) = (x,x)$ modulo 2 for all $x \in \Lambda$. It projects to characteristic elements of $\Lambda_1 = \sqrt{k} \mathbb{Z}$ and $\Lambda_2 = A_{k-1}$, namely $\sqrt{k}$ and $0$. (Recall that $A_{k-1}$ is an even lattice, so $0$ is a characteristic element.) We use $c$ to construct $\eta_\Lambda$ as in Section \ref{SecPreqWCS} and we have $\eta_{\sqrt{k}Z} = \eta_\Lambda$ and $\eta_{A_{k-1}} = 0$. Let $\check{C}$ be a differential cocycle valued in $\sqrt{k}\mathbb{Z} \subset \Lambda$. As $\eta_{A_{k-1}} = 0$, we trivially have \be L(\Lambda,\check{C}) = L(\sqrt{k}\mathbb{Z},\check{C}) \;. \ee More generally, if $e$ is a cocycle representing a class in $H^3(M;\Lambda^\ast_1/\Lambda_1)$, the orthogonality of the lattices $\sqrt{k}\mathbb{Z}$ and $A_{k-1}$ imply \be L(\Lambda, \check{C} + \check{e} + \phi(\check{e})) = L(\sqrt{k}\mathbb{Z},\check{C} + \check{e}) + L(A_{k-1}, \phi(\check{e})) \;, \ee where $\check{e}$ is the differential cocycle constructed from $e$ as in \eqref{EqDiffCocFromCoc}. This equality holds at the level of the actions: \be \label{EqRelActLatDecomp} S_{\rm WCS}(M,\Lambda, \check{C} + \check{e} + \phi(\check{e})) = S_{\rm WCS}(M,\sqrt{k}\mathbb{Z},\check{C} + \check{e}) + S_{\rm WCS}(M,A_{k-1},\phi(\check{e})) \;. \ee \paragraph{Relation between the prequantum theories} The relation \eqref{EqRelActLatDecomp} between the actions, valid as well on manifolds with boundary, implies immediately that the prequantum field theory functors are related by \be \label{EqRelPreqFTFuncLatDec} \textcal{WCS}_{\rm P}[\Lambda, \check{C}] \otimes \overline{\textcal{WCS}}_{\rm P}[\sqrt{k} \mathbb{Z}, \check{C}] = \textcal{WCS}_{\rm P}[A_{k-1}, 0] \;. \ee On a closed 7-dimensional $(2,0)$-manifold $M$, the tensor product sign in \eqref{EqRelPreqFTFuncLatDec} should be understood as multiplication and the bar as complex conjugation. \eqref{EqRelPreqFTFuncLatDec} is then a rephrasing of \eqref{EqRelActLatDecomp} for the exponentiated actions. On a closed 6-dimensional $(2,0)$-manifold $N$, $\otimes$ in \eqref{EqRelPreqFTFuncLatDec} denotes the tensor product and the bar is the complex conjugation of Hilbert spaces. \eqref{EqRelPreqFTFuncLatDec} holds as a result of the fact that the Hilbert space of the prequantum theory is constructed as the limit of a diagram of homomorphisms from $\mathbb{C}$ to $\mathbb{C}$ given by the exponentiated action. The equality of the actions implies directly a canonical isomorphism between the corresponding Hilbert spaces. \paragraph{Relation between the gauged theories} The form of the partition function \eqref{EqPartFuncGaugWCS} shows that at the level of the gauged theories, we have \be \label{EqRelLatDecGaugedWCS} \textcal{WCS}_{\rm G}[\Lambda,\check{C}](M) \otimes \overline{\textcal{WCS}_{\rm G}[\sqrt{k} \mathbb{Z},\check{C}](M)} = \textcal{WCS}_{\rm G}[A_{k-1},0](M) \;. \ee Indeed, as $\Lambda^\ast/\Lambda$ is the trivial group, the "gauged" Wu Chern-Simons theory associated to $\Lambda$ coincides with the prequantum theory. Moreover, the isomorphism $\phi$ ensures that the sums and normalization factors appearing in $\textcal{WCS}_{\rm G}[\sqrt{k} \mathbb{Z}, \check{C}](M)$ and $\textcal{WCS}_{\rm G}[A_{k-1}, 0](M)$ are the same. The state space of the gauged theory is constructed in two steps. First, a direct sum of the state space of the prequantum theory is taken over the orbit of the discrete gauge group. Then, a quotient is taken with respect the action of a certain groupoid, defined by the action of the prequantum theory on cylinders. The relation \eqref{EqRelPreqFTFuncLatDec} satisfied by the prequantum theory functor, applied throughout the construction above, implies that in dimension 6, we have as well: \be \label{EqRelLatDecGaugedWCSStSp} \textcal{WCS}_{\rm G}[\Lambda,\check{C}](N) \otimes \overline{\textcal{WCS}_{\rm G}[\sqrt{k} \mathbb{Z},\check{C}](N)} = \textcal{WCS}_{\rm G}[A_{k-1},0](N) \;. \ee All in all we have the equality of the field theory functors \be \textcal{WCS}_{\rm G}[\Lambda, \check{C}] \otimes \overline{\textcal{WCS}_{\rm G}[\sqrt{k} \mathbb{Z}, \check{C}]} = \textcal{WCS}_{\rm G}[A_{k-1}, 0] \;. \ee \section{Anomaly field theory of a stack of M5-branes} \label{SecAFTStack} \subsection{M-theory backgrounds from (2,0)-structures} \label{SecMThBack20Struct} We explain here how the data of an $A_{k-1}$ $(2,0)$-structure on a $d$-dimensional manifold $U$ can be used to construct a "$(d+5)$-dimensional M-theory background". We will mostly be interested in $d = 6,7,8$, but the construction is independent of $d$. The case where the $(2,0)$ manifold is 7-dimensional and the M-theory background 12-dimensional is the one relevant to the computation of partition function anomalies, in keeping with the fact that partition function anomalies are described by geometric invariants of manifolds with one more dimension than the spacetime of the physical theory. Consider the total space $E(\mathscr{N}_U)$ of the bundle $\mathscr{N}_U$. The connection and hermitian structure on $\mathscr{N}_U$, together with the Riemannian metric on $U$, yield a Riemannian metric on $E(\mathscr{N}_U)$. The spin structure on $TU \oplus \mathscr{N}_U$ yields a spin structure on $TE(\mathscr{N}_U)$. Pick $k$ sections of $\mathscr{N}_U$, to be seen as the worldvolumes of $k$ M5-branes. As a manifold, the M-theory background $Y$ is $E(\mathscr{N}_U)$ after the excision of the $k$ sections. They are excised because the M-theory C-field has a divergence on the worldvolumes. Let us now construct the C-field. Intuitively, the C-field is the one sourced by the $k$ M5-branes. The subtlety is that if $\mathscr{N}_U$ is non-trivial, there may not be a canonical C-field associated to the M5-brane configuration. In fact, we will only need the asymptotic value of the C-field on the complement of a tubular neighborhood of the stack, in the limit where the distances between the branes are scaled down to zero. Such a C-field can be constructed from the (2,0)-structure on $U$ as follows. Construct the differential cocycles $\check{b} := \frac{1}{2} \pi_\ast(\check{a} \cup \check{a})$ and $\check{A} := \check{C} - \check{b}$ on $U$. Note that $\check{A}$ is a differential cocycle shifted by $w_4(TU \oplus \mathscr{N}_U)$ \cite{Monnier:2014txa}. We require that on the boundary of a tubular neighborhood of radius $r$ enclosing all $k$ M5-brane, separated by a typical distance $r_{\rm stack}$, the C-field takes the form \be \check{C}_{Y} = k\check{a} + \pi^\ast(\check{A}) + O(r_{\rm stack}/r) \;. \ee As $\check{a}$ is unshifted, $\check{C}_{Y}$ is a differential cocycle shifted by $w_4(TY)$, as required by membrane anomaly cancellation \cite{Witten:1996md}. We will not need to specify the C-field more explicitly in the following. \subsection{Idea of the computation} \label{SecDecompAn} The partition function anomalies of a $d$-dimensional quantum field theory are described by a certain geometric invariant of $d+1$-dimensional manifolds, see for instance Section 2 of \cite{Monnier:2014txa}. This geometric invariant is supposed to be identified with the partition function of the anomaly field theory. The geometric invariant of 7-dimensional $(2,0)$-manifolds describing the anomaly of a stack of M5-branes can be computed through anomaly inflow, by evaluating the M-theory Chern-Simons term on a 4-sphere bundle $\tilde{U} \rightarrow U$ in $Y$ enclosing the stack of M5-branes \cite{Witten:1996hc, Harvey:1998bx, Monnier:2014txa}. Practically, we can use the fact that $\tilde{U}$ is the boundary of a 4-sphere bundle $\tilde{W}$ over the 8-manifold $W$ admitting $U$ as a boundary. This follows from the fact that the $(2,0)$-structure on $U$ extends to $W$, upon taking $\tilde{U}$ and $\tilde{W}$ to be the unit sphere bundles in $\mathscr{N}_U$ and $\mathscr{N}_W$, respectively. The anomaly is then given by the integral over $\tilde{W}$ of the 12-dimensional characteristic form ${\rm CS}_{12}$ associated to the M-theory Chern-Simons term: \be {\rm CS}_{12}(\tilde{W},\check{C}_{\tilde{W},k}) = 2\pi i \int_{\tilde{W}} \left(\frac{1}{6} G \wedge G \wedge G - G \wedge I_8 \right) \;, \ee where $G$ is the field strength of the C-field $\check{C}_{\tilde{W},k} := k \check{a}_{\tilde{W}} + \pi^\ast(\check{A}_W)$ on $\tilde{W}$, in the limit $r_{\rm stack}/r \rightarrow 0$. The index density $I_8$ is defined in terms of the Pontryagin forms of $T\tilde{W}$ by \be \label{EqDefI8} I_8 = \frac{1}{48} \left(p_2(T\tilde{W}) - \left(\frac{p_1(T\tilde{W})}{2}\right)^2\right) \;. \ee Note that we do allow for configurations in which the M5-branes intersect. This is crucial to ensure that every 7-dimensional $(2,0)$-manifold subject to \eqref{EqConst20Mfld} is a boundary. The fact that the M5-branes intersect is irrelevant for the computation of the anomaly, as the latter is computed on a tubular neighborhood of the stack. Note however that strictly speaking, global anomaly cancellation in M-theory backgrounds containing M5-branes was checked only for non-intersecting M5-branes \cite{Monnierb}. We are assuming here that M-theory is anomaly free in the presence of configurations of intersecting M5-branes. \subsection{Anomaly of the stack} The integral of ${\rm CS}_{12}$ over the fibers of $\tilde{W}$ has been performed in \cite{Monnier:2014txa}, see also \cite{Harvey:1998bx}. We obtain \be \label{EqResIntMthCSTerm} \frac{1}{2\pi i} \ln {\rm An}_{{\rm Stack},k}(U) = \int_{\tilde{W}} {\rm CS}_{12}(\tilde{W}, \check{C}_{\tilde{W},k}) = \int_W \left( kJ_8 - \frac{k^3-k}{24} p_2(\mathscr{N}_W) - \frac{k}{2}G_{W,k}^2 \right) \;, \ee where $G_{W,k}$ is the curvature of $\check{C}_{W,k} := k \check{b} + \check{A}$. $J_8$ is defined by \be J_8 := I_8 - \frac{1}{24} p_2(\mathscr{N}_W)\;, \ee where $I_8$ has is the same expression as in \eqref{EqDefI8}, but involves now the Pontryagin classes of $TW$. \eqref{EqResIntMthCSTerm} depends only on the $(2,0)$-structure of $U$ and has now to be interpreted as the partition function of the anomaly field theory of the stack. To this end, it is useful to reformulate it a bit. Let us write $\check{C}_W = \check{C}_{W,1}$ and $G_W$ for its curvature. We add and subtract $\frac{k}{2} G_W^2$ in the expression above and rearrange the terms as follows \be \label{EqAnomStackM5} \begin{aligned} \frac{1}{2\pi i} \ln {\rm An}_{{\rm Stack},k}(U) = \: & k \int_W \left( J_8 - \frac{1}{2} G_W^2 \right) \\ & + \int_W \left( - \frac{k^3-k}{24} p_2(\mathscr{N}_W) - \frac{k}{2}G_{W,k}^2 + \frac{k}{2}G_{W}^2 \right) \;. \end{aligned} \ee The first term can be naturally interpreted as $k$ times the anomaly of a single $M5$-brane, while the second term is the anomaly due to the "Hopf-Wess-Zumino terms" of \cite{Intriligator:2000eq}. (See also Section 4.7 of \cite{Monnier:2014txa} for a geometrical interpretation of the Hopf-Wess-Zumino terms, in the case where the M5-branes do not intersect.) We will consider these terms separately. \subsection{Anomaly of the M5-brane worldvolumes} \label{SecAnM5WV} Recall the first term of \eqref{EqAnomStackM5}: \be \label{EqAnnM53} \frac{1}{2\pi i} \ln {\rm An}_{kM5}(U) = k \int_W \left( J_8 - \frac{1}{2}G_{W}^2 \right) \;, \ee which we now rewrite in a purely 7-dimensional form. We have \cite{Witten:1996hc} \be \label{ExIndDensFerm} I_f = - 2J_8 + \frac{1}{4}L(TW) \;, \ee where $L(TW)$ is the degree 8 form component of the Hirzebruch genus of $TW$ and $I_f$ is the degree 8 index density of the Dirac operator $D_{f,W}$ on $W$ associated to the spinor bundle of $TW \oplus \mathscr{N}_W$. $I_f$ is twice the index density computing the local anomaly of the chiral fermions on a single M5-brane, the factor two being due to the symplectic Majorana condition satisfied by the latter. We write \be \label{EqDecompGWLambWGpW} G_W = \frac{1}{2} \lambda_W + G'_W \ee where $\lambda_W$ is a differential form representative of the cocycle determining the shift of $\check{C}_W$, as in \eqref{EqActWCSBndy}. $G'_W$ is a differential form with integral periods. We have \begin{align} \label{EqAnnM54} \frac{1}{2\pi i} \ln {\rm An}_{M5}(U) = & -\frac{k}{2} \int_W I_f - \frac{k}{8} \int_W (\lambda_W^2 - L(TW)) - \frac{k}{2} \int_W G'_W(G'_W + \lambda_W) \;. \end{align} Let us analyse the terms of \eqref{EqAnnM54} one by one. The Atiyah-Patodi-Singer theorem \cite{Atiyah1973} expresses the integral of $I_f$ over $W$ in terms of the modified eta invariant \cite{MR861886, Dai:1994kq} $\xi_f(U)$ on $U$: \be \label{EqXifFromW} \xi_f(U) = \int_W I_f - {\rm index}(D_{f,W}) \ee $\xi_f(U)$ is given in terms of the ordinary eta invariant $\eta_f(U)$ of $D_{f,U}$ as \be \xi_f(U) = \frac{\eta_f(U) + h_U}{2} \ee where $h_U$ is the dimension of the space of zero modes of $D_{f,U}$. As $D_{f,W}$ is quaternionic, ${\rm index}(D_{f,W})$ is even, so the first term of \eqref{EqAnnM54} can be rewritten as $-\frac{k}{2} \xi_f(U)$ mod 1. The second term is $k$ times the geometric invariant ${\rm hs}(U)$ described by Hopkins and Singer in \cite{hopkins-2005-70}. Note that it has an implicit dependence on the choice of Wu structure on $U$, as the latter determines the periods of $\lambda_W$. The third term is the action of a Wu Chern-Simons theory on $U$ \be k \times \frac{1}{2} \int_U^{\rm E} \check{C}'_U \cup (\check{C}'_U + \check{\nu}_U) \;, \ee where we used the same notation as in \eqref{EqDefC'}: \be \check{C}'_U = \check{C}_U - \frac{1}{2} \check{\nu}_U \;. \ee Let $\Lambda$ be the $k$-dimensional unit cubic lattice, with canonical basis $\{e_i\}$. We can rewrite the action above as the action of a Wu Chern-Simons theory on $U$ whose field $\check{C}^\Lambda_U = \sum_i e_i \check{C}'_U$ takes value in $\Lambda$ and is diagonal: \be \label{EqActWCSLatLambda} S_{\rm WCS}(U, \Lambda, \check{C}^\Lambda_U) = \frac{1}{2} \int_U^{\rm E} \check{C}^\Lambda_U \cup (\check{C}^\Lambda_U + \check{\nu}^\Lambda_U) \;, \ee where $\check{\nu}^\Lambda_U = \sum_i e_i \check{\nu}_U$. The $i$th component of $\check{C}^\Lambda_U$ is interpreted as the effective M-theory C-field on the worldvolume of the $i$th M5-brane. $\check{C}^\Lambda_U$ is diagonal because in the limit $r_{\rm stack} \rightarrow 0$, the effective C-field is the same on each M5-brane. Like the Hopkins-Singer term, \eqref{EqActWCSLatLambda} has a dependence on the Wu structure. As \eqref{EqAnnM53} had no dependence on the Wu structure, it exactly cancels against the Wu structure dependence of the Hopkins-Singer term. We conclude that the anomaly of the worldvolume theory of $k$ M5-branes can be rewritten as \begin{align} \label{EqAnnM55} \frac{1}{2\pi i} \ln {\rm An}_{kM5}(U) = & -\frac{k}{2} \xi_f(U) - k{\rm hs}(U) - S_{\rm WCS}(U, \Lambda, \check{C}^{\Lambda}_U) \;. \end{align} \subsection{Anomaly field theory of the M5-brane worldvolumes} \label{SecAFTM5WV} The form of the anomaly \eqref{EqAnnM55} suggests that the anomaly field theory of the stack of M5-branes is given by \be \label{EqAFTTrivStackM5} \textcal{An}_{kM5} = \left(\textcal{DF}^{\frac{1}{2}}_{f} \right)^{\otimes (-k)} \otimes \left( \textcal{HS} \right)^{\otimes (-k)} \otimes \overline{\textcal{WCS}}_{\rm G}[\bar{\Lambda}, \check{C}^{\bar{\Lambda}}] \;, \ee where each factor represents a quantum field theory, as defined below. The tensor product denotes the tensor product of the associated functors, corresponding physically to taking non-interacting copies of the quantum field theories to live on the same spacetime. $(\bullet)^{\otimes k}$ means taking the $k$th tensor product of the theory within the brackets. Negative exponents make sense for invertible field theories. The bar over the symbol of a quantum field theory denotes complex conjugation. For unitary invertible theories, complex conjugation is equivalent to $(\bullet)^{\otimes -1}$. \paragraph{Half Dai-Freed theory} Given a Dirac operator on $d$-dimensional manifolds, for $d$ odd, Dai and Freed constructed in \cite{Dai:1994kq} a $d$-dimensional field theory functor $\textcal{DF}$. The partition function of $\textcal{DF}$ on a $d$-dimensional manifold $M$ is the exponential of the modified eta invariant $\xi$: \be \textcal{DF}(M) = \exp 2\pi i \xi \;. \ee The state space assigned by $\textcal{DF}$ to a $d-1$-dimensional manifold is the determinant line of the chiral Dirac operator obtained from the restriction of the $d$-dimensional Dirac operator. It was shown in \cite{Dai:1994kq} that the exponentiated modified eta invariant on a manifold with boundary takes value in the determinant line of the boundary, and that this data glue consistently. The extension of this field theory as an extended field theory down to codimension 2 was sketched in \cite{Monnierd}. The field theory $\textcal{DF}^{\frac{1}{2}}_{f}$ appearing as the first factor of \eqref{EqAFTTrivStackM5} is not quite a conventional Dai-Freed theory. It is a "half" or a "square root" of the Dai-Freed theory associated to the Dirac operator $D_f$, due to the fact that it acts on spinors obeying a symplectic Majorana condition, which effectively divides by two the number of degrees of freedom. It can be described as follows. On a 7-dimensional $(2,0)$-manifold $U$, the partition function is defined as \be \label{EqSqrtModEtaInv} \textcal{DF}^{\frac{1}{2}}_{f}(U) := \exp \pi i \xi_f \;, \ee where $\xi_f$ is as above the modified eta invariant associated to the Dirac operator $D_{f,U}$. There is a potential ambiguity in the expression \eqref{EqSqrtModEtaInv}, because as the Dirac operator may experience spectral flow as the background data is changed, $\xi_f$ is a priori defined only modulo 1. However, the fact that $D_{f,U}$ is quaternionic shows that $\xi_f$ may only jump by even integers when the background data is varied, thereby ensuring that \eqref{EqSqrtModEtaInv} is a well-defined function over the space of background data. On a 6-dimensional $(2,0)$-manifold $M$, the fact that $D_{f,M}$ is quaternionic ensures that $D_{f,M}$ admits a Pfaffian line ${\rm Pfaff}(D_{f,M})$ whose square is the determinant line of $D_{f_M}$. The state space that $\textcal{DF}^{\frac{1}{2}}_{f}$ assigns to $M$ is the Hermitian line ${\rm Pfaff}(D_{f,M})$. More details about the construction of the Pfaffian line can for instance be found in Section 1.3 of \cite{Freed:2004yc}. The proof of the gluing relations showing that $\textcal{DF}^{\frac{1}{2}}_{f}$ is a field theory functor should follow the same lines as the original analysis of Dai and Freed \cite{Dai:1994kq}, although to our knowledge this has not been worked out in detail. \paragraph{Hopkins-Singer theory} The second factor $\textcal{HS}$ in \eqref{EqAFTTrivStackM5} denotes an invertible quantum field theory that can be straightforwardly constructed from the results of Hopkins and Singer in \cite{hopkins-2005-70}. In fact, we will see that this factor cancels against an identical factor coming from the center of mass of the stack of M5-branes, and hence will not appear in the anomaly field theory of the $(2,0)$ SCFTs. We will therefore not describe $\textcal{HS}$ in detail. In short, the proof of the main theorem of \cite{hopkins-2005-70} involves the construction of a map from a Thom spectrum into a spectrum known as the Anderson dual of the sphere. But one can associate to such a map an invertible field theory functor (see for instance \cite{2014arXiv1406.7278F}). Maybe more concretely, one can specialize the main theorem of \cite{hopkins-2005-70} to the case where $S$ is a point and $k = 2$ in their notation. It then states that to each $8-p$-dimensional manifold endowed with an integral lift of the Wu class and a differential cocycle, one can associate a differential cocycle of degree $p$ over a point. This assignment is compatible with the gauge transformations of differential cocycle and with the gluing of manifolds. But a differential cocycle of degree 1 over a point is just an element of $\mathbb{R}/\mathbb{Z}$, so their theorem assign and element of $\mathbb{R}/\mathbb{Z}$ to a 7-manifold, which is to be interpreted as the log of the partition function of the Hopkins-Singer field theory. Similarly, a differential cocycle of degree 2 over a point is a Hermitian line, to be interpreted as the state space that the Hopkins-Singer field theory assigns to a 6-manifold. Their construction implicitly specifies a fully extended field theory, as $p$ can be as large as $8$. \paragraph{Wu Chern-Simons theory} The last term in \eqref{EqAFTTrivStackM5} is the Wu Chern-Simons theory associated to the $k$-dimensional cubic lattice $\Lambda$, described in Section \ref{SecPreqWCS} and constructed in detail in Section 5 of \cite{Monnier:2016jlo}. Note that as $\Lambda$ is self-dual, there is no difference between the prequantum Wu Chern-Simons theory and the discretely gauged one (the discrete gauge group is trivial). We choose here to see it as a gauged theory. \subsection{Hopf-Wess-Zumino anomaly} \label{SecHWZAnomaly} We now turn to the second term in \eqref{EqAnomStackM5}: \be \frac{1}{2\pi i} {\rm An}_{\rm HWZ}(U) = \int_W \left( - \frac{k^3-k}{24} p_2(\mathscr{N}_W) - \frac{k}{2}G_{W,k}^2 + \frac{k}{2}G_{W}^2 \right) \;. \ee Writing $h_W$ for the field strength of $\check{b}_W$ and using $G_{W,k} = G_W + (k-1)h_W$, this can be rewritten as the sum of two terms \cite{Monnier:2014txa} \be \frac{1}{2\pi i} {\rm An}_{\rm HWZ}(U) = S_{\rm HWZ}^{(3)} + S_{\rm HWZ}^{(2)} \;, \ee with \be \label{EqCubHWZTerm} S_{\rm HWZ}^{(3)}(U) = -(k^3-k) \int_W \left( \frac{1}{24} p_2(\mathscr{N}_W) + \frac{1}{2} h_W^2 \right) \;, \ee \be \label{EqQuadHWZTerm} S_{\rm HWZ}^{(2)}(U) = - k(k-1) \int_W h_W \left( G_W - h_W \right) \;. \ee It was explained in \cite{Monnier:2014txa} why these two terms are integers for closed $W$, and therefore well-defined geometric invariants modulo 1 associated to $U$. We now reexpress \eqref{EqCubHWZTerm} and \eqref{EqQuadHWZTerm} in terms of quantities defined on $U$. \paragraph{The term \eqref{EqCubHWZTerm}} It is easy to check that $k^3-k$ is always a multiple of 6, so we can rewrite \be S_{\rm HWZ}^{(3)}(U) = -\frac{k^3-k}{6} \int_W \left( \frac{1}{4} p_2(\mathscr{N}_W) + 3 h_W^2 \right) \;, \ee where the prefactor is an integer. Recall that $h_W$ is the curvature of $\check{b}_W$, which is a differential cocycle shifted by $w_4(\mathscr{N}_W)$. Writing $b_W$ for the characteristic of $\check{b}_W$, this means that $2b_W$ is an integer-valued cocycle lift of $w_4(\mathscr{N}_W)$, or equivalently that $2b_W$ modulo 2 is a cocycle representative of $w_4(\mathscr{N}_W)$. We showed in \cite{Monnier:2014txa} that any such cocycle lift satisfies \be \label{EqRelbp2Cohom} [(2b_W)^2] = [p_{2,W}] \quad \mbox{ mod } 4\;, \ee where $p_{2,W}$ is any integral cocycle representative of the second Pontryagin class, and the bracket denote the ($\mathbb{Z}$-valued) cohomology class. \eqref{EqRelbp2Cohom} can be promoted to an equality of cocycles as follows. Recall from Appendix \ref{AppEulerStruct} that $BSO[e](5)$ is the homotopy fiber of the classifying map of the Euler class of the universal bundle over $BSO(5)$. $BSO[e](5)$ carries a rank 5 bundle $\mathscr{N}$ given by the pullback of the universal bundle over $BSO(5)$, and by definition, the Euler class of $\mathscr{N}$ vanishes. As explained in Appendix \ref{AppEulerStruct}, we choose a degree 4 cocycle $a$ on the unit sphere bundle $\widetilde{BSO}[e](5)$ of $\mathscr{N}$ that represents the top cohomology class on each fiber. The Euler structure in the $(2,0)$-structure of $W$ provides a lift to $BSO[e](5)$ of the classifying map of $\mathscr{N}_W$ into $BSO(5)$, and $\mathscr{N}_W$ coincides with the pullback of $\mathscr{N}$ through this lift. $b_W$ is the pull-back of the $\frac{1}{2} \mathbb{Z}$-valued cocycle $b := \frac{1}{2}\pi_\ast(a \cup a)$. The discussion of \cite{Monnier:2014txa} mentioned the previous paragraph applies to $\mathscr{N}$, showing that $(2b)^2$ represents the second Pontryagin class of $\mathscr{N}$ modulo 4. We can therefore choose a cocycle $p_{2}$ on $BSO[e](5)$ representing the second Pontryagin class of $\mathscr{N}$ such that \be \label{EqRelp2bUniv} p_{2} = (2b)^2 \quad \mbox{mod } 4 \;. \ee The choice of universal cocycles $a$, $b$ and $p_{2}$ on $BSO[e](5)$ induces corresponding cocycles satisfying \eqref{EqRelp2bUniv} on every $(2,0)$-manifold, in a way compatible with the morphisms of $(2,0)$-manifolds. In particular, $p_{2}$ induces via pull-back an integral cocycle $p_{2,W}$ on $W$ representing the second Pontryagin class of $\mathscr{N}_W$ and satisfying $p_{2,W} = 2b_W$ mod 4. Then the combination \be \frac{1}{4} p_{2,W} + 3 b_W^2 \ee is an integer-valued cocycle. We can use $p_{2,W}$ and the Riemannian metric on $W$ to construct a canonical differential cocycle representative $\check{p}_2(\mathscr{N}_W)$, whose characteristic is $p_{2,W}$ and whose curvature is the second Pontryagin form $p_2(\mathscr{N}_W)$ (see Theorem 2.2 of \cite{springerlink:10.1007/BFb0075216}). We can rewrite the integrand of \eqref{EqCubHWZTerm} as the curvature of a differential cocycle: \be S^{(3)}_{\rm HWZ} = -\frac{k^3-k}{6} \int_W \left[ \frac{1}{4}\check{p}_2(\mathscr{N}_W) + 3 \check{b}^2_W \right]_{\rm cu} \;. \ee (Note that we have defined the cup product in Appendix \ref{AppDiffCohom} only on unshifted differential cocycles. The integrand above should be read $\frac{1}{4}\left(\check{p}_2(\mathscr{N}_W) + 3 (2\check{b}_W)^2 \right)$, which indeed involves only unshifted differential cocycles.) Using the closure relation $[\check{c}]_\omega = [\check{c}]_{\rm ch} + d[\check{c}]_{\rm co}$ valid for any differential cocycle $\check{c}$, we obtain \be S^{(3)}_{\rm HWZ}(U) = -\frac{k^3-k}{6} \int_W \left( \left[ \frac{1}{4}\check{p}_2(\mathscr{N}_W) + 3 \check{b}^2_W \right]_{\rm ch} + d\left[ \frac{1}{4}\check{p}_2(\mathscr{N}_W) + 3 \check{b}^2_W \right]_{\rm co} \right)\;. \ee But as noted above, the first term is an integer, and the second one can be rewritten as an integral over $U$: \be S^{(3)}_{\rm HWZ}(U) = -\frac{k^3-k}{6} \int_U \left[ \frac{1}{4}\check{p}_2(\mathscr{N}_U) + 3 \check{b}^2_U \right]_{\rm co} \mbox{ mod } 1\;. \ee $\check{p}_2(\mathscr{N}_U)$ is the differential cocycle representative of the second Pontryagin class of $\mathscr{N}_U$ constructed from the Riemannian metric on $U$ and from the integral cocycle $p_{2,U}$ pulled back from $F$. It coincides with the restriction of $\check{p}_2(\mathscr{N}_W)$ to $U$ by the discussion above. This provides an expression for $S^{(3)}_{\rm HWZ}(U)$ in terms of quantities defined on $U$ only. We will write \be \label{EqActCSp2Th} S_{{\rm CS}p_2} := \int_U \left[ \frac{1}{4}\check{p}_2(\mathscr{N}_U) + 3 \check{b}^2_U \right]_{\rm co} \;. \ee \paragraph{The term \eqref{EqQuadHWZTerm}} Using \eqref{EqDecompGWLambWGpW} and the fact that $k(k-1)$ is even, we can rewrite \be \label{EqQuadHWZTerm2} S_{\rm HWZ}^{(2)}(U) = \frac{k(k-1)}{2} \left( \frac{1}{2} \int_W (-2h_W) \left( \lambda_W + (-2h_W) \right) + \int_W (-2h_W) G'_W \right) \;, \ee where the prefactor is an integer, and $-2h_W$ and $G'_W$ are differential forms with integer periods. Comparing with \eqref{EqActWCSBndy}, we see that \eqref{EqQuadHWZTerm2} is the sum of the action of a Wu Chern-Simons theory and of a BF theory. The BF theory action can easily be expressed on $U$ using the cup product of differential cocycles, so we obtain \be \label{EqQuadHWZTerm3} S_{\rm HWZ}^{(2)}(U) = \frac{k(k-1)}{2} \left( S_{WCS}(U, \mathbb{Z}, -2\check{b}_U) + S_{\rm BF}(U, -2\check{b}_U, \check{C}_U' ) \right) \;, \ee \be \label{EqActBFTh} S_{\rm BF}(U, -2\check{b}_U, \check{C}_U') := \int_U \left[ (-2\check{b}_U) \cup \check{C}'_U \right]_{\rm co} \ee \subsection{Hopf-Wess-Zumino anomaly field theory} \label{SecAFTHWZ} The form of the anomaly above suggests the following anomaly field theory. \be \label{EqAFTHWZ} \textcal{An}_{\rm HWZ} = \left( \textcal{WCS}_{\rm P}[\mathbb{Z}, -2\check{b}]\right)^{\otimes \frac{k(k-1)}{2}} \otimes \left(\textcal{BF}[-2\check{b}, \check{C}']\right)^{\otimes \frac{k(k-1)}{2}} \otimes \left( \textcal{CSp}_2[\check{b}] \right)^{\otimes \frac{k - k^3}{6}} \;, \ee where the factors are detailed below. \paragraph{Prequantum Wu Chern-Simons theory} The first factor $\textcal{WCS}_{\rm P}[\mathbb{Z}, -2\check{b}]$ is a prequantum Wu Chern-Simons theory associated to the lattice $\mathbb{Z}$, with background gauge field given by $-2\check{b}$, see Section \ref{SecPreqWCS}. \paragraph{Abelian prequantum BF theory} The second factor $\textcal{BF}[-2\check{b}, \check{C}']$ is the prequantum abelian BF theory with action \eqref{EqActBFTh}. This is an invertible quantum field theory that can be constructed along the lines of Section \ref{SecPreqWCS} (see also \cite{Freed:1991bn} or Section 4 of \cite{Monnierd}). In short, the partition function of the prequantum abelian BF theory on a 7-manifold is simply the exponentiated action. On a 7-manifold with boundary, because of the failure of gauge invariance, the exponentiated action is not quite a complex number, but rather an element of a Hermitian line associated to the 6-dimensional boundary. This hermitian line is the state space of the prequantum abelian BF theory on the 6-dimensional boundary. More abstractly, the state space can be constructed by "integrating the degree 7 cocycle over the 6-dimensional boundary", a procedure introduced in \cite{Freed:1991bn} in the context of Dijkgraaf-Witten theory. \paragraph{Abelian prequantum Chern-Simons-$p_2$ theory} For lack of a better name, we call the third factor $\textcal{CSp}_2[\check{b}]$ a Chern-Simons-$p_2$ theory. In the action \eqref{EqActCSp2Th}, the second term looks like a usual quadratic Chern-Simons term for the $U(1)$ 3-form gauge field associated to the differential cocycle $\check{b}_U$. The subtlety is that this gauge field is shifted by $w_4(U)$: its fluxes on four-cycles are integral or half-integral depending on whether the periods of $w_4(U)$ are zero or one modulo 2. Such a quadratic term would not be well-defined on its own, but the presence of the first term proportional to the second Pontryagin class makes the whole action well-defined, as explained in Section \ref{SecHWZAnomaly}. As the Lagrangian $\frac{1}{24}\check{p}_2(\mathscr{N}_U) + \frac{1}{2} \check{b}^2_U$ is an unshifted differential cocycle of degree 8, the procedure sketched above in the case of the BF action yields an invertible quantum field theory, the prequantum Chern-Simons-$p_2$ theory $\textcal{CSp}_2[\check{b}]$. \paragraph{Dependence on the Wu structure} $\textcal{WCS}_{\rm P}[\mathbb{Z}, -2\check{b}]$ depends on the Wu structure of the $(2,0)$ manifold, and so does $\textcal{BF}[-2\check{b}, \check{C}']$, through its argument $\check{C}'$. However, \eqref{EqQuadHWZTerm} makes it clear that the product theory depends only on $\check{b}$ and $\check{C}$, and is therefore independent of the Wu structure. \section{Anomaly field theory of the center of mass} \label{SecAFTCM} The $(2,0)$ $A_{k-1}$ theory is obtained from the worldwolume theory of a stack of $k$ M5-branes by removing the center of mass degrees of freedom, associated to the collective excitations of the M5-branes. The center of mass degrees of freedom form a free tensor multiplet carrying a charge $k$ with respect to the background C-field. The subtle part of the anomaly of the tensor multiplet comes from the anomaly of the charge $k$ self-dual field it contains. In this section, we first analyse the anomalies and anomaly field theory of the charge $k$ self-dual field and then those of the charge $k$ tensor multiplet. \subsection{Anomaly of a charge $k$ self-dual field} \label{SecAnChgkSDF} Consider a degree 2 self-dual gauge field in six dimension. This theory can be naturally coupled to a degree 3 $U(1)$ gauge field \cite{Witten:1996hc}. The self-dual field can have arbitrary integer charge $k$ with respect to this $U(1)$ gauge field \cite{Belov:2006jd}. The anomalies of the charge $k$ self-dual field are encoded in a geometric invariant ${\rm An}_{SD(k)}$ of 7-dimensional smooth oriented Riemannian manifolds endowed with a degree 3 $U(1)$ gauge field. For our purpose, it will be sufficient to restrict ourselves to the case where the 7-dimensional manifold $U$ and the gauge field $\check{C}_U$ are obtained from a $(2,0)$-manifold by forgetting the bundle $\mathscr{N}$. The results of Appendix \ref{SecCobGroup20Struct} show that there is always an 8-dimensional $(2,0)$-manifold $W$ bounded by $U$ endowed with a $U(1)$ gauge field $\check{C}_W$ shifted by the Wu class and satisfying $\check{C}_W|_U = \check{C}_U$. As explained in Section 4.3 of \cite{Monnier:2014txa}, we have \be \label{EqAnSDk1} \frac{1}{2\pi i} \ln {\rm An}_{{\rm SD}(k)}(U,\check{C}_U) = \frac{1}{8} \eta_\sigma(U) - k \int_W \left(\frac{1}{2}G^2_W - \frac{1}{8}\sigma_W \right) \;, \ee where $\eta_\sigma(U)$ is the eta invariant of the signature Dirac operator on $U$, $\sigma_W$ is the signature of the wedge product pairing on the cohomology of $W$ relative to $U$ and $G_W$ is the field strength of $\check{C}_W$. We now give a purely 7-dimensional formula for the anomaly above. The Atiyah-Patori-Singer theorem \cite{Atiyah1973} allows us to write the signature as \be \sigma_W = \int_W L(TW) - \eta_\sigma(U) \;. \ee Using \eqref{EqDecompGWLambWGpW}, we have \be \label{EqAnSDk} \frac{k}{2} \int_W G^2_W - \frac{k}{8} \sigma_W(U) = \frac{k}{8} \eta_\sigma + \frac{k}{8} \int_W \left( \lambda_W^2 - L(TW) \right) + \frac{k}{2} \int_W G'_W \wedge (G'_W + \lambda_W) \ee Comparing with \eqref{EqActWCSBndy}, we see that the third term coincides with minus the action of the Wu Chern-Simons theory on $U$ associated to the lattice $\sqrt{k}\mathbb{Z}$, which is the charge lattice of the self-dual field of charge $k$. The second term is $k$ times the geometric invariant described by Hopkins and Singer in \cite{hopkins-2005-70}, which already appeared in \eqref{EqAnnM55}. We therefore have \be \label{EqAnSDk2} \frac{1}{2\pi i} \ln {\rm An}_{{\rm SD}(k)}(U,\check{C}_U) = -\frac{k-1}{8} \mathrm{\eta}_\sigma(U) - k {\rm hs}(U) - S_{WCS}(U,\sqrt{k}\mathbb{Z},\check{C}_U) \;. \ee \eqref{EqAnSDk2} provides a manifestly 7-dimensional expression for the anomaly of a charge $k$ self-dual field. \subsection{Anomaly field theory of the charge $k$ self-dual field} \label{SecAFTSDK} Our task is now to interpret \eqref{EqAnSDk2} as the partition function of a quantum field theory, which we would identify with the anomaly field theory of a self-dual field of charge $k$. \eqref{EqAnSDk2} suggests that the relevant field theory is \be \label{EqAFTSDk} \textcal{An}_{{\rm SD}(k)} = \left( \textcal{DF}^{\frac{1}{4}}_\sigma \right)^{\otimes (-k+1)} \otimes \textcal{HS}^{\otimes (-k)} \otimes \overline{\textcal{WCS}}_{\rm G}\left[\sqrt{k}\mathbb{Z}\right] \ee We now describe the quantum field theories appearing in \eqref{EqAFTSDk} and comment on their relation to \eqref{EqAnSDk2}. \paragraph{Quarter Dai-Freed theory} $\textcal{DF}^{\frac{1}{4}}_\sigma$ is a "fourth root" of the Dai-Freed theory (see Section \ref{SecAFTM5WV}) associated to the signature Dirac operator. Recall that the signature Dirac operator \cite{Atiyah1973} on $U$ is constructed from the differential and the Hodge star operator. Its kernel can be expressed in terms of the cohomology of $U$, and has therefore constant rank over the connected components of the moduli space of 7-dimensional $(2,0)$-manifolds. This means that unlike the eta invariants associated to other Dirac operators, $\eta_\sigma(U)$ is well-defined as a real number, not only as a real number modulo 2. Therefore $\frac{1}{8} \eta_\sigma(U)$ is well-defined. The partition function of $\textcal{DF}^{\frac{1}{4}}_\sigma$ on $U$ is \be \label{EqPartFuncDF14} \textcal{DF}^{\frac{1}{4}}_\sigma(U) = \exp \left(2 \pi i \frac{1}{8} \eta_\sigma(U) \right) \;. \ee The standard construction of a prequantum field theory, already sketched in Sections \ref{SecPreqWCS} and \ref{SecAFTHWZ}, combined with the definition \cite{Dai:1994kq} of the eta invariant on manifolds with boundary, can be applied to the exponentiated action \eqref{EqPartFuncDF14} to yield an invertible field theory $\textcal{DF}^{\frac{1}{4}}_\sigma$. The proof of the gluing axioms should follow from the corresponding proof in \cite{Dai:1994kq}. \paragraph{Hopkins-Singer theory} The Hopkins-Singer theory $\textcal{HS}$ has already been discussed in Section \ref{SecAFTM5WV}. \paragraph{Discretely gauged Wu Chern-Simons theory} $\overline{\textcal{WCS}}_{\rm G}\left[\sqrt{k}\mathbb{Z}\right]$ is the complex conjugate of a discretely gauged Wu Chern-Simons theory associated to the lattice $\sqrt{k}\mathbb{Z}$, with background field given by $[\check{C}]_k$, see Section \ref{SecDGWCS}. We should justify why we identify the WCS action in \eqref{EqAnSDk2} with the gauged theory, rather than with the prequantum theory. Recall that \eqref{EqPartFuncGaugWCS} implies that their partition functions have the same phase. However, while the prequantum theory is invertible, the gauged theory is not if $|k| > 1$. It is known that self-dual fields with charges larger than 1 do not admit a single partition function, but rather a vector of conformal blocks \cite{Belov:2006jd}. This is the hallmark of theories with non-invertible anomaly field theories \cite{Monnierd}, and suggests the identification with the gauged theory rather than the prequantum theory. We will see that the non-invertibility of $\overline{\textcal{WCS}}_{\rm G}\left[\sqrt{k}\mathbb{Z}\right]$ is also ultimately responsible for the appearance of the conformal blocks of the $A_{k-1}$ (2,0) SCFTs. \subsection{Anomaly field theory of a free tensor multiplet} The tensor multiplet is the (2,0) supersymmetric multiplet generated by the supercharges from the self-dual field theory. On a 6-dimensional $(2,0)$-manifold $M$, it contains symplectic Majorana fermions valued in the spinor bundle of $TM \oplus \mathscr{N}_M$, as well as anomaly-free scalars. We therefore obtain the anomaly of the charge $k$ tensor multiplet by adding the fermionic anomaly to the anomaly of the charge $k$ self-dual field. The former is the same as the fermionic anomaly on the worldvolume of a single M5-brane, already discussed in Section \ref{SecAnM5WV}. The anomaly of the charge $k$ tensor multiplet therefore reads \be \label{EqAnTMk3} \frac{1}{2\pi i} \ln {\rm An}_{{\rm TM}(k)}(U,\check{C}_U) = -\frac{1}{2} \xi_f(U) -\frac{k-1}{8} \mathrm{\eta}_\sigma(U) - k {\rm hs}(U,\omega) - S_{WCS}(U,\sqrt{k}\mathbb{Z},\check{C}_U,\omega) \;, \ee The corresponding anomaly field theory is \be \label{EqAFTTMk} \textcal{An}_{{\rm TM}(k)} = \left( \textcal{DF}^{\frac{1}{2}}_f \right)^{\otimes (-1)} \left( \textcal{DF}^{\frac{1}{4}}_\sigma \right)^{\otimes (-k+1)} \otimes \textcal{HS}^{\otimes (-k)} \otimes \left( \overline{\textcal{WCS}}_{\rm G} [\sqrt{k}\mathbb{Z} \right)^{\otimes (-1)} \ee Compared to the anomaly \eqref{EqAFTSDk} of a charge $k$ self-dual field, there is an extra tensor product with the inverse of the half Dai-Freed theory $\textcal{DF}_f^{\frac{1}{2}}$. This field theory was already described in Section \ref{SecAFTM5WV}. \section{Anomaly field theories of (2,0) SCFTs} \label{Sec7dimform} We combine here the results of the previous sections to describe the anomaly field theory of the $A_n$ (2,0) SCFT. We will see that the expressions involving the parameter $n$ can be naturally reexpressed in terms of Lie algebra data, yielding conjectural anomaly field theories for the $(2,0)$ SCFTs in the $D$ and $E$ series. These conjectures are automatically consistent with the exceptional isomorphisms of low rank algebras in the $A$, $D$ and $E$ series. \subsection{The $A_n$ case} The anomaly of the $A_n$ (2,0) SCFT is obtained \cite{Harvey:1998bx, Monnier:2014txa} from the anomaly of a stack of $k = n+1$ M5-branes by subtracting the anomaly of the center of mass degrees of freedom, which form a charge $k$ tensor multiplet. We need to lift this subtraction procedure to the level of anomaly field theories. We tensor the anomaly field theory of the M5-brane worldvolumes \eqref{EqAFTTrivStackM5} with the anomaly field theory of the Hopf-Wess-Zumino terms \eqref{EqAFTHWZ} to find the anomaly field theory of a stack of $k$ M5-branes $\textcal{An}_{{\rm Stack},k}$. To subtract the center of mass, we tensor it with the field theory complex conjugate to the anomaly field theory of the charge $k$ tensor multiplet \eqref{EqAFTTMk}. The (invertible) Hopkins-Singer theories $\textcal{HS}$ appear in the tensor in complex conjugate pairs, and therefore cancel. Results of Section \ref{AppDGWCSAndLatticeDec} show that the gauged Wu Chern-Simons theories associated to the cubic lattice $\Lambda$ and to the 1-dimensional lattice $\sqrt{k}\mathbb{Z}$ combine into a gauged Wu Chern-Simons theory associated to the $A_n$ lattice, with vanishing background field. The anomaly field theory of the $A_n$ (2,0) SCFT therefore reads \be \label{EqAFTAnSCFT} \textcal{An}_{A_n} = \left(\textcal{DF}^{\frac{1}{2}}_{f} \right)^{\otimes (-n)} \otimes \left( \textcal{DF}^{\frac{1}{4}}_\sigma \right)^{\otimes (-n)} \otimes \textcal{An}_{\rm HWZ} \otimes \overline{\textcal{WCS}}_{\rm G}[A_n, 0] \;, \ee \be \label{EqAFTHWZ2} \textcal{An}_{\rm HWZ} = \left( \textcal{WCS}_{\rm P}[\mathbb{Z}, -2\check{b}]\right)^{\otimes \frac{n(n+1)}{2}} \otimes \left(\textcal{BF}[-2\check{b}, \check{C}']\right)^{\otimes \frac{n(n+1)}{2}} \otimes \left( \textcal{CSp}_2[\check{b}] \right)^{\otimes \frac{(n+2)(n+1)n}{6}} \;. \ee The field theories appearing in these expressions have all been described in Sections \ref{SecAFTM5WV}, \ref{SecAFTHWZ} and \ref{SecAFTSDK}. We made explicit the fact that the background field vanishes in the notation for the $A_n$ discretely gauged WCS theory $\overline{\textcal{WCS}}_{\rm G}[A_n, 0]$. We can interpret the field theory factors above on the Coulomb branch of the $(2,0)$ SCFT. The first two factors in \eqref{EqAFTAnSCFT} are due to the free tensor multiplets. The third factor comes from the Hopf-Wess-Zumino terms already discussed above. The fourth factor is responsible for the conformal blocks of the $(2,0)$ SCFT, as we discuss in Section \ref{SecConfBlocks}. \subsection{The general case} The various $n$-dependent quantities appearing in \eqref{EqAFTAnSCFT} and \eqref{EqAFTHWZ2} have natural Lie algebra interpretations: $n$ is the rank $r_{\mathfrak{su}_{n+1}}$, $n(n+2)$ is the dimension $|\mathfrak{su}_{n+1}|$ and $n+1$ is the dual Coxeter number ${\rm h}_{\mathfrak{su}_{n+1}}$. This yields a natural conjecture for the anomaly field theory of any $(2,0)$ SCFT associated to a Lie algebra $\mathfrak{g}$ of type A, D or E: \be \label{EqAFTGenSCFT} \textcal{An}_{\mathfrak{g}} = \left(\textcal{DF}^{\frac{1}{2}}_{f} \right)^{\otimes (-r_\mathfrak{g})} \otimes \left( \textcal{DF}^{\frac{1}{4}}_\sigma \right)^{\otimes (-r_\mathfrak{g})} \otimes \textcal{An}_{\rm HWZ} \otimes \overline{\textcal{WCS}}_{\rm G}[\Lambda_\mathfrak{g}, 0] \;, \ee \be \label{EqAFTHWZGen} \textcal{An}_{\rm HWZ} = \left( \textcal{WCS}_{\rm P}[\mathbb{Z}, -2\check{b}]\right)^{\otimes \frac{r_\mathfrak{g} {\rm h}_\mathfrak{g}}{2}} \otimes \left(\textcal{BF}[-2\check{b}, \check{C}']\right)^{\otimes \frac{r_\mathfrak{g} {\rm h}_\mathfrak{g}}{2}} \otimes \left( \textcal{CSp}_2[\check{b}] \right)^{\otimes \frac{|\mathfrak{g}| {\rm h}_\mathfrak{g}}{6}} \;, \ee where $\Lambda_\mathfrak{g}$ is the root lattice of $\mathfrak{g}$. One can check explicitly that the exponents are all integers for every $\mathfrak{g}$ of type A, D or E. The relevant data is summarized in the table below: \be \begin{array}{l|ll} & |\mathfrak{g}| & {\rm h}_\mathfrak{g} \\ \hline A_n & n^2 + 2n & n + 1 \\ D_n & 2n^2 - n & 2n - 2 \\ E_6 & 78 & 12 \\ E_7 & 133 & 18 \\ E_8 & 248 & 30 \\ \end{array} \;. \ee As \eqref{EqAFTGenSCFT} and \eqref{EqAFTHWZGen} are expressed in term of Lie algebra data, they are automatically compatible with the exceptional isomorphisms between low rank algebras in the A, D and E series. \subsection{Defects} It is often interesting to consider (2,0) SCFTs in the presence of various defects. We do not have a complete picture of the relation between the defects of the (2,0) SCFTs and those of the anomaly field theory, but we describe here a correspondence between a class 2-dimensional defects in the (2,0) SCFT and a class of 3-dimensional defects of its anomaly field theory. We also present an analysis suggesting that the codimension 2 defects of the SCFT do not affect anomalies, and therefore are not visible in the anomaly field theory. \paragraph{2-dimensional defects} The 6d SCFTs have instantonic strings, which are 2-dimensional defects charged under the self-dual fields. The self-duality condition requires them to carry both electric and magnetic charges. Their charges live in the weight lattice $\Lambda^\ast_\mathfrak{g}$ of the Lie algebra $\mathfrak{g}$. As the "W-bosons" of the 6d SCFT have charges in the root lattice $\Lambda_\mathfrak{g}$, a screening mechanism can neutralize the defect charges if they live in $\Lambda_\mathfrak{g}$. The observable charges therefore live in the finite discrete group $\Gamma_\mathfrak{g} = \Lambda_\mathfrak{g}^\ast/\Lambda_\mathfrak{g}$. The fact that these defects source the self-dual fields magnetically means that a 3-sphere linking the 2-dimensional worldvolume of the defect carries a flux of the self-dual field strength. Note that in order to have a well-defined configuration of the self-dual gauge field, we need to excise the worldsheet of the instantonic string. To understand how these defects should be incorporated in the anomaly field theory, we use the fact that by definition, the 6d SCFT on a manifold $M$ can be used as a boundary condition of the anomaly field theory on a manifold $U$ with $\partial U = M$. We work on the Coulomb branch, where the gauge symmetry of the (2,0) SCFT is broken to the diagonal $U(1)^n$ subgroup. We model the self-dual gauge field, following \cite{Belov:2006jd}, as an ordinary gauge field $\check{B} = (b,B,H) \in \check{C}^3(M;\Lambda_\mathfrak{g})$ whose field strength $H \in \Omega^3(M)$ is required to live in a Lagrangian subgroup of $\Omega^3(M)$. The self-dual field strength of the self-dual field is then the self-dualization of $H$. The degree 3 gauge field $\check{A} = (a,A,F)$ of the Wu Chern-Simons theory in the anomaly field theory, which so far has been set to zero, should be trivialized by the self-dual field on the boundary: $\check{A} = d\check{B}$ on $M$, or more explicitly \be a = db \;, \quad A = H - dB - b \;, \quad F = dH \;. \ee Of course, if $\check{B}$ is a differential cocycle, then $\check{A} = 0$. However, the presence of an instantonic string forces $\check{B}$ to be a non-closed differential cochain, and therefore corresponds to configuration of the anomaly field theory where the Wu Chern-Simons gauge field is turned on. Indeed, although we do have $dH = 0$ and $db = 0$, the closedness condition $H - dB - b = 0$ is impossible to satisfy unless the fluxes of $H$ are valued in $\Lambda_\mathfrak{g}$. Therefore a $\Lambda^\ast_\mathfrak{g}$-valued flux of $H$ has to be accompanied with a non-zero $A$: the Wu Chern-Simons gauge field has a $\Gamma_\mathfrak{g}$-valued holonomy (the higher dimensional equivalent of a Wilson line) along the 3-spheres linking the worldsheet of the instanton string. This also tells us that the worldsheet of the instanton string, that has already been excised from the boundary, has to be extended in $U$ as a 3-manifold with boundary and excised from $U$ as well. Without this operation, it would be impossible for $\check{A}$ to have holonomy along the linking 3-spheres. In summary, the instantonic strings of the 6d SCFT correspond to discrete $\Lambda^\ast_\mathfrak{g}$-valued holonomies of the Wu Chern-Simons gauge field of the anomaly field theory along 3-spheres linking the worldsheet of the string. In the 7-dimensional spacetime of the anomaly field theory, the instantonic strings have to be promoted to 3-dimensional excised defects, including a holonomy of the Wu Chern-Simons gauge field along the linking 3-spheres. We can generalize the discussion above to arbitrary $\Lambda^\ast_\mathfrak{g}$-valued fluxes of the self-dual field. Such a flux corresponds to an element in $H^3(M;\Lambda^\ast_\mathfrak{g})$. $\Lambda^\ast_\mathfrak{g}$-valued fluxes generally require that $\check{B}$ is not closed, so $\check{A}$ cannot vanish. We therefore find again that the fluxes of $\check{B}$ are related to the holonomies of $\check{A}$. This relation is given by the surjective homomorphism $H^3(M;\Lambda^\ast_\mathfrak{g}) \rightarrow {\rm Hom}(H_3(M;\Lambda_\mathfrak{g}), U(1))$, induced by the evaluation of cocycles on cycles. The former group is the group of fluxes of $\check{B}$, while the latter group is the group of holonomies of $\check{A}$. \paragraph{Codimension 2 defects} The most interesting class of defects of $(2,0)$ SCFTs are the codimension 2 defects. They are in particular crucial to the construction of many 4-dimensional supersymmetric quantum field theories from the $(2,0)$ SCFTs \cite{Witten:1997sc, Gaiotto:2009we, Gaiotto:2009hg}. In the M-theory realization of the $A_n$ SCFT, such defects are associated to M5-branes intersecting the stack of M5-branes along codimension 2 submanifolds. These defects should correspond to codimension 2 defects of the anomaly field theory, but we have not been able to find natural candidates. The computation of the Chern-Simons term on the 4-sphere bundle $\tilde{W}$ over $W$, in the presence of defect M5-branes is strictly speaking ill-defined, because of the singularities of the C-field at the locus of the defect M5-branes. A simple counting argument reveal however that there should not be any cross term between the C-field field strength $G_{\rm stack}$ sourced by the stack and the field strength $G_{\rm defect}$ sourced by the defect M5-branes. Indeed, both forms have two legs along two of the three common transverse directions, showing that their wedge product vanishes. (Note that this argument is valid both in the physical 11-dimensional spacetime and in the 13-dimensional spacetime used to compute anomalies, because the codimensions are the same.) This rough argument suggests that the inclusion of codimension 2 defects should not change the anomalies of the 6d SCFTs, except for restricting the group of allowed diffeomorphisms/R-symmetry transformations to the subgroup preserving the defects. This would explain why such defects seem invisible to the anomaly field theory. \section{The conformal blocks of the $(2,0)$ SCFTs} \label{SecConfBlocks} \paragraph{Dimension} An interesting feature of the anomaly field theory \eqref{EqAFTGenSCFT} is that it is not invertible \cite{Freed:2014iua}. In particular, its state space on a 6-dimensional $(2,0)$-manifold $M$ generally has dimension higher than 1. Indeed, all the tensor factors of \eqref{EqAFTGenSCFT} are invertible, except possibly for the discretely gauged Wu Chern-Simons theory $\overline{\textcal{WCS}}_{\rm G}[\Lambda_\mathfrak{g}, 0]$, whose state space has dimension $|H^3(M; \Gamma_\mathfrak{g})|^{1/2}$. $\Gamma_\mathfrak{g} = \Lambda_\mathfrak{g}^\ast/\Lambda_\mathfrak{g}$ is here the center of the simply connected group associated to $\mathfrak{g}$, and $|H^3(M; \Gamma_\mathfrak{g})|^{1/2}$ is an integer because $H^3(M; \Gamma_\mathfrak{g})$ carries a non-degenerate skew-symmetric pairing. The $(2,0)$ SCFT associated to the ADE Lie algebra $\mathfrak{g}$ has therefore a vector of partition functions taking value in a Hilbert space of dimension $|H^3(M; \Gamma_\mathfrak{g})|^{1/2}$. (The only $(2,0)$ SCFT that has an invertible anomaly field theory is the one associated to $E_8$. Indeed, $E_8$ has a unimodular root lattice, so $\Gamma_{E_8} = 1$ and the discretely gauged Wu Chern-Simons theory coincides with the prequantum theory, which is invertible.) The dimension of the space of conformal blocks described above has been deduced previously from the reduction of the $(2,0)$ SCFT on a torus \cite{Witten:1998wy}, see also \cite{Henningson:2010rc, Tachikawa:2013hya}, as well as \cite{DelZotto:2015isa} for the case of (1,0) SCFTs. The proposed anomaly field theory is therefore consistent with the expected dimension of the conformal blocks of the $(2,0)$ theory. \paragraph{A subtlety in the presence of torsion} In \cite{Witten:1998wy}, the space of conformal blocks was obtained by quantizing the action of discrete $H^3(M;\Gamma_\mathfrak{g})$-valued shifts of a background degree 3 $\Lambda_\mathfrak{g}$-valued gauge field minimally coupled to the self-dual field. It was claimed that upon quantization, the shift operators form a copy of the Heisenberg group $\mathsf{H}'$ associated to $H^3(M; \Gamma_\mathfrak{g})$ and its skew-symmetric pairing, and that moreover the action of $\mathsf{H}'$ on the space of conformal blocks is irreducible. As we will explain below, this is true only in the absence of torsion in $H^3(M; \Lambda^\ast_\mathfrak{g})$ (or equivalently in $H^3(M; \mathbb{Z})$). Indeed, in \cite{Witten:1998wy}, the irreducibility of the action was shown only in the absence of torsion. A background degree 3 $\Lambda_\mathfrak{g}$-valued gauge field can be represented by a degree 4 $\Lambda_\mathfrak{g}$-valued differential cocycle $\check{C} = (c, C, G)$. The equivalence class of the gauge field is the associated differential cohomology class in $\check{H}^4(M;\Lambda_\mathfrak{g})$. We need to understand how $H^3(M; \Gamma_\mathfrak{g})$ acts on $\check{H}^4(M;\Lambda_\mathfrak{g})$: the action of the Heisenberg group $\mathsf{H}'$ on the space of conformal blocks should lift this action. For this, we can use the following fact proven in Proposition 3.1 of \cite{Monnier:2016jlo}, and already mentioned in Section \ref{SecDGWCS}. Classes in $H^3(M; \Gamma_\mathfrak{g})$ can be represented by differential cocycles of the form $(a, f, 0)$, with $a$ a degree 4 $\Lambda_\mathfrak{g}$-valued cocycle and $f$ a degree 3 $\Lambda^\ast_\mathfrak{g}$-valued cochain. The cocycle condition is $a = -df$, and two such cocycles are considered equivalent if $a_2 - a_1 = db$, $f_2 - f_1 = -b + dg$, for $b$ a degree 3 $\Lambda_\mathfrak{g}$-valued cochain and $g$ a degree 2 $\Lambda^\ast_\mathfrak{g}$-valued cochain. The equivalence classes of such cocycles is $H^3(M; \Gamma_\mathfrak{g})$. (This is due to the fact that $g$ is restricted to be a $\Lambda^\ast_\mathfrak{g}$-valued cochain instead of a $\Lambda_\mathfrak{g} \otimes_\mathbb{Z} \mathbb{R}$-valued cochain, as in the definition of standard differential cohomology.) A cocycle $(a,f,0)$ acts on $\check{C}$ by the obvious action $(c,C,G) \rightarrow (c + a, C + f, G)$, and one can show that this action descends to an action of $H^3(M; \Gamma_\mathfrak{g})$ on $\check{H}^4(M;\Lambda_\mathfrak{g})$. In order to study the irreducibility of this action, we need to describe in some detail the structure of $H^3(M; \Gamma_\mathfrak{g})$ in the presence of torsion. Recall first the short exact sequence \be \label{EqShExSeqTors} 0 \rightarrow H^3_{\rm tors}(M; \Lambda^\ast_\mathfrak{g}) \rightarrow H^3(M; \Lambda^\ast_\mathfrak{g}) \rightarrow H^3_{\rm free}(M; \Lambda^\ast_\mathfrak{g}) \rightarrow 0 \;, \ee which holds for cohomology valued in any free abelian group. In addition, there is a long exact sequence derived from the short exact sequence of abelian groups $0 \rightarrow \Lambda_\mathfrak{g} \rightarrow \Lambda^\ast_\mathfrak{g} \rightarrow \Gamma_\mathfrak{g} \rightarrow 0$, reading: \be ... \rightarrow H^3(M; \Lambda_\mathfrak{g}) \stackrel{\iota}{\rightarrow} H^3(M; \Lambda^\ast_\mathfrak{g}) \rightarrow H^3(M; \Gamma_\mathfrak{g}) \rightarrow H^4(M; \Lambda_\mathfrak{g}) \stackrel{\iota}{\rightarrow} H^4(M; \Lambda^\ast_\mathfrak{g}) \rightarrow ... \ee that tells us that the $\Gamma_\mathfrak{g}$-valued cohomology fits in a short exact sequence \be 0 \rightarrow H^3(M; \Lambda^\ast_\mathfrak{g})/\iota(H^3(M; \Lambda_\mathfrak{g})) \rightarrow H^3(M; \Gamma_\mathfrak{g}) \rightarrow {\rm ker}\left ( \iota |_{H^4(M; \Lambda_\mathfrak{g})} \right) \rightarrow 0 \;. \ee Combining it with \eqref{EqShExSeqTors}, we obtain the following filtration for $H^3(M; \Gamma_\mathfrak{g})$: \be \label{EqFiltH3Gamg} \mathsf{T} \hookrightarrow \mathsf{C} \hookrightarrow H^3(M; \Gamma_\mathfrak{g}) \;, \ee \be \mathsf{T} := H^3_{\rm tors}(M; \Lambda^\ast_\mathfrak{g}) /\iota(H^3(M; \Lambda_\mathfrak{g})) \;, \quad \mathsf{C} := H^3(M; \Lambda^\ast_\mathfrak{g}) /\iota(H^3(M; \Lambda_\mathfrak{g})) \;, \ee \be \mathsf{G} := \mathsf{C}/\mathsf{T} \simeq H^3_{\rm free}(M; \Lambda^\ast_\mathfrak{g}) /\iota(H^3(M; \Lambda_\mathfrak{g})) \;, \ee \be \mathsf{K} := H^3(M; \Gamma_\mathfrak{g})/\mathsf{C} \simeq {\rm ker}\left ( \iota |_{H^4(M; \Lambda_\mathfrak{g})} \right) \;. \ee $\mathsf{G}$ can alternatively be described as the space of de Rham cohomology classes with periods valued in $\Lambda^\ast_\mathfrak{g}$, modulo the space of de Rham cohomology classes with periods valued in $\Lambda_\mathfrak{g}$. As the de Rham cohomology of degree 3 on $M$ carries a non-degenerate skew-symmetric pairing, the same is true for $\mathsf{G}$. The pairing coincides with the non-degenerate skew-symmetric pairing $B$ of $H^3(M; \Gamma_\mathfrak{g})$, restricted on $\mathsf{C}$ and induced on the quotient $\mathsf{C}/\mathsf{T}$. The fact that $B$ is non-degenerate also implies that $\mathsf{T}$ and $\mathsf{K}$ are Pontryagin duals of each other. With these technical details cleared up, we can immediately see that the subgroup $\mathsf{T} \subset H^3(M,\Gamma_\mathfrak{g})$ acts trivially on $\check{H}^4(M,\Lambda_\mathfrak{g})$. Indeed, an element of $\mathsf{T}$ can be represented by a differential cocycle of the form $(0,f,0)$, with $f$ a $\Lambda^\ast_\mathfrak{g}$-valued cocycle. The fact that this cocycle comes from the torsion subgroup $H^3_{\rm tors}(M;\Lambda^\ast_\mathfrak{G})$ means that $f$, although not necessarily trivial, is trivial as a $\Lambda_\mathfrak{g} \otimes_\mathbb{Z} \mathbb{R}$-valued cocycle. Its action sends $\check{C} = (c,C,G)$ to $(c, C + f, G)$, an equivalent cocycle. We deduce that in the presence of torsion in $H^3(M;\mathbb{Z})$, the action of $H^3(M,\Gamma_\mathfrak{g})$ on $\check{H}^4(M,\Lambda_\mathfrak{g})$ has a kernel, and therefore the conformal blocks cannot form an irreducible representation of the Heisenberg group $\mathsf{H}'$, unlike what is claimed in \cite{Witten:1998wy}. We can explain this in slightly more physical terms as follows. The elements of $\mathsf{T}$ are dual to $\Lambda_\mathfrak{g}$-valued homology cycles of degree 2, so we could think of them as trying to shift the holonomies of the gauge field along those cycles. But a degree 3 gauge field has no holonomy along degree 2 cycles, so this action has to be trivial. The correct picture can be understood by a careful construction \cite{Monnier:2016jlo} of the state space of the discretely gauged Wu Chern-Simons theory $\overline{\textcal{WCS}}_{\rm G}[\Lambda_\mathfrak{g}, 0]$. As $\mathsf{T}$ acts trivially, the action passes to an action of $H^3(M;\Gamma_\mathfrak{g})/\mathsf{T}$, which contains $\mathsf{G}$ as a subgroup. As mentioned above, $\mathsf{G}$ carries a non-degenerate skew-symmetric pairing, with an associated Heisenberg group $\mathsf{H}$. The state space of the anomaly field theory is a direct sum of $|\mathsf{K}|$ irreducible representations of $\mathsf{H}$, of dimension $|\mathsf{K}| |\mathsf{G}|^{1/2}$. As the filtration \eqref{EqFiltH3Gamg} ensures that \be |H^3(M;\Gamma_\mathfrak{g})| = |\mathsf{T}| |\mathsf{G}| |\mathsf{K}| \ee and the perfect pairing between $\mathsf{T}$ and $\mathsf{K}$ implies that $|\mathsf{T}| = |\mathsf{K}|$, the dimension of the state space is equal to $|H^3(M;\Gamma_\mathfrak{g})|^{1/2}$, even in the presence of torsion. \subsection*{Acknowledgments} This research has been supported in part by SNSF grants No. 152812, 165666, and by NCCR SwissMAP, funded by the Swiss National Science Foundation.
59f55bb5156018efc7db22efa2072fa1991d2b12
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} \label{intro} One of the most significant results from the {\sl Rosetta}\ mission to Comet 67P/Churyumov-Gerasimenko (67P/C-G) has been the persistent detection of \ce{O2} in the coma \citep{bieler15,fougere16} by the Double Focusing Mass Spectrometer (DFMS) of the Rosetta Orbiter Spectrometer for Ion and Neutral Analysis \citep[ROSINA;][]{balsiger07}. The initial detection by \citet{bieler15} found that the relative number density of \ce{O2} with respect to \ce{H2O} ranged from 1-10\%, with a mean of $n_{\ce{O2}}/n_{\ce{H2O}}=3.85\pm0.85$\% for measurements taken between September~2014 and March~2015. Further modeling by \citet{fougere16} found that the relative production rate of \ce{O2} with respect to \ce{H2O} is $\approx1$-2\% for measurements taken prior to February~2016. Both studies find that the number densities of \ce{O2} and \ce{H2O} are highly correlated, with Pearson correlation coefficients $>0.8$. \input{./tab_targeted.tex} Surprisingly, \ce{O2} is the fourth most abundant species in the coma of 67P/C-G \citep[behind \ce{H2O}, \ce{CO2}, and \ce{CO};][]{leroy15,fougere16}, despite the fact that it had never been detected in a cometary coma before \citep{bieler15}. Subsequent reanalysis of mass spectometer data from {\sl Giotto}'s visit to Oort-Cloud Comet~1P/Halley has found that $n_{\ce{O2}}/n_{\ce{H2O}}=3.7\pm1.7$\% is consistent with the measurements \citep{rubin15}, suggesting that \ce{O2} may be a common constituent of all comets, not just Jupiter Family Comets such as 67P/C-G. New theories are being developed to explain these \ce{O2} detections, such as trapping \ce{O2} in clathrates prior to agglomeration during comet formation \citep{mousis16}, astrochemical production of \ce{O2} in dark clouds or forming protoplanetary disks \citep{taquet16}, and formation of \ce{O2} during the evaporation of \ce{H2O} ice via dismutation of \ce{H2O2} \citep*{dulieu17}. In this Paper, we present \ce{H2O} and \ce{O2} column densities measured along lines of sight to background stars projected near the nucleus of 67P/C-G by the Alice far-UV spectrograph \citep{stern07}. These stellar sight lines allow the coma of 67P/C-G to be studied in far-UV absorption, where column densities can be measured directly. Alice's previous characterizations of the coma of 67P/C-G have primarily used emission lines from CO and atomic hydrogen, oxygen, carbon, and sulphur \citep[e.g.,][]{feldman15,feldman16}. While the strengths of these emission lines can only be used to derive molecular column densities under specific assumptions (i.e., pure resonance fluorescence), the ratios of strong, commonly observed lines can be diagnostic of physical conditions in the coma. \citet{feldman16} inferred that \ce{O2} was the primary driver of certain gaseous outbursts that exhibit a sudden increase in the O\,{\sc i}~$\lambda1356/\lambda1304$ ratio in the sunward coma without any corresponding increase in dust production. \citet{feldman16} estimate that $\ce{O2}/\ce{H2O}\geq50$\% during these outbursts, substantially higher than the mean value of $3.85\pm0.85$\% found by \citet{bieler15}. Several of {\sl Rosetta}'s instruments are capable of measuring the abundance of \ce{H2O} (as well as \ce{CO} and \ce{CO2}) in the coma of 67P/C-G. Most notably, ROSINA measures the number density of water, $n_{\ce{H2O}}$, at the spacecraft location using mass spectroscopy, while the Visible and Infrared Thermal Imaging Spectrometer \citep[VIRTIS;][]{coradini07} and the Microwave Instrument for the Rosetta Orbiter \citep[MIRO;][]{gulkis07} measure the column density of water, $N_{\ce{H2O}}$, along a specific line of sight using rotational and/or vibrational transitions. The UV-absorption spectra presented herein also allow Alice to directly measure $N_{\ce{H2O}}$, and facilitate comparisons with nearly contemporaneous measurements from ROSINA \citep{fougere16} and VIRTIS-H \citep[the high spectral resolution channel of VIRTIS;][]{bockelee-morvan16}. In contrast to the situation with \ce{H2O}, only Alice and ROSINA are capable of directly measuring \ce{O2}. This makes the observations reported herein an important and unique confirmation of the initial \ce{O2} detections \citep{bieler15}. However, direct comparisons between ROSINA's \textit{in-situ} measurements and Alice's measurements along specific lines of sight are not straightforward. The remainder of this Paper is organized as follows: the Alice \hl{spectrograph} and stellar spectra are described in \autoref{sec:obs}; \ce{H2O} and \ce{O2} column densities are derived in \autoref{sec:fits}; our values are compared with ROSINA and VIRTIS-H measurements in \autoref{sec:discussion}; and our conclusions are presented in \autoref{sec:conclusions}. \section{Stellar Appulse Observations} \label{sec:obs} Alice is a low-power, lightweight far-UV imaging spectrograph funded by NASA for inclusion on the ESA {\sl Rosetta}\ orbiter \citep{stern07}. It covers the wavelength range 750-2050~\AA\ with a spectral resolution of 8-12~\AA, and has a \hl{slit that is $6\degr$ long, and} narrower in the center ($0\fdg05$ wide) than the edges \citep[$0\fdg1$ wide;][]{stern07}. Over the course of {\sl Rosetta}'s orbital escort mission, Alice probed the sunward coma of 67P/C-G in absorption 30 times using UV-bright stars located along lines of sight near the nucleus as background sources. Here we report on the 29~observations (``appulses'') that were not occulted by the nucleus; we will report the details of our single stellar occultation separately (B.~Keeney et~al., in prep). Quantifying the nature of the cometary coma required re-observing, or ``revisiting'', these stars when they were far from the nucleus to characterize their intrinsic stellar spectra. This allowed us to isolate the coma absorption signature from the combined background effects of the stellar continuum and interstellar absorption. Further, there are two varieties of appulse observations, which we term ``targeted'' and ``archival'' appulses. \input{./tab_archival.tex} For the targeted appulses, we actively searched during operations planning for upcoming opportunities where a known bright star would be located within a few degrees of the nucleus. Inertial pointings were designed that facilitated long stares at these stars during the appulses, at the expense of a time-varying distance to the nucleus over the course of each observation. These targeted appulses were observed between 2015~Dec~25 and 2016~Feb~1 at heliocentric distances of $R_h=1.97$-2.26~AU, and are characterized by long exposure times (typically 12~Alice spectral images with exposure times of 10-20~minutes each were obtained per appulse), large off-nadir angles ($\theta\approx5$-$10\degr$), and large $R_h$ compared to their archival counterparts. To complement the targeted appulses, we also searched the extensive Alice archive ($\sim40,000$ exposures include the nucleus in the field-of-view) for instances where we serendipitously observed a UV-bright star near the nucleus as part of normal operations. This search returned hundreds of candidates that were prioritized by the star's brightness and proximity to the nucleus, as well as the duration of the appulse and its proximity to the comet's perihelion passage on 2015~Aug~12, when coma activity was near its peak \citep{fougere16}. Since our typical pointing during normal operations was fixed with respect to the nucleus (i.e., not an inertial reference frame), we do not know the exact duration of the archival appulses because the star is moving with respect to the slit; however, we can estimate their durations with uncertainties of $\sim10$\% using NAIF/SPICE \citep{acton96}. The archival appulses were observed between 2015~Apr~29 and 2015~Dec~26 at $R_h=1.24$-1.98~AU, and typically have shorter durations (10-20~min), smaller off-nadir angles ($\theta<5\degr$), and smaller $R_h$ than their targeted counterparts. However, the smaller off-nadir angles for the archival appulses are somewhat counteracted by the large spacecraft-comet distance, $\Delta$, near perihelion, which led to similar impact parameters ($\rho=\Delta\sin{\theta}\approx5$-20~km) for all appulses. \autoref{tab:targeted} and \autoref{tab:archival} list the properties of the 7~targeted and 22~archival appulses, respectively. The following information is listed by column: (1) the name of the star; (2) the stellar type and luminosity class as listed by SIMBAD \citep{wenger00}; (3) the observation type (either ``appulse'' or ``revisit''); (4) the date of observation; (5) the total exposure time, in minutes; (6) the heliocentric distance, $R_h$, in AU, where negative values indicate that the observation occurred prior to perihelion on 2015~Aug~12; (7) the phase angle, $\phi$, in degrees; (8) the off-nadir angle, $\theta$, in degrees; and (9) the impact parameter, $\rho$, in km. The impact parameter is only listed for appulse observations, not revisits, and the entries are ordered by appulse date. Appulse observations have small off-nadir angles by construction ($\theta=0\degr$ implies we are looking straight at the nucleus), and revisits were constrained to have $\theta>30\degr$, although most were acquired when $\theta>90\degr$. Most of the appulses and revisits were observed at $\approx90\degr$ phase, with occasional deviations up to $\pm30\degr$ from this value. Note that one of the targeted stars, HD~40111, has two distinct appulses separated by $\sim2$~weeks (see \autoref{tab:targeted}). All exposures for a given appulse or revisit were flux-calibrated using spectrophotometric standard stars. Stellar spectra were then extracted from the spectral images and background subtracted. Spectra extracted from individual exposures were combined to improve the signal-to-noise ratio after first being normalized to have the same median flux from 1800-1900~\AA. This range was chosen because both \ce{H2O} and \ce{O2} have very small absorption cross sections in this region \citep{chung01,yoshino05}, but the stellar spectra still have sufficient signal-to-noise to allow a robust flux measurement \citep[the effective area of Alice decreases rapidly for wavelengths $>1800$~\AA;][]{stern07}. Next, the co-added revisit spectrum was scaled to have the same median flux from 1800-1900~\AA\ as the co-added appulse spectrum. Finally, the appulse spectrum was divided by the scaled revisit (i.e., unocculted) spectrum to create a normalized spectrum in which the intrinsic stellar flux and interstellar absorption have been removed and only the differences in foreground coma absorption between the appulse and revisit spectra remain. By normalizing the spectra in this manner we also make ourselves insensitive to the uncertainty in the amount of time the star was in the slit. \begin{figure} \includegraphics[width=\columnwidth]{./fig_stars.pdf} \vspace{-2em} \caption{\hl{Revisit spectra for three main sequence stars. The spectra are normalized to have the same flux from 1800-1900~\hbox{\AA} to emphasize the differences between early- and late-type \hbox{$B$} stars at far-UV wavelengths.} \label{fig:stars}} \end{figure} \hl{\hbox{\autoref{fig:stars}} displays co-added revisit spectra for three main sequence stars that span the range of stellar types observed. All three stars have sufficient flux at \hbox{$\lambda>1400$~\AA} to create normalized spectra with reasonable signal-to-noise, but the early- and mid-type \hbox{$B$} stars have considerably more flux at shorter wavelengths than the late-type \hbox{$B$} star does. Thus, normalized spectra for late-type appulse stars are inherently noisier at bluer wavelengths than normalized spectra for earlier-type stars.} We note that in a few cases we normalized the spectra from 1400-1450~\AA\ when normalization from 1800-1900~\AA\ was problematic. While 1400-1450~\AA\ has small \ce{H2O} absorption cross sections \citep{chung01}, it is the region where \ce{O2} absorption cross sections are largest \citep{yoshino05}. The 1400-1450~\AA\ region is therefore not ideal for spectral normalization, since using it reduces our sensitivity for \ce{O2} absorption. Fits to spectra where we had to use this normalization region are not used for detailed analyses (see \autoref{sec:fits} for details). \section{Analysis of \ce{H2O} and \ce{O2} Absorption} \label{sec:fits} We have searched for optically-thin absorption from \ce{H2O} and \ce{O2} in the normalized stellar spectra as described above. For a given molecule, $i$, we model the optical depth, $\tau_i$, as a function of wavelength, $\lambda$, as: \begin{equation} \tau_i(\lambda) = N_i\,\sigma_i(\lambda), \label{eqn:tau} \end{equation} where $N_i$ is the column density of species $i$ and $\sigma_i(\lambda)$ is the absorption cross section of species $i$ as a function of wavelength. Combining absorption from several different species yields an expected (normalized) model flux of \begin{equation} F(\lambda) = \mathrm{e}^{-\sum\tau_i(\lambda)}. \label{eqn:flux} \end{equation} This model spectrum can then be compared to the normalized stellar spectrum to constrain the column densities of interest. \input{./tab_xsec.tex} \begin{figure} \includegraphics[width=\columnwidth]{./fig_abscross.pdf} \vspace{-2em} \caption{\hl{Molecular absorption cross sections used in this work.} \label{fig:xsec}} \end{figure} \autoref{tab:xsec} lists the ten species that we model in our analysis. While we are primarily interested in \ce{H2O} and \ce{O2}, other abundant species must be included to robustly constrain the range of permissible \ce{H2O} and \ce{O2} column densities. All species with $>0.5$\% abundance relative to \ce{H2O} in the coma of 67P/C-G in \citet{leroy15} with available far-UV absorption cross sections are tabulated. \autoref{tab:xsec} lists the following information by column: (1) species; (2) wavelength range; (3) measurement temperature; and (4) measurement reference. The adopted cross sections were downloaded from the PHoto Ionization/Dissociation RATES website\footnote{\url{http://phidrates.space.swri.edu}} \citep{huebner15}; for most species, they are composites of several different measurements covering the wavelength range 900-2000~\AA. The molecular cross sections in \autoref{tab:xsec} are displayed in \autoref{fig:xsec}. All of the cross section measurements were performed near room temperature and laboratory measurements are not consistently available for all species in \autoref{tab:xsec} at any other temperature; \hl{however, the gas kinetic temperature in the coma of 67P/C-G varies considerably. \hbox{\citet{barucci16}} found that exposed water ice on the nucleus has $T\approx160$-220~K, while \hbox{\citet{lee15}} found that the temperature of the coma decreases as $T\propto\rho^{-1}$ until it reaches a terminal temperature of $T\approx50$-75~K.} The discrepancy between the temperature of the gas whose cross section was measured and the temperature of the absorbing coma gas introduces a systematic uncertainty in our model column densities that is not quantified by our modeling procedure. \hl{The peak \hbox{\ce{O2}} cross section decreases by $\sim0.1$~dex as the temperature decreases from 295 to 78~K \hbox{\citep{yoshino05}}; thus, by assuming room-temperature cross sections we are systematically under-estimating the \hbox{\ce{O2}} column density required to match the observed absorption. Unfortunately, no \hbox{\ce{H2O}} cross sections are available at $T<250$~K, so we are unable to estimate the magnitude of the systematic variation in \hbox{$\ce{O2}/\ce{H2O}$}.} \begin{figure} \includegraphics[width=\columnwidth]{./fig_hd26912_fit.pdf} \vspace{-2em} \caption{Fits to the appulse absorption of HD~26912 ($\mathrm{FQ}=2$). \textit{Top:} The normalized stellar flux (black) with best-fit ensemble absorption (brown) overlaid. Individual absorption from \hl{\hbox{\ce{H2O}} (blue), \hbox{\ce{O2}} (green), and other species (purple; ensemble sum of \hbox{\ce{CO}}, \hbox{\ce{CO2}}, \hbox{\ce{CH4}}, etc. from \hbox{\autoref{tab:xsec}}) are also shown.} \textit{Bottom:} The residual of the ensemble fit\hl{, with 1$\sigma$ flux uncertainty (orange) overlaid. Masked regions are shown in lighter hues in both panels; these regions are not used to constrain the fits.} Absorption fits for all targeted and archival stellar appulses are shown in Appendix~\ref{app:fits}. \label{fig:fit}} \end{figure} \input{./tab_fits.tex} We estimate the molecular column densities using nonlinear least-squares regression of \autoref{eqn:flux} with MPFIT\footnote{\url{http://purl.com/net/mpfit}} \citep{markwardt09}. The free parameters of the fit are the logarithm of the \ce{H2O} column density, in units of $\mathrm{cm}^{-2}$, and the relative column densities of \ce{O2}, \ce{CO}, \ce{CO2}, etc. with respect to water (e.g., $\ce{O2}/\ce{H2O}\equiv N_{\ce{O2}}/N_{\ce{H2O}}$). The \ce{O2}, \ce{CO}, and \ce{CO2} columns are constrained to lie in the range 0-100\% relative to \ce{H2O}, and all other species are constrained to the range 0-1\%. We model the wavelength range 950-1900~\AA, with regions near strong coma emission lines (e.g., H\,{\sc i} Ly$\alpha$, H\,{\sc i} Ly$\beta$, and the O\,{\sc i} 1304~\AA\ multiplet, where residuals from background subtraction are often present) and regions with very low S/N masked out. The fit to the appulse of HD~26912 is presented in \autoref{fig:fit}, which shows the normalized stellar spectrum compared to ensemble and individual-species absorption in the top panel, and the ensemble fit residual in the bottom panel. Fits to all targeted and archival appulses are presented in Appendix~\ref{app:fits}. The best-fit values of $\log{N_{\ce{H2O}}}$ and $\ce{O2}/\ce{H2O}$ for all of the stellar appulses are shown in \autoref{tab:fits}, which lists the following information by column: (1) star name; (2) median S/N in the wavelength range 1250-2000~\AA; (3) Fit Quality (FQ) flag; (4) logarithm of the best-fit \ce{H2O} column density, in $\mathrm{cm}^{-2}$; (5) best-fit value of the relative column density of \ce{O2} relative to \ce{H2O}; (6) logarithm of the adopted \ce{H2O} column density, in $\mathrm{cm}^{-2}$; and (7) adopted value of the relative column density of \ce{O2} relative to \ce{H2O}. The ``adopted'' values in Columns~6 and 7 are described in more detail in \autoref{sec:fits:adopted}. All quantities in Columns 4-7 are listed with $1\sigma$ uncertainties. The FQ flag in Column~3 is a subjective measure of the quality of the absorption line fit for a given star, with lower values indicating higher quality. \hl{Stars with \hbox{$\mathrm{FQ}=1$} are reasonably fit over the full wavelength range 900-2000~\hbox{\AA} (see \hbox{\autoref{fig:fit_hd192685}}). Stars with $\mathrm{FQ}=2$ have some regions of very low S/N (see \hbox{\autoref{fig:fit_hd191692}}), or mild discrepancies between the observed and model fluxes (see \hbox{\autoref{fig:fit_hd29589}}). Stars with $\mathrm{FQ}=3$ have large regions with systematic discrepancies between the observed and model fluxes.} All stars that were normalized from 1400-1450~\AA\ instead of the default 1800-1900~\AA\ region (see \autoref{sec:obs}) were assigned $\mathrm{FQ}=4$. \hl{We also assigned $\mathrm{FQ}=4$ to the appulse of HD~89890, whose fit preferred \hbox{$N_{\ce{O2}}>N_{\ce{H2O}}$} and had systematic discrepancies throughout the fitting range.} Only stars with $\mathrm{FQ} \leq 3$ are used in subsequent analyses. There are two notable features of the best-fit column densities in \autoref{tab:fits}. The first is that the formal fitting uncertainties are very small. The second is that the $\ce{O2}/\ce{H2O}$ values are considerably higher than those in \citet{bieler15}, who found a mean value of $3.85\pm0.85$\% over an approximately 7~month period when $R_h=-3.4$ to $-2$~AU. It is possible that seasonal variations can account for some of this difference since the dates of our appulses do not overlap with the dates of the \citet{bieler15} measurements. However, \citet{bieler15} find no evidence of systematically increasing $\ce{O2}/\ce{H2O}$ in their measurements, almost all of which have $\ce{O2}/\ce{H2O}<0.1$, and several of the best-fit values in \autoref{tab:fits} have $\ce{O2}/\ce{H2O}>0.5$. \subsection{Adopted Values of $N_{\ce{H2O}}$ and \hbox{$\ce{O2}/\ce{H2O}$}} \label{sec:fits:adopted} We tested our fitting procedure by forward modeling simulated data with pre-defined, ``true'', values of S/N, $N_{\ce{H2O}}$, and $\ce{O2}/\ce{H2O}$. We began with a flat-spectrum source ($F(\lambda)=1$ at all wavelengths) upon which we superimposed $\ce{H2O}$ absorption with a column density uniformly drawn from the range $15<\log{N_{\ce{H2O}}}<17.5$, \ce{O2}, \ce{CO}, and \ce{CO2} absorption with a column density relative to water uniformly drawn from the range 0-100\%, and \ce{CH4}, \ce{C2H2}, \ce{C2H6}, \ce{C2H4}, \ce{C4H2}, and \ce{H2CO} absorption with a column density relative to \ce{H2O} uniformly drawn from the range 0-1\%. These are the same ranges that were used in the fits to the appulse observations. \begin{figure} \includegraphics[width=\columnwidth]{./fig_H2O_offset.pdf} \includegraphics[width=\columnwidth]{./fig_O2_offset.pdf} \vspace{-2em} \caption{Average offsets between the true and best-fit values of $\log{N_{\ce{H2O}}}$ (\textit{top}) and $\ce{O2}/\ce{H2O}$ (\textit{bottom}) as a function of $\log{\rm S/N}$. When $\mathrm{S/N}>10$, the magnitude of the $\log{N_{\ce{H2O}}}$ offset is typically $\la0.05$~dex, and the magnitude of the $\ce{O2}/\ce{H2O}$ offset is $\la0.02$. \label{fig:offset}} \end{figure} \begin{figure} \includegraphics[width=\columnwidth]{./fig_H2O_rms.pdf} \includegraphics[width=\columnwidth]{./fig_O2_rms.pdf} \vspace{-2em} \caption{RMS deviations between the true and best-fit values of $\log{N_{\ce{H2O}}}$ (\textit{top}) and $\ce{O2}/\ce{H2O}$ (\textit{bottom}) as a function of $\log{\rm S/N}$, after correcting for the systematic offsets in \autoref{fig:offset}. When $\mathrm{S/N}>10$, the RMS of $\log{N_{\ce{H2O}}}$ is typically 0.05-0.10~dex, and the RMS of $\ce{O2}/\ce{H2O}$ is $\sim0.05$. \label{fig:rms}} \end{figure} Next, we added to the spectrum Poisson noise that had a median S/N in the 1250-2000~\AA\ range chosen uniformly from $0.7<\log{\rm S/N}<2.3$, bracketing the observed values. \hl{A template for the S/N as a function of wavelength was derived from the revisit (i.e., unocculted) spectra of our appulse targets by normalizing each spectrum to have the same median S/N from 1250-2000~\hbox{\AA}. Then at each wavelength we chose the median ``normalized S/N'' value from all of the spectra to form the S/N profile of a ``typical'' appulse star. This template achieves peak S/N at \hbox{$\sim1350$~\AA} and varies by a factor of \hbox{$\sim10$} over the wavelength range 950-2000~\AA.} This noisy, simulated spectrum was then treated just like the stellar appulse observations; i.e., it was normalized to have $\langle F(\lambda) \rangle = 1$ from 1800-1900~\AA\ and then fit with the same procedure described above. The best-fit column densities and uncertainties were then saved along with the true values used to generate the \hl{simulated} spectrum, and the process was repeated 500,000 times to thoroughly sample the full range of parameter space. The best-fit and true values of $N_{\ce{H2O}}$ and $\ce{O2}/\ce{H2O}$ are compared as a function of S/N in \autoref{fig:offset}. These images are two-dimensional histograms, where the color bars display the mean offset between the best-fit and true values in a given bin. Systematic offsets are present in both $N_{\ce{H2O}}$ and $\ce{O2}/\ce{H2O}$ when $\mathrm{S/N}<10$, but are quite modest at the higher S/N values typical of our appulse observations (see \autoref{tab:fits}). \autoref{fig:rms} is similar to \autoref{fig:offset}, except its color bars display the RMS deviations between the best-fit and true values in a given bin after correcting for the systematic offsets in \autoref{fig:offset}. These deviations quantify the spread in true values that are associated with a particular best-fit value. The ``adopted'' values of $N_{\ce{H2O}}$ and $\ce{O2}/\ce{H2O}$ are derived from our Monte Carlo simulations by identifying the 1,000 simulated spectra with S/N and best-fit values closest to those measured for a given observation, and fitting a Gaussian to the distribution of true values. We treat the mean of this Gaussian as the adopted value, and its standard deviation as the $1\sigma$ uncertainty. Since our fits constrain the allowable range of $\ce{O2}/\ce{H2O}$, we quote limits whenever the adopted value is $<3\sigma$ from these boundaries. \begin{figure} \includegraphics[width=\columnwidth]{./fig_hd26912_conf.pdf} \vspace{-2em} \caption{Adopted column densities for the appulse of HD~26912 ($\mathrm{FQ}=2$), with 95\% ($2\sigma$) confidence bands. \textit{Top:} The normalized stellar flux, with ensemble fit (brown) and individual-species absorption overlaid using the adopted column densities of \ce{H2O} and \ce{O2} from \autoref{tab:fits}. \textit{Bottom:} The residual of the ensemble fit\hl{, with 1$\sigma$ flux uncertainty (orange) overlaid. Masked regions are shown in lighter hues in both panels; these regions are not used to constrain the fits.} Adopted column densities for all targeted and archival stellar appulses are shown in Appendix~\ref{app:conf}. \label{fig:conf}} \end{figure} The last two columns of \autoref{tab:fits} list the adopted values of $\log{N_{\ce{H2O}}}$ and $\ce{O2}/\ce{H2O}$, respectively, for our stellar appulse observations. \autoref{fig:conf} shows absorption profiles of \ce{H2O} and \ce{O2} and their associated 95\% ($2\sigma$) confidence bands using the adopted values for the appulse of HD~26912. These profiles are overlaid on the normalized stellar spectrum as in \autoref{fig:fit}, along with confidence bands for the sum of all other modeled species and the total absorption from all species. These profiles clearly show that the adopted values of $\log{N_{\ce{H2O}}}$ and $\ce{O2}/\ce{H2O}$ are consistent with the data. Absorption profiles derived from the adopted values for all targeted and serendipitous appulses are presented in Appendix~\ref{app:conf}. \section{Discussion} \label{sec:discussion} \subsection{\ce{H2O} Column Densities} \label{sec:discussion:H2O} The Monte Carlo simulations presented in \autoref{sec:fits:adopted} are one way to gain confidence in the validity of our absorption fits. Another is to compare our \ce{H2O} column densities with values measured by other instruments on {\sl Rosetta}\ at similar times. \autoref{fig:NH2O} shows the adopted values of $\log{N_{\ce{H2O}}}$ for our stellar appulse observations as a function of $R_h$, compared to the VIRTIS-H measurements of \citet{bockelee-morvan16}. Despite the large scatter in the column densities for a given value of $R_h$, the adopted values for our appulse observations are reassuringly similar to the measured values from VIRTIS. One reason for the differences that do exist is the fact that the VIRTIS measurements were taken at systematically lower impact parameters than the appulses, as shown in the top panel of \autoref{fig:NH2O}. \begin{figure} \includegraphics[width=\columnwidth]{./fig_Rh_offnad.pdf} \includegraphics[width=\columnwidth]{./fig_Rh_NH2O.pdf} \includegraphics[width=\columnwidth]{./fig_offnad_NH2O.pdf} \vspace{-2em} \caption{\textit{Top}: Distribution of the stellar appulse observations with heliocentric radius ($R_h$) and impact parameter ($\rho$). \textit{Middle}: Distribution of the adopted values of $N_{\ce{H2O}}$ with $R_h$. \textit{Bottom}: Distribution of the adopted values of $N_{\ce{H2O}}$ with $\rho$. The VIRTIS-H measurements of \citet{bockelee-morvan16} are also plotted in all three panels. Heliocentric distances in the beige hatched region are smaller than the perihelion distance of 1.24~AU. The dashed line in the top and bottom panels is the effective radius of the nucleus, and the dotted lines indicate its minimum and maximum radii. \hl{Symbol size encodes fit quality in all panels, with higher quality fits (lower FQ values) having larger symbols; points with no error bars have uncertainties smaller than the symbol size.} \label{fig:NH2O}} \vspace{-2em} \end{figure} While the $N_{\ce{H2O}}$ values from Alice and VIRTIS are in good agreement, there may be discrepancies with the ROSINA measurements. \citet{fougere16} present a sophisticated Direct Simulation Monte Carlo (DSMC) model of the major species (\ce{H2O}, \ce{CO2}, \ce{CO}, and \ce{O2}) in the coma of 67P/C-G, which derives molecular production rates from a non-uniform surface activity distribution. The DSMC model does a remarkable job of reproducing the \textit{in-situ} ROSINA measurements of the number density of these species for all data taken before March~2016 \citep{fougere16}. However, when the model production rates are used to predict the $N_{\ce{H2O}}$ values along the lines of sight probed by \citet{bockelee-morvan16}, it finds model column densities that are four times higher than those measured by VIRTIS \citep{fougere16}. The cause of this discrepancy is unclear, which illustrates the difficulty of directly comparing measurements from \textit{in-situ} instruments such as ROSINA to those from remote-sensing instruments such as VIRTIS and Alice. \begin{figure} \includegraphics[width=\columnwidth]{./fig_Rh_fO2.pdf} \includegraphics[width=\columnwidth]{./fig_Rh_NO2.pdf} \vspace{-2em} \caption{$\ce{O2}/\ce{H2O}$ (\textit{top}) and $N_{\ce{O2}}$ (\textit{bottom}) as a function of $R_h$. Symbol sizes are the same as in \autoref{fig:NH2O}. Heliocentric distances in the beige hatched region are smaller than the perihelion distance of 1.24~AU. The gray hatched region in the top panel indicates typical values of $\ce{O2}/\ce{H2O}$ measured by ROSINA \citep{bieler15,fougere16}. \label{fig:Rh_O2}} \end{figure} \begin{figure} \includegraphics[width=\columnwidth]{./fig_offnad_fO2.pdf} \includegraphics[width=\columnwidth]{./fig_offnad_NO2.pdf} \vspace{-2em} \caption{$\ce{O2}/\ce{H2O}$ (\textit{top}) and $N_{\ce{O2}}$ (\textit{bottom}) as a function of impact parameter. Symbol sizes are the same as in \autoref{fig:NH2O}. The dashed vertical line is the effective radius of the nucleus, and the dotted vertical lines indicate its minimum and maximum radii. \label{fig:offnad_O2}} \end{figure} \subsection{$\ce{O2}/\ce{H2O}$} \label{sec:discussion:fO2} \autoref{fig:Rh_O2} shows the relative abundance of \ce{O2} with respect to \ce{H2O} (\textit{top panel}) and the column density of \ce{O2} (\textit{bottom panel}) as a function of $R_h$. \autoref{fig:offnad_O2} shows the same quantities as a function of impact parameter. The relative $\ce{O2}/\ce{H2O}$ abundance tends to increase with increasing heliocentric distance and increasing impact parameter. These correlations ($3.9\sigma$ and $2.5\sigma$ significance, respectively, according to Kendall's tau test) cause the distributions of $N_{\ce{O2}}$ as a function of $R_h$ and $\rho$ to be flatter than the corresponding distributions of $N_{\ce{H2O}}$ shown in \autoref{fig:NH2O}. The relatively flat distribution of $N_{\ce{O2}}$ as a function of $\rho$ is particularly interesting, as it suggests a distributed source of \ce{O2}. This would seem to argue against the variety of mechanisms that \citet{mousis16} suggest for trapping \ce{O2} in the icy \ce{H2O} matrix of 67P/C-G. Formation of \ce{O2} through the dismutation of \ce{H2O2} during the evaporation of \ce{H2O} ice, as suggested by \citet{dulieu17}, might be able to explain the shape of the $\ce{O2}/\ce{H2O}$ distribution as a function of $\rho$. Interestingly, ROSINA detects \ce{H2O2} in the coma of 67P/C-G (see Figure~4 of \citealp{leroy15}, and Figure~4 of \citealp{bieler15}), but with a relative abundance of $\ce{H2O2}/\ce{O2}<0.1$\% \citep{bieler15}, far less than the ratio of $\ce{H2O2}/\ce{O2}=2$ predicted by the dismutation reaction \citep{dulieu17}. \citet{feldman16} used Alice to study gaseous outbursts in the coma of 67P/C-G. These outbursts exhibit no increase in long-wavelength solar reflected light that would indicate an increase in dust production, and are characterized by a sudden increase in the brightness ratio of O\,{\sc i}~$\lambda1356/\lambda1304$ in the sunward coma. \citet{feldman16} infer that these outbursts are driven by \ce{O2} release, and estimate that $\ce{O2}/\ce{H2O} \geq 50$\% during the outbursts. Coincidentally, our earliest archival appulse (HD~26912; see \autoref{fig:fit} and \autoref{fig:conf}) occurred during the onset of one of the \citet{feldman16} outbursts (see their Section~2.5). We adopt $\ce{O2}/\ce{H2O}=31.5\pm5.6$\% for this appulse (see \autoref{tab:fits}), which is somewhat lower than the \citet{feldman16} estimate. This apparent discrepancy is likely a result of timing differences; i.e., the adopted value from the appulse measures the ambient $\ce{O2}/\ce{H2O}$ in the coma just prior to outburst, whereas the \citet{feldman16} value measures the peak $\ce{O2}/\ce{H2O}$ over the $\sim30$-minute duration of the outburst. As mentioned in \autoref{sec:fits}, the $\ce{O2}/\ce{H2O}$ values in \autoref{tab:fits} are generally higher, and have considerably larger scatter, than the values found by ROSINA-DFMS. \citet{bieler15} found $n_{\ce{O2}}/n_{\ce{H2O}}=3.85\pm0.85$\% in data taken between August~2014 and March~2015, and \citet{fougere16} found $Q_{\ce{O2}}/Q_{\ce{H2O}}\approx2$\% throughout the time frame of our appulse observations. Notably, neither \citet{bieler15} nor \citet{fougere16} list a single observation where $\ce{O2}/\ce{H2O}>15$\%, but we find a median value of 25\%. As discussed in \autoref{sec:discussion:H2O}, comparisons between the \textit{in-situ} measurements of ROSINA and the line-of-sight measurements of Alice and VIRTIS are not straightforward, even with a sophisticated coma model \citep{fougere16}. Nonetheless, the large values of $\ce{O2}/\ce{H2O}$ derived from the Alice data are surprising. While we have included several minor species in our absorption fits (see \autoref{sec:fits}), there are many species detected in the coma of 67P/C-G by ROSINA for which we were unable to find absorption cross sections \citep[e.g., \ce{HS}, \ce{S2}, \ce{CH4O};][]{leroy15}. Some of these ``missing'' species could have cross sections large enough to cause measurable far-UV absorption, even for very small column densities, causing the current $\ce{O2}/\ce{H2O}$ values to be over-estimated. Quantifying the magnitude of these systematic uncertainties is exceedingly difficult without additional laboratory data for far-UV molecular absorption cross sections. Further, even if our fits currently include all of the relevant species, the absorption cross sections we use were all measured at $T\approx300$~K (see \autoref{tab:xsec}). Since the absorbing coma gas is expected to be at lower temperature, variations in the absorption cross sections with temperature could lead us to infer incorrect values of the column density with our current procedure. \hl{However, the scant existing data suggest that our procedure under-estimates the amount of low-temperature \hbox{\ce{O2}} present by assuming room-temperature cross sections \hbox{\citep[see discussion in \autoref{sec:fits};][]{yoshino05}}, which would serve to increase the discrepancy between our results and those of ROSINA.} \section{Conclusions} \label{sec:conclusions} Using the Alice far-UV imaging spectrograph aboard {\sl Rosetta}, we have independently verified the presence of \ce{O2} in the coma of Comet~67P/C-G. \ce{O2} was detected for the first time in the coma of a comet by {\sl Rosetta}'s ROSINA mass spectrometer \citep{bieler15,fougere16}. In the present study, both \ce{O2} and \ce{H2O} were detected in far-UV absorption against the continuum of stars located near the nucleus of 67P/C-G, at impact parameters of 4-20~km. These stellar appulses occurred at heliocentric distances of $-1.8$ to 2.3~AU, where negative distances indicate pre-perihelion observations. The main results of our analysis are as follows: \begin{enumerate} \item The \ce{H2O} column densities derived from the stellar spectra are in good agreement with VIRTIS-H measurements from the same time period taken at similar impact parameters \citep{bockelee-morvan16}. \item The median value for the relative abundance of \ce{O2} with respect to \ce{H2O} derived from the stellar spectra is $\ce{O2}/\ce{H2O}=25$\%. This value is considerably higher than those reported by ROSINA; \citet{bieler15} and \citet{fougere16} found mean values of $\ce{O2}/\ce{H2O}<5$\%. \end{enumerate} We see no simple explanation for the difference in $\ce{O2}/\ce{H2O}$ measured by Alice and ROSINA, unless it is related to the unmodeled species and $T=300$~K cross sections discussed at the end of \autoref{sec:discussion:fO2}. The Alice \ce{H2O} measurements are consistent with values published by other remote-sensing instruments on {\sl Rosetta}; and while this does not guarantee that our \ce{O2} values are correct it does suggest that our measurements are reasonably robust. The ROSINA measurements, on the other hand, are performed \textit{in situ} at the spacecraft location, and the sophisticated coma model of \citet{fougere16} is designed to reproduce these measurements. This same model has difficulty reproducing the \ce{H2O} column densities of \citet{bockelee-morvan16}, which were measured very close to perihelion \citep{fougere16}. There is clearly much future work to be done to reconcile these differences. \section*{Acknowledgements} {\sl Rosetta}\ is an ESA mission with contributions from its member states and NASA. We thank the members of the {\sl Rosetta}\ Science Ground System and Mission Operations Center teams, in particular Richard Moissl and Michael K\"uppers, for their expert and dedicated help in planning and executing the Alice observations. The Alice team acknowledges continuing support from NASA via Jet Propulsion Laboratory contract 1336850 to the Southwest Research Institute. This research has made use of the SIMBAD database, operated at CDS, Strasbourg, France.
ab7d8fbb43a4b72989e08a1c67f68aef2951cf84
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Most real-world networks have power-law degrees, so that the proportion of nodes having $k$ neighbors scales as $k^{-\tau}$ with exponent $\tau$ between 2 and 3 \cite{albert1999,faloutsos1999,jeong2000,vazquez2002}. Power-law degrees imply various intriguing scale-free network properties, such as ultra-small distances~\cite{hofstad2007, newman2001} and the absence of percolation thresholds when $\tau<3$~\cite{janson2009b, pastor2001}. Empirical evidence has been matched by random graph null models that are able to explain mathematically why and how these properties arise. This paper deals with another fundamental property observed in many scale-free networks related to three-point correlations that suppress the creation of triangles and signal the presence of hierarchy. We quantify this property in terms of the {\it clustering spectrum}, the function $k\mapsto \bar c(k)$ with $\bar c(k)$ the probability that two neighbors of a degree-$k$ node are neighbors themselves. In {\it uncorrelated} networks the clustering spectrum $\bar c (k)$ remains constant and independent of $k$. However, the majority of real-world networks have spectra that decay in $k$, as first observed in technological networks including the Internet~\cite{pastor2001b,ravasz2003}. Figure~\ref{fig:chas} shows the same phenomenon for a social network: YouTube users as vertices, and edges indicating friendships between them~\cite{snap}. \begin{figure}[h] \centering \includegraphics[width=0.8\linewidth]{youtubech.pdf} \caption{$\bar c(k)$ for the YouTube social network} \label{fig:chas} \end{figure} Close inspection suggests the following properties, not only in Fig.~\ref{fig:chas}, but also in the nine further networks in Fig.~\ref{fig:ch}. The right end of the spectrum appears to be of the power-law form $k^{-\alpha}$; approximate values of $\alpha$ give rise to the dashed lines; (ii) The power law is only approximate and kicks in for rather large values of $k$. In fact, the slope of $\bar c (k)$ decreases with $k$; (iii) There exists a transition point: the minimal degree as of which the slope starts to decline faster and settles on its limiting (large $k$) value. \begin{figure*} \subfloat[]{% \centering \includegraphics[width=0.33\linewidth]{hudongch.pdf} \label{fig:chhudong} }% \subfloat[]{% \centering \includegraphics[width=0.33\linewidth]{baiduch.pdf} \label{fig:chbaidu} } \subfloat[]{ \centering \includegraphics[width=0.33\linewidth]{wordnetch.pdf} \label{fig:chwordnet} } \subfloat[]{ \centering \includegraphics[width=0.33\linewidth]{trecch.pdf} \label{fig:chtrec} } \subfloat[]{ \centering \includegraphics[width=0.33\linewidth]{webgooglech.pdf} \label{fig:chgoogle} } \subfloat[]{ \centering \includegraphics[width=0.33\linewidth]{asskitch.pdf} \label{fig:chwiki} } \subfloat[]{% \centering \includegraphics[width=0.33\linewidth]{catsterch.pdf} \label{fig:chcatster} }% \subfloat[]{ \centering \includegraphics[width=0.33\linewidth]{gowallach.pdf} \label{fig:chgowalla} } \subfloat[]{ \centering \includegraphics[width=0.33\linewidth]{wikitalkch.pdf} \label{fig:chyou} } \caption{$\bar c(k)$ for several information (red), technological (green) and social (blue) real-world networks. (a) Hudong encyclopedia~\cite{niu2011}, (b) Baidu encyclopedia~\cite{niu2011}, (c) WordNet~\cite{miller1998}, (d) TREC-WT10g web graph~\cite{bailey2003}, (e) Google web graph~\cite{snap}, (f) Internet on the Autonomous Systems level~\cite{snap}, (g) Catster/Dogster social networks~\cite{konect}, (h) Gowalla social network~\cite{snap}, (i) Wikipedia communication network~\cite{snap}. The different shadings indicate the theoretical boundaries of the regimes as in Fig.~\ref{fig:curve}, with $N$ and $\tau$ as in Table~\ref{tab:data}. } \label{fig:ch} \end{figure*} For scale-free networks a decaying $\bar c(k)$ is taken as an indicator for the presence of modularity and hierarchy~\cite{ravasz2003}, architectures that can be viewed as collections of subgraphs with dense connections within themselves and sparser ones between them. The existence of clusters of dense interaction signals hierarchical or nearly decomposable structures. When the function $\bar c(k)$ falls off with $k$, low-degree vertices have relatively high clustering coefficients, hence creating small modules that are connected through triangles. In contrast, high-degree vertices have very low clustering coefficients, and therefore act as bridges between the different local modules. This also explains why $\bar c(k)$ is not just a local property, and when viewed as a function of $k$, measures crucial mesoscopic network properties such as modularity, clusters and communities. The behavior of $\bar c(k)$ also turns out to be a good predictor for the macroscopic behavior of the network. Randomizing real-world networks while preserving the shape of the $\bar c(k)$ curve produces networks with very similar component sizes as well as similar hierarchical structures as the original network~\cite{colomer2013}. Furthermore, the shape of $\bar c(k)$ strongly influences the behavior of networks under percolation~\cite{serrano2006}. This places the $\bar c(k)$-curve among the most relevant indicators for structural correlations in network infrastructures. In this paper, we obtain a precise characterization of clustering in the hidden variable model, a tractable random graph null model. We start from an explicit form of the $\bar c(k)$ curve for the hidden variable model~\cite{boguna2003,serrano2007,dorogovtsev2004}. We obtain a detailed description of the $\bar c(k)$-curve in the large-network limit that provides rigorous underpinning of the empirical observations (i)-(iii). We find that the decay rate in the hidden variable model is significantly different from the exponent $\bar c(k)\sim k^{-1}$ that has been found in a hierarchical graph model~\cite{ravasz2003} as well as in the preferential attachment model~\cite{krot2015} and a preferential attachment model with enhanced clustering~\cite{szabo2003}. Furthermore, we show that before the power-law decay of $\bar c(k)$ kicks in, $\bar c(k)$ first has a constant regime for small $k$, and a logarithmic decay phase. This characterizes the entire clustering spectrum of the hidden variable model. This paper is structured as follows. Section \ref{sec:hidden} introduces the random graph model and its local clustering coefficient. Section \ref{sec:three} presents the main results for the clustering spectrum. Section \ref{sec:deep} explains the shape of the clustering spectrum in terms of an energy minimization argument, and Section \ref{sec:deep2} quantifies how fast the limiting clustering spectrum arises as function of the network size. We conclude with a discussion in Section \ref{sec:disc} and present all mathematical derivations of the main results in the appendix. \section {Hidden variables}\label{sec:hidden} As null model we employ the hidden variable model~ \cite{boguna2003,park2004,bollobas2007,britton2006,norros2006}. Given $N$ nodes, hidden variable models are defined as follows. Associate to each node a hidden variable $h$ drawn from a given probability distribution function \begin{equation}\label{eq:rhoh} \rho(h)=Ch^{-\tau} \end{equation} for some constant $C$. Next join each pair of vertices independently according to a given probability $p(h,h')$ with $h$ and $h'$ the hidden variables associated to the two nodes. Many networks can be embedded in this hidden-variable framework, but particular attention goes to the case in which the hidden variables have themselves the structure of the degrees of a real-world network. In that case the hidden-variable model puts soft constraints on the degrees, which is typically easier to analyze than hard constraints as in the configuration model~\cite{clauset2009,newman2003book,vazquez2002,dhara2016}. Chung and Lu \cite{chung2002} introduced the hidden variable model in the form \begin{equation}\label{c1} p(h,h')\sim \frac{h h'}{N \mean{h}}, \end{equation} so that the expected degree of a node equals its hidden variable. We now discuss the structural and natural cutoff, because both will play a crucial role in the description of the clustering spectrum. The structural cutoff is defined as the largest possible upper bound on the degrees required to guarantee single edges, while the natural cutoff characterizes the maximal degree in a sample of $N$ vertices. For scale-free networks with exponent $\tau\in(2,3]$ the structural cutoff scales as $\sqrt{N}$ while the natural cutoff scales as $N^{1/(\tau-1)}$, which gives rise to structural negative correlations and possibly other finite-size effects. If one wants to avoid such effects, then the maximal value of the product $h h'$ should never exceed $N \mean{h}$, which can be guaranteed by the assumption that the hidden degree $h$ is smaller than the structural cutoff $h_s=\sqrt{N\mean{h}}$. While this restricts $p(h,h')$ in \eqref{c1} within the interval $[0,1]$, banning degrees larger than the structural cutoff strongly violates the reality of scale-free networks, where degrees all the way up to the natural cutoff $(N\mean{h})^{1/(\tau-1)}$ need to be considered. We therefore work with (although many asymptotically equivalent choices are possible; see \cite{hofstad2017b} and Appendix \ref{sec:chcomp}) \begin{equation}\label{c11} p(h,h')= \min\Big(1,\frac{h h'}{N \mean{h}}\Big), \end{equation} putting no further restrictions on the range of the hidden variables (and hence degrees). In this paper, we shall work with $c(h)$, the local clustering coefficient of a randomly chosen vertex with hidden variable $h$. However, when studying local clustering in real-world data sets, we can only observe $\bar c(k)$, the local clustering coefficient of a vertex of degree $k$. In Appendix \ref{sec:hk} we show that the approximation $\bar{c}(h)\approx c(h)$ is highly accurate. We start from the explicit expression for $c(h)$ \cite{boguna2003}, which measures the probability that two randomly chosen edges from $h$ are neighbors, i.e., \begin{equation}\label{int1} c(h)=\int_{h'}\int_{h''} p(h'|h)p(h',h'')p(h''|h){\rm d} h''{\rm d} h', \end{equation} with $p(h'|h)$ the conditional probability that a randomly chosen edge from an $h$-vertex is connected to an $h'$-vertex and $p(h,h')$ as in \eqref{c11}. The goal is now to characterize the $c(h)$-curve (and hence the $\bar c(k)$-curve). \section{Universal clustering spectrum}\label{sec:three} The asymptotic evaluation of the double integral \eqref{int1} in the large-$N$ regime reveals three different ranges, defined in terms of the scaling relation between the hidden variable $h$ and the network size $N$. The three ranges together span the entire clustering spectrum as shown in Fig.~\ref{fig:curve}. The detailed calculations are deferred to Appendix \ref{sec:chcomp}. \begin{figure}[tb] \centering\includegraphics[width=0.4\textwidth]{curve.pdf} \caption{Clustering spectrum $h\mapsto c(h)$ with three different ranges for $h$: the flat range, logarithmic decay, and the power-law decay.} \label{fig:curve} \end{figure} The first range pertains to the smallest-degree nodes, i.e., vertices with a hidden variable that does not exceed $N^{\beta(\tau)}$ with $\beta(\tau)= \frac{\tau-2}{\tau-1}$. In this case we show that \begin{equation}\label{eq:r1} c(h)\propto N^{2-\tau}\ln N, \quad h\leq N^{\beta(\tau)}. \end{equation} In particular, here the local clustering does not depend on the degree and in fact corresponds with the large-$N$ behavior of the global clustering coefficient \cite{hofstad2017b,colomer2012}. Note that the interval $[0,\beta(\tau)]$ diminishes when $\tau$ is close to 2, a possible explanation for why the flat range associated with Range I is hard to recognize in some of the real-world data sets. Range II considers nodes with hidden variables (degrees) above the threshold $N^{\beta(\tau)}$, but below the structural cutoff $\sqrt{N}$. These nodes start experiencing structural correlations, and close inspection of the integral \eqref{int1} yields \begin{equation}\label{eq:r2} c(h)\propto N^{2-\tau}\Big(1+\ln \Big(\frac{\sqrt{N}}{h}\Big)\Big), \quad N^{\beta(\tau)}\leq h \leq \sqrt{N}. \end{equation} This range shows relatively slow, logarithmic decay in the clustering spectrum, and is clearly visible in the ten data sets. Range III considers hidden variables above the structural cutoff, when the restrictive effect of degree-degree correlations becomes more evident. In this range we find that \begin{equation}\label{eq:r3} c(h)\propto \frac{1}{N}\Big(\frac{h}{N}\Big)^{-2(3-\tau)}, \quad h\geq \sqrt{N} \end{equation} hence power-law decay with a power-law exponent $\alpha=2(3-\tau)$. Such power-law decay has been observed in many real-world networks \cite{vazquez2002,ravasz2003,serrano2006b,catanzaro2004, leskovec2008,krioukov2012}, where most networks were found to have the power-law exponent close to one. The asymptotic relation \eqref{eq:r3} shows that the exponent $\alpha$ decreases with $\tau$ and takes values in the entire range $(0,2)$. Table~\ref{tab:data} contains estimated values of $\alpha$ for the ten data sets. \section{Energy minimization}\label{sec:deep} \begin{figure}[tb] \centering \subfloat[]{ \centering \includegraphics[width=0.2\textwidth]{triangsmall.pdf} \label{fig:contsmall} } \hspace{0.2cm} \subfloat[]{ \centering \includegraphics[width=0.2\textwidth]{trianglarge.pdf} \label{fig:contlarge} } \caption{Orders of magnitude of the major contributions in the different $h$-ranges. The highlighted edges are present with asymptotically positive probability. (a) $h<\sqrt{N}$ (b) $h>\sqrt{N}$.} \label{fig:major} \end{figure} We now explain why the clustering spectrum splits into three ranges, using an argument that minimizes the energy needed to create triangles among nodes with specific hidden variables. In all three ranges for $h$, there is one type of `most likely' triangle, as shown in Fig.~\ref{fig:major}. This means that most triangles containing a vertex $v$ with hidden variable $h$ are triangles with two other vertices $v'$ and $v''$ with hidden variables $h'$ and $h''$ of specific sizes, depending on $h$. The probability that a triangle is present between $v$, $v'$ and $v''$ can be written as \begin{equation}\label{eq:probtr} \min\left(1,\frac{hh'}{N\mean{h}}\right)\min\left(1,\frac{hh''}{N \mean{h} }\right)\min\left(1,\frac{h'h''}{N\mean{h} }\right). \end{equation} While the probability that such a triangle exists among the three nodes thus increases with $h'$ and $h''$, the number of such nodes decreases with $h'$ and $h''$ because vertices with higher $h$-values are rarer. Therefore, the maximum contribution to $c(h)$ results from a trade-off between large enough $h',h''$ for likeliness of occurrence of the triangle, and $h',h''$ small enough to have enough copies. Thus, having $h'> N\mean{h}/h$ is not optimal, since then the probability that an edge exists between $v$ and $v'$ no longer increases with $h'$. This results in the bound \begin{equation}\label{eq:b1} h',h''\leq \frac{N\mean{h} }{h}. \end{equation} Similarly, $h'h''> N\mean{h}$ is also suboptimal, since then further increasing $h'$ and $h''$ does not increase the probability of an edge between $v'$ and $v''$. This gives as a second bound \begin{equation}\label{eq:b2} h'h''\leq N\mean{h}. \end{equation} In Ranges I and II, $h<\sqrt{N\mean{h}}$, so that $N\mean{h}/h>\sqrt{N\mean{h}}$. In this situation we reach bound~\eqref{eq:b2} before we reach bound~\eqref{eq:b1}. Therefore, the maximum contribution to $c(h)$ comes from $h'h''\approx N$, where also $h',h''<N\mean{h}/h$ because of the bound~\eqref{eq:b1}. Here the probability that the edge between $v'$ and $v''$ exists is large, while the other two edges have a small probability to be present, as shown in Fig.~\ref{fig:contsmall}. Note that for $h$ in Range I, the bound \eqref{eq:b1} is superfluous, since in this regime $N\mean{h}/h>h_c$, while the network does not contain vertices with hidden variables larger than $h_c$. This bound indicates the minimal values of $h'$ such that an $h$-vertex is guaranteed to be connected to an $h'$-vertex. Thus, vertices in Range I are not even guaranteed to have connections to the highest degree vertices, hence they are not affected by the single-edge constraints. Therefore the value of $c(h)$ in Range I is independent of $h$. In Range III, $h>\sqrt{N\mean{h}}$, so that $N\mean{h}/h<\sqrt{N\mean{h}}$. Therefore, we reach bound~\eqref{eq:b1} before we reach bound~\eqref{eq:b2}. Thus, we maximize the contribution to the number of triangles by choosing $h',h''\approx N\mean{h}/h$. Then the probability that the edge from $v$ to $v'$ and from $v$ to $v''$ is present is large, while the probability that the edge between $v'$ and $v''$ exists is small, as illustrated in Fig.~\ref{fig:contlarge}. \section{Convergence rate}\label{sec:deep2} We next ask how large networks should be, or become, before they reveal the features of the universal clustering spectrum. In other words, while the results in this paper are shown for the large-$N$ limit, for what finite $N$-values can we expect to see the different ranges and clustering decay? To bring networks of different sizes $N$ on a comparable footing, we consider \begin{equation}\label{eq:sigmam} \sigma_N(t)=\frac{\ln\left(c(h)/c(h_c)\right)}{\ln(N\mean{h})}, \quad h=(N\mean{h})^t, \end{equation} for $0\leq t \leq \tfrac{1}{\tau-1}$. The slope of $\sigma_N(t)$ can be interpreted as a measure of the decay of $c(h)$ at $h=(N\mean{h})^t$, and all curves share the same right end of the spectrum; see Appendix~\ref{sec:hcder} for more details. Figure~\ref{fig:chfinite} shows this rescaled clustering spectrum for synthetic networks generated with the hidden variable model with $\tau=2.25$. Already $10^4$ vertices reveal the essential features of the spectrum: the decay and the three ranges. Increasing the network size further to $10^5$ and $10^6$ nodes shows that the spectrum settles on the limiting curve. Here we note that the real-world networks reported in Figs.~\ref{fig:chas} and~\ref{fig:ch} are also of order $10^5$-$10^6$ nodes, see Table~\ref{tab:data}. \begin{figure}[ht] \centering\includegraphics[width=0.4\textwidth]{clustN.pdf} \caption{$\sigma_N(t)$ for $N=10^4,10^6$ and $10^8$ together with the limiting function, using $\tau=2.25$, for which $\tfrac{1}{\tau-1}=0.8$. } \label{fig:chfinite} \end{figure} \begin{table}[htbp] \centering \begin{ruledtabular} \begin{tabular}{lrrrr} & $N$ & $\tau$ & g.o.f. &$\alpha$ \\ \textbf{Hudong } & 1.984.484 & 2,30 & 0.00 &0,85 \\ \textbf{Baidu} & 2.141.300 & 2,29 & 0.00 & 0,80 \\ \textbf{Wordnet} & 146.005 & 2,47 & 0.00 &1,01 \\ \textbf{Google web} & 875.713 & 2,73 & 0.00 & 1,03 \\ \textbf{AS-Skitter} & 1.696.415 & 2,35 & 0.06 & 1,12 \\ \textbf{TREC-WT10g} & 1.601.787 & 2,23 & 0.00 & 0,99 \\ \textbf{Wiki-talk} & 2.394.385 & 2,46 & 0.00 &1,54 \\ \textbf{Catster/Dogster} & 623.766 & 2,13 & 0.00 & 1,20 \\ \textbf{Gowalla} & 196.591 & 2,65 & 0.80 &1,24 \\ \textbf{Youtube} & 1.134.890 & 2,22& 0.00 &1,05 \end{tabular} \end{ruledtabular}% \caption{Data sets. $N$ denotes the number of vertices, $\tau$ the exponent of the tail of the degree distribution estimated by the method proposed in~\cite{clauset2009} together with the goodness of fit criterion proposed in~\cite{clauset2009} (when the goodness of fit is at least 0.10, a power-law tail cannot be rejected), and $\alpha$ denotes the exponent of $c(k)$.} \label{tab:data}% \end{table}% Figure~\ref{fig:chfinite} also brings to bear a potential pitfall when the goal is to obtain statistically accurate estimates for the slope of $c(h)$. Observe the extremely slow convergence to the limiting curve for $N=\infty$; a well documented property of certain clustering measures~\cite{boguna2009,colomer2012,janssen2015,hofstad2017b}. In Appendix~\ref{sec:hcder} we again use the integral expression \eqref{int1} to characterize the limiting curve for $N=\infty$ and the rate of convergence as function of $N$, and indeed extreme $N$-values are required for statistically reliable slope estimates for e.g.~$t$-values of $\tfrac12$ and $\tfrac{1}{\tau-1}$; this is also apparent from visual inspection of Fig.~\ref{fig:chfinite}. Therefore, the estimates in Table~\ref{tab:data} only serve as indicative values of $\alpha$. Finally, observe that Range II disappears in the limiting curve, due to the rescaling in \eqref{eq:sigmam}, but again only for extreme $N$-values. Because this paper is about structure rather than statistical estimation, the slow convergence in fact provides additional support for the persistence of Range II in Figs.~\ref{fig:chas} and~\ref{fig:ch}. Table~\ref{tab:data} also shows that the relation $\alpha=-2(3-\tau)$ is inaccurate for the real-world data sets, in turn affecting the theoretical boundaries of the three regimes indicated in Fig.~\ref{fig:ch}. One explanation for this inaccuracy is that the real-world networks might not follow pure power-law distributions, as measured by the goodness of fit criterion in Table~\ref{tab:data}, and visualized in Appendix~\ref{sec:degree}. Furthermore, real-world networks are usually highly clustered and contain community structures, whereas the hidden variable model is locally tree-like. These modular structure may explain, for example, why the power-law decay of the hidden variable model is less pronounced in the three social networks of Fig.~\ref{fig:ch}. It is remarkable that despite these differences between hidden variable models and real-world networks, the global shape of the $c(k)$ curve of the hidden variable model is still visible in these heavy-tailed real-world networks. \section{Discussion}\label{sec:disc} The hidden variable model gives rise to {\it single-edge} networks in which pairs of vertices can only be connected once. Hierarchical modularity and the decaying clustering spectrum have been contributed to this restriction that no two vertices have more than one edge connecting them~\cite{pastor2001b, maslov2004,park2003,newman2002assortative,newman2003}. The physical intuition is that the single-edge constraint leads to far fewer connections between high-degree vertices than anticipated based on randomly assigned edges. We have indeed confirmed this intuition, not only through analytically revealing the universal clustering curve, but also by providing an alternative derivation of the three ranges based on energy minimization and structural correlations. We now show that the clustering spectrum revealed using the hidden variable model, also appears for a second widely studied null model. This second model cannot be the Configuration Model (CM), which preserves the degree distribution by making connections between vertices in the most random way possible~\cite{bollobas1980, newman2001}. Indeed, because of the random edge assignment, the CM has no degree correlations, leading in the case of scale-free networks with diverging second moment to uncorrelated networks with non-negligible fractions of self-loops (a vertex joined to itself) and multiple connections (two vertices connected by more than one edge). This picture changes dramatically when self-loops and multiple edges are avoided, a restriction mostly felt by the high-degree nodes, who can no longer establish multiple edges among each other. We therefore consider the Erased Configuration Model (ECM) that takes a sample from the CM and then erases all the self-loops and multiple edges. While this removes some of the edges in the graph, thus violating the hard constraint, only a small proportion of the edges is removed, so that the degree of vertex $j$ in ECM is still close to $D_j$~\cite[Chapter 7]{hofstad2009}. In the ECM, the probability that a vertex with degree $D_i$ is connected to a vertex with degree $D_j$ can be approximated by $1-{\rm e}^{-D_iD_j/\mean{D}N}$~\cite[Eq.(4.9)]{hofstad2005}. Therefore, we expect the ECM and the hidden variable model to have similar properties (see e.g.~\cite{hofstad2017b}) when we choose \begin{equation}\label{eq:conecm} p(h,h')= 1-{\rm e}^{-h h'/N\mean{h}}\approx\frac{h h'}{N\mean{h}}. \end{equation} Figure~\ref{fig:ECMhidden} illustrates how both null models generate highly similar spectra, which provides additional support for the claim that the clustering spectrum is a universal property of simple scale-free networks. The ECM is more difficult to deal with compared to hidden variable models, since edges in ECM are not independent. In particular, we expect that these dependencies vanish for the $k\mapsto\bar{c}(k)$ curve. Establishing the universality of the $k\mapsto \bar c(k)$ curve for other random graph null models such as ECM, networks with an underlying geometric space~\cite{serrano2008} or hierarchical configuration models~\cite{stegehuis2015} is a major research direction. \begin{figure}[t] \centering \includegraphics[width=0.4\textwidth]{ECMhidden.pdf} \caption{$\bar c(k)$ for a hidden variable model with connection probabilities~\eqref{eq:conecm} (solid line) and an erased configuration model (dashed line). The presented values of $\bar c(k)$ are averages over $10^4$ realizations of networks of size $N=10^5$. } \label{fig:ECMhidden} \end{figure} The ECM and the hidden variable model are both null models with soft constraints on the degrees. Putting hard constraints on the degrees with the CM, has the nice property that simple graphs generated using this null model are uniform samples of all simple graphs with the same degree sequence. Dealing with such uniform samples is notoriously hard when the second moment of the degrees is diverging, for example since the CM will yield many edges between high-degree vertices. This makes sampling uniform graphs difficult~\cite{milo2003, viger2005,delgenio2010}. Thus, the joint requirement of hard degree and single-edge constraints, as in the CM, presents formidable technical challenges. Whether our results for the $k\mapsto\bar{c}(k)$ curve for soft-constraint models also carry over to these uniform simple graphs is a challenging open problem. In this paper we have investigated the presence of triangles in the hidden variable model. We have shown that by first conditioning on the node degree, there arises a unique `most likely' triangle with two other vertices of specific degrees. We have not only explained this insight heuristically, but it is also reflected in the elaborate analysis of the double integral for $c(h)$ in Appendix \ref{sec:chcomp}. As such, we have introduced an intuitive and tractable mathematical method for asymptotic triangle counting. It is likely that the method carries over to counting other motifs, such as squares, or complete graphs of larger sizes. For any given motif, and first conditioning on the node degree, we again expect to find specific configuration that are most likely. Further mathematical challenges need to be overcome, though, because we expect that the `most likely' configurations critically depend on the precise motif topologies and the associated energy minimization problems. \acknowledgements This work is supported by NWO TOP grant 613.001.451 and by the NWO Gravitation Networks grant 024.002.003. The work of RvdH is further supported by the NWO VICI grant 639.033.806. The work of JvL is further supported by an NWO TOP-GO grant and by an ERC Starting Grant.
fab856ee49cd0b79cfaafff56f8fdad3ff934277
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\subsubsection{Reference/Translation Classification} \label{sec:classification} We experiment with predicting whether a given sentence is a reference or a back-translation. We train two kinds of binary classifiers, one using an LSTM and the other using word averaging, followed by a softmax layer. We select 40,000 reference/translation pairs for training and 5,000 for each of validation and testing. A single example is a sentence with label 1 if it is a reference translation and 0 if it is a translation. In training, we consider the entire $k$-best list as examples of translations, selecting one translation to be the 0-labeled example. We either do this randomly or we score each sentence in the $k$-best list using our model and select the one with the highest probability of being a reference as the 0-labeled example. We tune this choice as well as an $L_2$ regularizer on the word embeddings (tuned over $\{10^{-5},10^{-6},10^{-7},10^{-8},0\}$). We use \textsc{paragram-sl999}\xspace embeddings~\cite{wieting2015ppdb-short} to initialize the word embeddings for both models. Models were trained by minimizing cross entropy for 10 epochs using Adam with learning rate 0.001. We performed this procedure separately for each of the 10 language/data pairs. \begin{table} \setlength{\tabcolsep}{4pt} \small \centering \begin{tabular} { | l | l | l || c | c | c |} \hline Model & Lang. & Data & Test Acc. & + Acc. & - Acc. \\ \hline & & CC & 72.2 & 72.2 & 72.3 \\ & CS & EP & 72.3 & 64.3 & 80.3 \\ & & News & 79.7 & 73.2 & 86.3 \\ \cline{2-6} & & CC & 80.7 & 82.1 & 79.3 \\ \multirow{2}{*}{LSTM} & \multirow{2}{*}{FR} & EP & 79.3 & 75.2 & 83.4 \\ & & Giga & \bf 93.1 & \bf 92.3 & 93.8 \\ & & News & 84.2 & 81.2 & 87.3 \\ \cline{2-6} & & CC & 79.3 & 71.7 & 86.9 \\ & DE & EP & 85.1 & 78.0 & 92.2 \\ & & News & 89.8 & 82.3 & \bf 97.4 \\ \hline & & CC & 71.2 & 68.9 & 73.5 \\ & CS & EP & 69.1 & 63.0 & 75.1 \\ & & News & 77.6 & 71.7 & 83.6 \\ \cline{2-6} & & CC & 78.8 & 80.4 & 77.2 \\ \multirow{2}{*}{\textsc{Avg}\xspace} & \multirow{2}{*}{FR} & EP & 78.9 & 75.5 & 82.3 \\ & & Giga & \bf 92.5 & \bf 91.5 & 93.4 \\ & & News & 82.8 & 81.1 & 84.5 \\ \cline{2-6} & & CC & 77.3 & 70.4 & 84.1 \\ & DE & EP & 82.7 & 73.4 & 91.9 \\ & & News & 87.6 & 80.0 & \bf 95.3 \\ \hline \end{tabular} \caption{\label{table:classificationresults} Results of reference/translation classification (accuracy$\times 100$). The highest score in each column is in boldface. Final two columns show accuracies of positive (reference) and negative classes, respectively. } \end{table} The results are shown in Table~\ref{table:classificationresults}. While performance varies greatly across data sources, the LSTM always outperforms the word averaging model. For our translation-reference classification, we note that our results can be further improved. We also trained models on 90,000 examples, essentially doubling the amount of data, and the results improved by about 2\% absolute on each dataset on both the validation and testing data. \paragraph{Analyzing Reference Classification.} We inspected the output of our reference classifier and noted a few qualitative trends which we then verified empirically. First, neural MT systems tend to use a smaller vocabulary and exhibit more restricted use of phrases. They correspondingly tend to show more repetition in terms of both words and longer $n$-grams. This hypothesis can be verified empirically in several ways. We do so by calculating the entropy of the unigrams and trigrams for both the references and the translations from our 150,000 reference-translation pairs.\footnote{We randomly selected translations from the beam search.} We also calculate the repetition percentage of unigrams and trigrams in both the references and translations. This is defined as the percentage of words that are repetitions (i.e., have already appeared in the sentence). For unigrams, we only consider words consisting of at least 3 characters. The results are shown in Table~\ref{table:repetitionentropy}, in which we subtract the translation value from the reference value for each measure. The translated text has lower $n$-gram entropies and higher rates of repetition. This appears for all datasets, but is strongest for common crawl and French-English $10^9$. \begin{table} \setlength{\tabcolsep}{4pt} \small \centering \begin{tabular} { | l | l || c | c | c | c |} \hline Lang. & Data & Ent. (uni) & Ent. (tri) & Rep. (uni) & Rep. (tri) \\ \hline & CC & 0.50 & 1.13 & -7.57\% & -5.58\% \\ CS & EP & 0.14 & 0.31 & -0.88\% & -0.11\% \\ & News & 0.16 & 0.31 & -0.96\% & -0.16\% \\ \hline & CC & 0.97 & 1.40 & -8.50\% & -7.53\% \\ \multirow{2}{*}{FR} & EP & 0.51 & 0.69 & -1.85\% & -0.58\% \\ & Giga & 0.97 & 1.21 & -5.30\% & -7.74\% \\ & News & 0.67 & 0.75 & -2.98\% & -0.85\% \\ \hline & CC & 0.29 & 0.57 & -1.09\% & -0.73\% \\ DE & EP & 0.32 & 0.53 & -0.14\% & -0.11\% \\ & News & 0.40 & 0.37 & -1.02\% & -0.24\% \\ \hline \multicolumn{2}{|c||}{All} & 0.46 & 0.74 & -2.80\% & -2.26\% \\ \hline \end{tabular} \caption{\label{table:repetitionentropy} Differences in entropy and repetition of unigrams/trigrams in references and translations. Negative values indicate translations have a higher value, so references show consistently higher entropies and lower repetition rates. } \end{table} We also noticed that translations are less likely to use rare words, instead willing to use a larger sequence of short words to convey the same meaning. We found that translations were sometimes more vague and, unsurprisingly, were more likely to be ungrammatical. We check whether our classifier is learning these patterns by computing the reference probabilities $P(\text{R})$ of 100,000 randomly sampled translation-reference pairs from each dataset (the same used to train models). We then compute the correlation between our classification score and different metrics: the repetition rate of the sentence, the average inverse-document frequency (IDF) of the sentence,\footnote{Wikipedia was used to calculate the frequencies of the tokens. All tokens were lowercased.} and the length of the translation. \begin{table} \setlength{\tabcolsep}{4pt} \small \centering \begin{tabular} { | l | c |} \hline Metric & Spearman's $\rho$ \\ \hline Unigram repetition rate & -35.1 \\ Trigram repetition rate & -18.4 \\ Average IDF & \phantom{-}27.8 \\ Length & -34.0 \\ \hline \end{tabular} \caption{\label{table:correlations} Spearman's $\rho$ between our reference classifier probability and various measures. } \end{table} \begin{table}[t] \setlength{\tabcolsep}{3pt} \small \centering \begin{tabular} { | c p{0.76\columnwidth} c| } \hline & Sentence & $P(\text{R})$ \\ \hline R: & Room was comfortable and the staff at the front desk were very helpful. & 1.0 \\ T: & The staff were very nice and the room was very nice and the staff were very nice. & $<\!0.01$ \\ \hline R: & The enchantment of your wedding day, captured in images by Flore-Ael Surun. & 0.98 \\ T: & The wedding of the wedding, put into images by Flore-Ael A. & $<\!0.01$ \\ \hline R: & Mexico and Sweden are longstanding supporters of the CTBT. & 1.0 \\ T: & Mexico and Sweden have been supporters of CTBT for a long time now. & 0.06 \\ \hline R: & We thought Mr Haider ' s Austria was endangering our freedom. & 1.0 \\ T: & We thought that our freedom was put at risk by Austria by Mr Haider. & 0.09 \\ \hline \end{tabular} \caption{ Illustrative examples of references (R) and back-translations (T), along with probabilities from the reference classifier. See text for details. } \label{table:classifyanalysis} \end{table} The results are shown in Table~\ref{table:correlations}. Negative correlations with repetitions indicates that fewer repetitions lead to higher $P(\text{R})$. A positive correlation with average IDF indicates that $P(\text{R})$ rewards the use of rare words. Interestingly, negative correlation with length suggests that the classifier prefers more concise sentences.\footnote{This is noteworthy because the average sentence length of translations and references is not significantly different.} We show examples of these phenomena in Table~\ref{table:classifyanalysis}. The first two examples show the tendency of NMT to repeat words and phrases. The second two show how they tend to use sequences of common words (``put at risk'') rather than rare words (``endangering''). \section{Introduction} \input{introduction} \section{Related Work} \input{relwork} \section{Neural Machine Translation} \input{nmt} \section{Models and Training} \input{models} \section{Experiments} \label{sec:exp} \input{experiments} \section{Conclusion} \input{conclusion} \section*{Acknowledgments} This research used resources of the Argonne Leadership Computing Facility, which is a DOE Office of Science User Facility supported under Contract DE-AC02-06CH11357. We thank the developers of Theano~\cite{2016arXiv160502688short} and NVIDIA Corporation for donating GPUs used in this research. \subsection{Evaluation} We evaluate the quality of a paraphrase dataset by using the experimental setting of \newcite{wieting-16-full}. We use the paraphrases as training data to create paraphrastic sentence embeddings, then evaluate the embeddings on the SemEval semantic textual similarity (STS) tasks from 2012 to 2015~\cite{agirre2012semeval,diab2013eneko,agirre2014semeval,agirre2015semeval}, the SemEval 2015 Twitter task \cite{xu2015semeval}, and the SemEval 2014 SICK Semantic Relatedness task \cite{marelli2014semeval}. Given two sentences, the aim of the STS tasks is to predict their similarity on a 0-5 scale, where 0 indicates the sentences are on different topics and 5 indicates that they are completely equivalent. As our test set, we report the average Pearson's $r$ over these 22 sentence similarity tasks. As development data, we use the 2016 STS tasks~\cite{agirre2016semeval}, where the tuning criterion is the average Pearson's $r$ over its 5 datasets. \subsection{Experimental Setup} For fair comparison among different datasets and dataset filtering methods described below, we use only 24,000 training examples for nearly all experiments. Different filtering methods produce different amounts of training data, and using 24,000 examples allows us to keep the amount of training data constant across filtering methods. It also allows us to complete these several thousand experiments in a reasonable amount of time. In Section~\ref{sec:scaling} below, we discuss experiments that scale up to larger amounts of training data. We use \textsc{paragram-sl999}\xspace embeddings~\cite{wieting2015ppdb-short} to initialize the word embedding matrix ($W_w$) for both models. For all experiments, we fix the mini-batch size to 100, $\lambda_{w}$ to 0, $\lambda_{c}$ to 0, and the margin $\delta$ to 0.4. We train \textsc{Avg}\xspace for 20 epochs, and the \textsc{GRAN}\xspace for 3, since it converges much faster. For optimization we use Adam~\cite{kingma2014adam} with a learning rate of 0.001. We compare to two data resources used in previous work to learn paraphrastic sentence embeddings. The first is phrase pairs from PPDB, used by \newcite{wieting-16-full} and \newcite{wieting2016charagram}. PPDB comes in different sizes (S, M, L, XL, XXL, and XXXL), where each larger size subsumes all smaller ones. The pairs in PPDB are sorted by a confidence measure and so the smaller sets contain higher precision paraphrases. We use PPDB XL in this paper, which consists of fairly high precision paraphrases. The other data source is the aligned Simple English / standard English Wikipedia data developed by \newcite{coster2011simple} and used for learning paraphrastic sentence embeddings by \newcite{wieting-17-full}. We refer to this data source as ``SimpWiki\xspace''. We refer to our back-translated data as ``NMT''. \subsection{Dataset Comparison} We first compare datasets, randomly sampling 24,000 sentence pairs from each of PPDB, SimpWiki\xspace, and each of our NMT datasets. The only hyperparameter to tune for this experiment is the stopping epoch, which we tune based on our development set. The results are shown in Table~\ref{table:randomresults}. \begin{table} \setlength{\tabcolsep}{4pt} \small \centering \begin{tabular} { | l | l || c | c |} \hline Lang. & Data & \textsc{GRAN}\xspace & \textsc{Avg}\xspace \\ \hline \multicolumn{2}{|c||}{SimpWiki\xspace} & 67.2 & 65.8 \\ \multicolumn{2}{|c||}{PPDB} & 64.5 & 65.8 \\ \hline & CC & 65.5 & 65.4 \\ CS & EP & 66.5 & 65.1 \\ & News & 67.2 & 65.1 \\ \hline & CC & 67.3 & 66.1 \\ \multirow{2}{*}{FR} & EP & \bf 67.8 & 65.7 \\ & Giga & 67.4 & 65.9 \\ & News & 67.0 & 65.2 \\ \hline & CC & 66.5 & \bf 66.2 \\ DE & EP & 67.2 & 65.6 \\ & News & 66.5 & 64.7 \\ \hline \end{tabular} \caption{\label{table:randomresults} Test results (average Pearson's $r\times 100$ over 22 STS datasets) using a random selection of 24,000 examples from each data source considered in this paper. } \end{table} We find that the NMT datasets are all effective as training data, outperforming PPDB in all cases when using the \textsc{GRAN}\xspace. There are exceptions when using \textsc{Avg}\xspace, for which PPDB is quite strong. This is sensible because \textsc{Avg}\xspace is not sensitive to word order, so the fragments in PPDB do not cause problems. However, when using the \textsc{GRAN}\xspace, which is sensitive to word order, the NMT data is consistently better than PPDB. It often exceeds the performance of training on the SimpWiki\xspace data, which consists entirely of human-written sentences. \subsection{Filtering Methods} Above we showed that the NMT data is better than PPDB when using a \textsc{GRAN}\xspace and often as good as SimpWiki\xspace. Since we have access to so much more NMT data than SimpWiki (which is limited to fewer than 200k sentence pairs), we next experiment with several approaches for filtering the NMT data. We first consider filtering based on length, described in Section~\ref{sec:length}. We then consider filtering based on several quality measures designed to find more natural and higher-quality translations, described in Section~\ref{sec:quality}. Finally, we consider several measures of diversity. By diversity we mean here a measure of the lexical and syntactic difference between the reference and its paraphrase. We describe these experiments in Section~\ref{sec:diversity}. We note that these filtering methods are not all mutually exclusive and could be combined, though in this paper we experiment with each individually and leave combination to future work. \subsection{Length Filtering} \label{sec:length} We first consider filtering candidate sentence pairs by length, i.e., the number of tokens in the translation. The tunable parameters are the upper and lower bounds of the translation lengths. We experiment with a partition of length ranges, showing the results in Table~\ref{table:length-bins}. These results are averages across all language pairs and data sources of training data for each length range shown. We find it best to select NMT data where the translations have between 0 and 10 tokens, with performance dropping as sentence length increases. This is true for both the \textsc{GRAN}\xspace and \textsc{Avg}\xspace models. We do the same filtering for the SimpWiki\xspace data, though the trend is not nearly as strong. This may be because machine translation quality drops as sentence length increases. This trend appears even though the datasets with higher ranges have more tokens of training data, since only the number of training sentence pairs is kept constant across configurations. We then tune the length range using our development data, considering the following length ranges: [0,10], [0,15], [0,20], [0,30], [0,100], [10,20], [10,30], [10,100], [15,25], [15,30], [15,100], [20,30], [20,100], [30,100]. We tune over ranges as well as language, data source, and stopping epoch, each time training on 24,000 sentence pairs. We report the average test results over all languages and datasets in Table~\ref{table:length-results-gan-wa}. We compare to a baseline that draws a random set of data, showing that length-based filtering leads to gains of nearly half a point on average across our test sets. The tuned length ranges are short for both NMT and SimpWiki\xspace. The distribution of lengths in the NMT and SimpWiki\xspace data is fairly similar. The 10 NMT datasets all have mean translation lengths between 22 and 28 tokens, with common crawl on the lower end and Europarl on the higher end. The data has fairly large standard deviations (11-25 tokens) indicating that there are some very long translations in the data. SimpWiki\xspace has a mean length of 24.2 and a standard deviation of 13.1 tokens. \begin{table}[t] \small \centering \begin{tabular} { | l | l | c | c | c | c |} \cline{3-6} \multicolumn{2}{c|}{} & \multicolumn{4}{c|}{Length Range} \\ \hline Data & Model & 0-10 & 10-20 & 20-30 & 30-100 \\ \hline \multirow{2}{*}{SimpWiki\xspace} & \textsc{GRAN}\xspace & 67.4 & 67.7 & 67.1 & 67.3 \\ & \textsc{Avg}\xspace & 65.9 & 65.7 & 65.6 & 65.9 \\ \hline \multirow{2}{*}{NMT} & \textsc{GRAN}\xspace & 66.6 & 66.5 & 66.0 & 64.8 \\ & \textsc{Avg}\xspace & 65.7 & 65.6 & 65.3 & 65.0 \\ \hline \end{tabular} \caption{\label{table:length-bins} Test correlations for our models when trained on sentences with particular length ranges (averaged over languages and data sources for the NMT rows). Results are on STS datasets (Pearson's $r \times 100$). } \end{table} \begin{table} \small \centering \begin{tabular} { | l | c | c | c | c |} \cline{2-5} \multicolumn{1}{c|}{} & \multicolumn{2}{c|}{NMT} & \multicolumn{2}{c|}{SimpWiki\xspace} \\ \hline Filtering Method & \textsc{GRAN}\xspace & \textsc{Avg}\xspace & \textsc{GRAN}\xspace & \textsc{Avg}\xspace \\ \hline None (Random) & 66.9 & 65.5 & 67.2 & 65.8\\ \hline Length & 67.3 & 66.0 & 67.4 & 66.2 \\ Tuned Len. Range & [0,10] & [0,10] & [0,10] & [0,15]\\ \hline \end{tabular} \caption{\label{table:length-results-gan-wa} Length filtering test results after tuning length ranges on development data (averaged over languages and data sources for the NMT rows). Results are on STS datasets (Pearson's $r \times 100$). } \end{table} \subsection{Quality Filtering} \label{sec:quality} We also consider filtering based on several measures of the ``quality'' of the back-translation: \begin{itemizesquish} \item {\bf Translation Cost}: We use the cost (negative log likelihood) of the translation from the NMT system, divided by the number of tokens in the translation. \item {\bf Language Model}: We train a separate language model for each language/data pair on 40,000 references that are separate from the 100,000 used for mining data. Due to the small data size, we train a 3-gram language model and use the KenLM toolkit~\cite{heafield2011kenlm}. \item {\bf Reference/Translation Classification}: We train binary classifiers to predict whether a given sentence is a reference or translation (described in Section~\ref{sec:classification}). We use the probability of being a reference as the score for filtering. \end{itemizesquish} For translation cost, we tune the upper bound of the cost over the range $[0.2, 1]$ using increments of 0.1. For the language model, we tune an upper bound on the perplexity of the translations among the set $\{25,50,75,100,150,200,\infty\}$. For the classifier, we tune the minimum probability of being a reference over the range $[0, 0.9]$ using increments of 0.1. \begin{table} \small \centering \begin{tabular} { | l || c | c |} \hline Filtering Method & \textsc{GRAN}\xspace & \textsc{Avg}\xspace \\ \hline None (Random) & 66.9 & 65.5 \\ \hline Translation Cost & 66.6 & 65.4\\ Language Model & 66.7 & 65.5\\ Reference Classification & 67.0 & 65.5\\ \hline \end{tabular} \caption{\label{table:qua-results-gan-wa} Quality filtering test results after tuning quality hyperparameters on development data (averaged over languages and data sources for the NMT rows). Results are on STS datasets (Pearson's $r \times 100$). } \end{table} Table~\ref{table:qua-results-gan-wa} shows average test results over all languages and datasets after tuning hyperparameters on our development data for each. The translation cost and language model are not helpful for filtering, as random selection outperforms them. Both methods are outperformed by the reference classifier, which slightly outperforms random selection when using the stronger \textsc{GRAN}\xspace model. We now discuss further how we trained the reference classifier and the data characteristics that it reveals. We did not experiment with quality filtering for SimpWiki\xspace since it is human-written text. \input{classification} \subsection{Diversity Filtering} \label{sec:diversity} \begin{table} \setlength{\tabcolsep}{4pt} \small \centering \begin{tabular} { | l | c | c | c | c |} \cline{2-5} \multicolumn{1}{c|}{} & \multicolumn{2}{c|}{NMT} & \multicolumn{2}{c|}{SimpWiki\xspace} \\ \hline Filtering Method & \textsc{GRAN}\xspace & \textsc{Avg}\xspace & \textsc{GRAN}\xspace & \textsc{Avg}\xspace \\ \hline Random & 66.9 & 65.5 & 67.2 & 65.8\\ \hline Unigram Overlap & 66.6 & 66.1 & 67.8 & 67.4 \\ Bigram Overlap & 67.0 & 65.5 & 68.0 & 67.2 \\ Trigram Overlap & 66.9 & 65.4 & 67.8 & 66.6 \\ BLEU Score & 67.1 & 65.3 & 67.5 & 66.5 \\ \hline \end{tabular} \caption{\label{table:diversity-results} Diversity filtering test results after tuning filtering hyperparameters on development data (averaged over languages and data sources for the NMT rows). Results are on STS datasets (Pearson's $r \times 100$). } \end{table} We consider several filtering criteria based on measures that encourage particular amounts of disparity between the reference and its back-translation: \begin{itemizesquish} \item {\bf $n$-gram Overlap}: Our $n$-gram overlap measures are calculated by counting $n$-grams of a given order in both the reference and translation, then dividing the number of shared $n$-grams by the total number of $n$-grams in the reference or translation, whichever has fewer. We use three $n$-gram overlap scores ($n\in\{1,2,3\}$). \item {\bf BLEU Score}: We use a smoothed sentence-level BLEU variant from \newcite{nakov-guzman-vogel:2012:PAPERS} that uses smoothing for all $n$-gram lengths and also smooths the brevity penalty. \end{itemizesquish} For both methods, the tunable hyperparameters are the upper and lower bounds for the above scores. We tune over the cross product of lower bounds $\{0,0.1,0.2,0.3\}$ and upper bounds $\{0.6,0.7,0.8,0.9,1.0\}$. Our intuition is that the best data will have some amount of $n$-gram overlap, but not too much. Too much $n$-gram overlap will lead to pairs that are not useful for learning. The results are shown in Table~\ref{table:diversity-results}, for both models and for both NMT and SimpWiki\xspace. We find that the diversity filtering methods lead to consistent improvements when training on SimpWiki\xspace. We believe this is because many of the sentence pairs in SimpWiki\xspace are near-duplicates and these filtering methods favor data with more differences. Diversity filtering can also help when selecting NMT data, though the differences are smaller. We do note that unigram overlap is the strongest filtering strategy for \textsc{Avg}\xspace. When looking at the threshold tuning, the best lower bounds are often 0 or 0.1 and the best upper bounds are typically 0.6-0.7, indicating that sentence pairs with a high degree of word overlap are not useful for training. We also find that the \textsc{GRAN}\xspace benefits more from filtering based on higher-order $n$-gram overlap than \textsc{Avg}\xspace. \subsection{Scaling Up} \label{sec:scaling} Unlike the SimpWiki\xspace data, which is naturally limited and only available for English, we can scale our approach. Since we use data on which the NMT systems were trained and perform back-translation, we can easily produce large training sets of paraphrastic sentence pairs for many languages and data domains, limited only by the availability of bitext. \begin{table} \small \centering \begin{tabular} { | l || c | c |} \hline Data & \textsc{GRAN}\xspace & \textsc{Avg}\xspace \\ \hline PPDB & 64.6 & 66.3\\ SimpWiki\xspace (100k/168k) & 67.4 & \bf 67.7 \\ \hline CC-CS (24k) & 66.8 & - \\ CC-DE (24k) & - & 66.6 \\ \hline CC-CS (100k) & \bf 68.5 & - \\ CC-DE (168k) & - & 67.6\\ \hline \end{tabular} \caption{\label{table:scalingup} Test results when using more training data. More data helps both \textsc{Avg}\xspace and \textsc{GRAN}\xspace, where both models get close to or surpass training on SimpWiki\xspace and comfortably surpass the PPDB baseline. The amount of training examples used is in parentheses. } \end{table} To test this, we took the tuned filtering approaches and language/data pairs (according to our development dataset only ), and trained them on more data. These were the CC-CS for \textsc{GRAN}\xspace and CC-DE for \textsc{Avg}\xspace models. We trained them with the same amount of sentence pairs from SimpWiki\xspace.\footnote{Since the CC-CS data was the smallest dataset used to train the CS NMT system (See Table~\ref{tbl:corp}) and limited, we only used 100,000 pairs for the \textsc{GRAN}\xspace experiment. For \textsc{Avg}\xspace, we used the full 167,689.} We also compare to PPDB XL, and since PPDB has fewer tokens per example, we use enough PPDB data so that it has at least as many tokens as the SimpWiki\xspace data used in the experiment.\footnote{This was 800,011 and 1,341,188 pairs in the \textsc{GRAN}\xspace and \textsc{Avg}\xspace respectively.} The results are shown in Table~\ref{table:scalingup}, where the NMT data surpasses SimpWiki\xspace, while both SimpWiki\xspace and the NMT data perform similarly for \textsc{Avg}\xspace. PPDB is soundly beaten by both data sources. Moreover, the CC-CS and CC-DE data have greatly improved their performance from training on just 24,000 examples from 66.77 and 66.61 respectively, providing more evidence that this approach does indeed scale. \subsection{Models} We wish to embed a word sequence $s$ into a fixed-length vector. We denote the $t$th word in $s$ as $s_t$, and we denote its word embedding by $x_t$. We focus on two models in this paper. The first model, which we call \textsc{Avg}\xspace, simply averages the embeddings $x_t$ of all words in $s$. The only parameters learned in this model are those in the word embeddings themselves, which are stored in the word embedding matrix $W_w$. This model was found by \newcite{wieting-16-full} to perform very strongly for semantic similarity tasks. The second model, the \textsc{gated recurrent averaging network}\xspace (\textsc{GRAN}\xspace)~\cite{wieting-17-full}, combines the benefits of \textsc{Avg}\xspace and long short-term memory (LSTM) recurrent neural networks~\cite{hochreiter1997long}. It first uses an LSTM to generate a hidden vector, $h_t$, for each word $s_t$ in $s$. Then $h_t$ is used to compute a gate that is elementwise-multiplied with $x_t$, resulting in a new hidden vector $a_t$ for each step $t$: \begin{equation} a_t = x_t\odot\sigma(W_xx_t + W_hh_t + b) \label{eq:gan} \end{equation} \noindent where $W_x$ and $W_h$ are parameter matrices, $b$ is a parameter vector, and $\sigma$ is the elementwise logistic sigmoid function. After all $a_t$ have been generated for a sentence, they are averaged to produce the embedding for that sentence. The \textsc{GRAN}\xspace reduces to \textsc{Avg}\xspace if the output of the gate is always 1. This model includes as learnable parameters those of the LSTM, the word embeddings, and the additional parameters in Eq.~\eqref{eq:gan}. We use $W_c$ to denote the ``compositional'' parameters, i.e., all parameters other than the word embeddings. \subsection{Training} We follow the training procedure of \newcite{wieting2015ppdb-short} and \newcite{wieting-16-full}. The training data is a set $S$ of paraphrastic pairs $\langle s_1, s_2\rangle$ and we optimize a margin-based loss: \begin{small} \begin{align} &\underset{W_c,W_w}{\text{min}} \frac{1}{|S|}\Bigg(\sum_{\langle s_1,s_2\rangle \in S} \max(0,\delta - \cos(g(s_1), g(s_2))\\ &+ \cos(g(s_1), g(t_1))) + \max(0,\delta - \cos(g(s_1),g(s_2))\\ &+ \cos(g(s_2), g(t_2)))\bigg) + \lambda_c\norm{W_c}^2 + \lambda_{w}\norm{W_{w_{\mathit{initial}}} - W_w}^2 \label{eq:obj} \end{align} \end{small} \noindent where $g$ is the model (\textsc{Avg}\xspace or \textsc{GRAN}\xspace), $\delta$ is the margin, $\lambda_{c}$ and $\lambda_{w}$ are regularization parameters, $W_{w_{\mathit{initial}}}$ is the initial word embedding matrix, and $t_1$ and $t_2$ are ``negative examples'' taken from a mini-batch during optimization. The intuition is that we want the two texts to be more similar to each other ($\cos(g(s_1), g(s_2))$) than either is to their respective negative examples $t_1$ and $t_2$, by a margin of at least $\delta$. To select $t_1$ and $t_2$, we choose the most similar sentence in some set (other than those in the given pair). For simplicity we use the mini-batch for this set, i.e., we choose $t_1$ for a given $\langle s_1, s_2\rangle$ as follows: \begin{equation} t_1 = \argmax_{t : \langle t, \cdot\rangle \in S_b \setminus \{\langle s_1, s_2\rangle\}} \cos(g(s_1), g(t)) \end{equation} \noindent where $S_b\subseteq S$ is the current mini-batch. That is, we want to choose a negative example $t_i$ that is similar to $s_i$ according to the current model. The downside is that we may occasionally choose a phrase $t_i$ that is actually a true paraphrase of $s_i$.
9a6083e79c4737418d36487c06749b12c9f8a409
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Diophantus of Alexandria raised the problem of finding four positive rational numbers $a_1, a_2, a_3, a_4$ such that $a_i a_j+1$ is a square of a rational number for each $i,j$ with $1\leq i< j\leq4$ and gave a solution $\{\frac{1}{16}, \frac{33}{16}, \frac{17}{4}, \frac{105}{16} \}$. The first example of such a set in the ring of integers was found by Fermat and it was the set $\{1, 3, 8, 120\}$. Replacing ``$+1$'' by ``$+n$'' suggests the following general definition: \begin{definition}\label{def_1} Let $n$ be a non-zero element of a commutative ring $R$. A {\it Diophantine m-tuple with the property} $D(n)$, or simply {\it a} $D(n)$-{\it m-tuple}, is a set of $m$ non-zero elements of $R$ such that if $a, b$ are any two distinct elements from this set, then $ab + n = k^2$, for some element $k$ in $R$. \end{definition} Let $p$ be an odd prime and $k$ a non-negative integer. We consider the Pellian equation \bee\label{eq1} x^2-(p^{2k+2}+1)y^2=-p^{2l+1}, \quad l \in \{0,1,\dots,k\}. \eee The existence of positive solutions of the above equation is closely related to the existence of a Diophantine quadruple in certain ring. More precisely, the entries in a Diophantine quadruple are strictly restricted in that they appear as coefficients of three generalized Pell equations that must have at least one common solution in positive integers. According to Definition~\ref{def_1}, we will look at the case $n = -1$. Research on $D(-1)$-quadruples is quite active. It is conjectured that $D(-1)$-quadruples do not exist in integers (see \cite{DujeFib}). Dujella, Filipin and Fuchs in \cite{DFF} proved that there are at most finitely many $D(-1)$-quadruples, by giving an upper bound of $10^{903}$ for their number. There is a vast literature on improving that bound (e.g., see \cite{FiFu1, BoCiMm,EsFiFu}). Very recently, in \cite{Trudg} Trudgian proved that there are at most $3.01\cdot 10^{60}$ $D(-1)$-quadruples. In \cite{BoBuCiMm}, it is announced that the bound can be reduced to $2.5 \cdot 10^{60}$. Concerning the imaginary quadratic fields, Dujella (see \cite{DujeGlas}) and Franu\v{s}i\'c (see \cite{Fran4}) considered the problem of existence of $D(-1)$-quadruples in Gaussian integers. Moreover, in \cite{FranKreso} Franu\v{s}i\'c and Kreso showed that the Diophantine pair $\{1,3\}$ cannot be extended to a Diophantine quintuple in the ring $\Z[\sqrt{-2}]$. Several authors contributed to the characterization of elements $z$ in $\Z[\sqrt{-2}]$ for which a Diophantine quadruple with the property $D(z)$ exists (see \cite{Abu,DujeSoldo,Soldo_Misc}). The problem of Diophantus for integers of the quadratic field $\Q(\sqrt{-3})$ was studied in \cite{FranSoldo}. In \cite{Soldo_Studia, Soldo_Malays}, Soldo studied the existence of $D(-1)$-quadruples of the form $\{1,b,c,d\}, b \in \{2,5,10,17,26,37,50\}$, in the ring $\Z[\sqrt{-t}], t>0$. The aim of the present paper is to obtain results about solvability of the equation~\eqref{eq1} in positive integers. Since we know that it is closely related to the existence of $D(-1)$-quadruples, we use obtained results to prove our results on the extensibility of some $D(-1)$-pairs to quadruples in the ring $\Z[\sqrt{-t}], t>0$. of integers in the quadratic field $\Q(\sqrt{-t})$. \section{Pellian equations} The goal of this section is to determine all solutions in positive integers of the equation~\eqref{eq1}, which is the crucial step in proving our results in the next section. For this purpose, we need the following result on Diophantine approximations. \begin{theorem}[{\cite{Worley,DujeTatra}}] \label{WoDu} Let $\alpha$ be a real number and let $a$ and $b$ be coprime non-zero integers, satisfying the inequality \be \left|\alpha-\frac{a}{b}\right| < \frac{c}{b^2}, \ee where $c$ is a positive real number. Then $(a, b) = (rp_{m+1} \pm up_m, rq_{m+1} \pm uq_m)$, for some $m \geq -1$ and non-negative integers $r$ and $u$ such that $ru < 2c$. Here $p_m/q_m$ denotes the $m$-th convergent of continued fraction expansion od $\alpha$. \end{theorem} If $\alpha=\frac{s+\sqrt{d}}{t}$ is a quadratic irrational, then the simple continued fraction expansion of $\alpha$ is periodic. This expansion can be obtained by using the following algorithm. Let $s_0 = s, t_0 = t$ and \bee\label{c_frac} a_n= \left\lfloor \frac{s_n+\sqrt{d}}{t_n} \right\rfloor, \quad s_{n+1}=a_n t_n - s_n, \quad t_{n+1}=\frac{d-s_{n+1}^2}{t_n}, \quad \mbox{for } n \geq 0 \eee (see \cite[Chapter 7.7]{Niven}). If $(s_j, t_j)=(s_k, t_k)$ for $j<k$, then \[ \alpha=[a_0, \dots, a_{j-1}, \overline{a_j, \dots, a_{k-1}}]. \] We will combine Theorem~\ref{WoDu} with the following lemma: \begin{lemma} [\text{\cite[Lemma 2]{DuBo}}]\label{lemaDB} Let $\alpha$, $\beta$ be positive integers such that $\alpha\beta$ is not a perfect square, and let $p_n/q_n$ denotes the $n$-th convergent of continued fraction expansion of $\sqrt{\frac{\alpha}{\beta}}$. Let the sequences $(s_n)$ and $(t_n)$ be defined by \eqref{c_frac} for the quadratic irrational $\frac{\sqrt{\alpha \beta}}{\beta}$. Then \be \alpha (r q_{n+1}+u q_n)^2 - \beta (r p_{n+1} + u p_n)^2 = (-1)^n (u^2 t_{n+1} + 2 r u s_{n+2} - r^2 t_{n+2}), \ee for any real numbers $r,u$. \end{lemma} The next lemma will be usefull, too. \begin{lemma}[\text{\cite[Lemma 2.3.]{Fujita}}]\label{Fujita} Let $N$ and $K$ be integers with $1<|N|\leq K$. Then the Pellian equation \[ X^2-(K^2+1)Y^2=N \] has no primitive solution. \end{lemma} The solution $(X_0, Y_0)$ is called primitive if $\gcd(X_0, Y_0)=1$. Now we formulate the main result of this section. \begin{theorem}\label{tm1} Let $p$ be an odd prime and $k$ a non-negative integer. The equation \bee\label{eq_nova} x^2-(p^{2k+2}+1)y^2=-p^{2l+1}, \quad l \in \{0,1,\dots, k\} \eee has no solutions in positive integers $x$ and $y$. \end{theorem} In proving Theorem~\ref{tm1}, we will apply the following technical lemma. \begin{lemma}\label{lema1} If $(x,y)$ is a solution of the equation \bee\label{eq_novak} x^2-(p^{2k+2}+1)y^2=-p^{2k+1}, \eee and $y\geq p^{\frac{2k+1}{2}}$, then the inequality \[ \sqrt{p^{2k+2}+1}+\frac{x}{y}>2p^{k+1} \] holds. \end{lemma} \noindent {\bf Proof}: From \eqref{eq_novak} we have \bee\label{eeq_1} \frac{x^2}{y^2}= p^{2k+2}-\frac{p^{2k+1}}{y^2}+1. \eee Thus we have to consider when the inequality \[ p^{2k+2}-\frac{p^{2k+1}}{y^2}+1 > \left(2p^{k+1} - \sqrt{p^{2k+2}+1}\right)^2 \] is satisfied. This inequality is equivalent to \bee\label{eq_novakk} \frac{p^k}{y^2}<4\left(\sqrt{p^{2k+2}+1}-p^{k+1}\right). \eee For $x>1$, the inequality $(1+\frac{1}{x})^\frac{1}{2} > 1 + \frac{1}{2x}-\frac{1}{8x^2}$ holds. Thus we have \be &&4\left(\sqrt{p^{2k+2}+1}-p^{k+1}\right)\\ &&\qquad = 4p^{k+1} \left( \left( 1+\frac{1}{p^{2k+2}}\right)^{\frac{1}{2}}-1\right)\\ &&\qquad> 4p^{k+1} \left( \frac{1}{2p^{2k+2}} - \frac{1}{8p^{4k+4}} \right)\\ &&\qquad > 4p^{k+1} \cdot \frac{1}{4p^{2k+2}}\\ &&\qquad = \frac{1}{p^{k+1}}. \ee Since $y\geq p^{\frac{2k+1}{2}}$, i.e. \[ \frac{1}{p^{k+1}} \geq \frac{p^k}{y^2}, \] we conclude that the inequality \eqref{eq_novakk} holds. \hfill $\Box$ \medskip \noindent {\bf Proof of Theorem~\ref{tm1}:} \noindent Case 1. Let $2l+1\leq k+1$, i.e., $l \leq \frac{k}{2}$. By Lemma~\ref{Fujita}, we know that the equation \eqref{eq_nova} has no primitive solutions. Assume that there exists a non-primitive solution $(x,y)$. Then $p|x$ and $p|y$, so there exist $0<i\leq l, x_1, y_1 \geq 0, \gcd(x_1,y_1)=1$ such that $x=p^i x_1, y=p^i y_1$. After dividing by $p^{2i}$ in \eqref{eq_nova}, we obtain \be\label{eq9} x_1^2-(p^{2k+2}+1)y_1^2=-p^{2l-2i+1}, \quad 0< 2l-2i+1 \leq k+1. \ee But such $x_1$, $y_1$ do not exist according to Lemma~\ref{Fujita}, so we obtained a contradiction. \noindent Case 2. Let $2l+1= 2k+1$, i.e., $l=k$. Let us suppose that there exists a solution $(x,y)$ of the equation \eqref{eq1} such that $y\geq p^{\frac{2k+1}{2}}$. Then by applying \eqref{eeq_1} we obtain \be |\sqrt{p^{2k+2}+1}-\frac{x}{y}| &=&|p^{2k+2}-\frac{x^2}{y^2}+1|\cdot|\sqrt{p^{2k+2}+1}+\frac{x}{y}|^{-1}\\ &=&\frac{p^{2k+1}}{y^2}\cdot|\sqrt{p^{2k+2}+1}+\frac{x}{y}|^{-1}. \ee Lemma~\ref{lema1} implies \bee\label{eqqq1} |\sqrt{p^{2k+2}+1}-\frac{x}{y}| < \frac{p^k}{2y^2}. \eee Assume that $x=p^t x_1, y=p^t y_1$, where $t, x_1, y_1$ are non-negative integers and $\gcd(x_1, y_1)=~1$. Now the equation \eqref{eq1} is equivalent to \bee\label{eqqq2} x_1^2-(p^{2k+2}+1)y_1^2=-p^{2k-2t+1}. \eee Since $y\geq y_1$, from \eqref{eqqq1} we obtain \be |\sqrt{p^{2k+2}+1}-\frac{x_1}{y_1}| < \frac{p^k}{2y_1^2}. \ee Now, Theorem~\ref{WoDu} implies that \bee \label{eqqq3} (x_1,y_1)= (rp_{m+1} \pm up_m, rq_{m+1} \pm uq_m), \eee for some $m \geq -1$ and non-negative integers $r$ and $u$ such that \bee\label{eq2} ru < p^k. \eee Since $x_1$ and $y_1$ are coprime, we have $\gcd(r,u)=1$. The terms $p_m/q_m$ are convergents of the continued fraction expansion of $\sqrt{p^{2k+2}+1}$. Since \[ \sqrt{p^{2k+2}+1} = [p^{k+1}, \overline{2p^{k+1}}], \] the period of that continued fraction expansion (and also of the corresponding sequences $(s_n)$ and $(t_n)$) is equal to 1, according to Lemma~\ref{lemaDB}, we have to consider only the case $m=0$. We obtain \bee\label{eq3} (p^{2k+2}+1)(rq_1 \pm uq_0)^2-(rp_1 \pm up_0)^2 = u^2 t_1 \pm 2ru s_2 - r^2 t_2, \eee where \[ s_2=p^{k+1}, \quad t_1=t_2=1, \quad p_0=p^{k+1}, p_1=2p^{2k+2}+1, \quad q_0=1, q_1=2p^{k+1}. \] Since the observation is similar in both signs, in what follows our focus will be to the positive sign. By comparing \eqref{eqqq2} and \eqref{eq3}, we obtain the equation \bee\label{eq4} u^2-r^2 + 2ru p^{k+1} = p^{2k-2t+1}. \eee Now, we consider the solvability of \eqref{eq4}. If $r=0$, then $u^2=p^{2k-2t+1}$, and so $p$ has to be a square, which is not possible. If $u=0$, we obtain $-r^2=p^{2k-2t+1}$, and that is not possible, too. If $r=u$, we have $p^{k-2t}=2r^2$. Since $p$ is an odd prime, that is not possible. Let $r \neq u, r,u\neq 0$. If $t<\frac{k}{2}$, then from \eqref{eq4} we conclude that $p^{k+1}|u^2-r^2$. If $p|u+r$ and $p|u-r$, then $p|2\gcd(r,u)$, i.e., $p|2$ which is not possible. Therefore, $p^{k+1}$ divides exactly one of the numbers $u+r$ and $u-r$. In both cases, it follows that $u+r\geq p^{k+1}$. That implies \[ ur\geq u+r-1>p^k, \] which is a contradiction with \eqref{eq2}. Now, let us suppose that $t\geq\frac{k}{2}$. Since the equation \eqref{eq1} is equivalent to \eqref{eqqq2} and $0<2k-2t+1\leq k+1$, by Case 1 it has no solutions. It remains to consider the case $y<p^{\frac{2k+1}{2}}$. Assume that there exists a solution of the equation \eqref{eq1} with this property. In that case we can generate increasing sequence of infinitely many solutions of the equation \eqref{eq1}. Therefore, a solution $(x,y)$ such that $y\geq p^{\frac{2k+1}{2}}$ will appear. This contradicts with the first part of the proof of this case. \noindent Case 3. Let $k+1 < 2l+1 < 2k+1$, i.e., $\frac{k}{2}<l<k$. In this case, if we suppose that the equation \eqref{eq_nova} has a solution, then multiplying that solution by $p^{k-l}$ we obtain the solution of the equation \[ x^2-(p^{2k+2}+1)y^2=-p^{2k+1}, \] which is not solvable by Case 2. That is the contradiction, and this completes the proof of Theorem~\ref{tm1}. \hfill $\Box$ \begin{proposition} Let $p=2$. \begin{itemize} \item[i)] If $k\equiv 0\pmod 2$, then the equation \eqref{eq_nova} has no solutions. \item[ii)] If $k\equiv 1\pmod 2$, then in case of $l>\frac{k}{2}$ the equation \eqref{eq_nova} has a solution, and in case of $l\leq \frac{k}{2}$ it has no solutions. \end{itemize} \end{proposition} \noindent {\bf Proof}: i) If $k\equiv 0\pmod 2$, then the equation \eqref{eq_nova} is not solvable modulo 5. \noindent ii) Let $k\equiv 1\pmod 2$. If $l>\frac{k}{2}$, the equation \eqref{eq_nova} has the solution of the form \[ (x,y)=(2^{\frac{2l-k-1}{2}}(2^{k+1}-1), 2^{\frac{2l-k-1}{2}}), \] and therefore infinitely many solutions. If $l\leq \frac{k}{2}$, then $2l+1\leq k+1$ and we can proceed as in Case 1 of Theorem~\ref{tm1} and conclude that the equation \eqref{eq_nova} has no solutions. \hfill $\Box$ \section{Application to $D(-1)$-triples} By using results from the previous section and known results on Diophantine $m$-tuples, in this section we present the results on extensibility of certain Diophantine pairs to quadruples, in the ring $\Z[\sqrt{-t}], t>0$. The following result is proved in \cite{Soldo_Malays}: \begin{theorem}[\text{\cite[Theorem 2.2]{Soldo_Malays}}]\label{tm2.2} Let $t>0$ and $\{1,b,c\}$ be $D(-1)$-triple in the ring $\Z[\sqrt{-t}]$. \begin{itemize} \item[$($i$)$] If $b$ is a prime, then $c\in \Z$. \item[$($ii$)$] If $b=2 b_1$, where $b_1$ is a prime, then $c\in \Z$. \item[$($iii$)$] If $b=2 b_2^2$, where $b_2$ is a prime, then $c\in \Z$. \end{itemize} \end{theorem} \begin{remark}\label{rem_2} In the proof of \cite[Theorem 2.2]{Soldo_Malays}, it was shown that for every $t$ there exists such $c>0$, while the case $c<0$ is possible only if $t|b-1$ and the equation \bee \label{eq7} x^2-b y^2=\frac{1-b}{t} \eee has an integer solution. \end{remark} Let $p$ be an odd prime and $b=2p^k, k\in \mathbb{N}$. We consider the extendibility of $D(-1)$-triples of the form $\{1,b,c\}$ to quadruples in the ring $\Z[\sqrt{-t}], t>0$. How complex that problem can be, depends on the number of divisors $t$ of $b-1$. As $b$ grows, we can expect the larger set of $t$'s, and for each $t$ we have to consider whether there exists a solution of the equation~\eqref{eq7}. If it is true, then the problem is reduced to solving the systems of simultaneous Pellian equations. A variety of different methods have been used to study such kind of problems, including linear forms in logarithms, elliptic curves, theory around Pell's equation, elementary methods, separating the problem into several subproblems depending on the size of parameters, etc. A sursey on that subject is given in \cite{DujeNotice}. Therefore, since $b-1=2p^k-1$ has to be a square, to reduce the number of $t$'s, we consider the equation of the form \bee\label{eq_opca} 2p^k-1=q^{2j}, \quad j>0, \eee where $q$ is an odd prime. According to \cite[Lemma 2.9]{Koso}, if $k>1$ the equation \eqref{eq_opca} has solutions only for $(k,j)\in\{(2,1),(4,1)\}$. If $(k,j)=(2,1)$, we obtain the Pellian equation in primes. So far known prime solutions are $ (p,q) \in \{(5,7), (29,41),(44560482149, 63018038201),\\ (13558774610046711780701,19175002942688032928599)\} $ (see \cite{Web_primes}). If $(k,j)=(4,1)$, the only solution is $(p,q)=(13,239)$. Let $k=1$. Supose that $j=mn$, where $n$ is an odd number. Then we have \[ 2p=q^{2j}+1=q^{2mn}+1=(q^{2m}+1)((q^{2m})^{n-1} -(q^{2m})^{n-2}+\dots-q^{2m}+1). \] Since $q$ is an odd prime, we conclude that $q^{2m}+1=2p=q^{2mn}+1$. This implies that $n=1$. This means that the only possibility for $2p=q^{2j}+1$ is that $j$ is a non-negative power of $2$. Note that in all possible cases of $k$, i.e. $k=1,2,4$, the number $2p^k$ can be written in the form $2p^k=q^{2^l}+1, l>0$. Moreover, in the case $k=4$, we can state the result analog to Theorem~\ref{tm2.2}: \begin{theorem}\label{tm2.2_s4} Let $t>0$ and $\{1,b,c\}$ be $D(-1)$-triple in the ring $\Z[\sqrt{-t}]$. If $b=2 p^4$, where $p$ is an odd prime, then $c\in \Z$. \end{theorem} The proof of Theorem~\ref{tm2.2_s4} follows the same steps as the proof of Theorem~\ref{tm2.2}(ii), (iii), so we will omit it. \begin{remark}\label{rem_21} The statement of Remark 2 is valid in the case of Theorem \ref{tm2.2_s4}, too. \end{remark} In proving results of this section we will use the following result of Filipin, Fujita and Mignotte from \cite{FiFuMi} on $D(-1)$-quadruples in integers. \begin{lemma} [\text{\cite[Corollary 1.3]{FiFuMi}}]\label{lema_FiFuMi} Let $r$ be a positive integer and let $b=r^2+1$. Assume that one of the following holds for any odd prime $p$ and a positive integer $k$: \be b=p, \quad b=2p^k, \quad r=p^k, \quad r= 2p^k. \ee Then the system of Diophantine equations \be y^2-bx^2&=&r^2,\\ z^2-cx^2&=&s^2 \ee has only the trivial solutions $(x,y,z)=(0,\pm r,\pm s)$, where $s$ is such that $(t,s)$ is a positive solution of $t^2-b s^2=r^2$ and $c=s^2+1$. Furthermore, the $D(-1)$-pair $\{1,b\}$ cannot be extended to a $D(-1)$-quadruple. \end{lemma} First we prove the following result. \begin{theorem}\label{tm(ii)_1} If $p$ is an odd prime and $t \equiv 0 \pmod 2$, then there does not exists a $D(-1)$-quadruple of the form $\{1,2p^k,c,d\}$ in $\Z[\sqrt{-t}]$. \end{theorem} \noindent \pf Let $t \equiv 0 \pmod 2$. We have that $t\nmid 2p^k-1$. Therefore, if we suppose that $\{1,2p^k,c,d\}$ is a $D(-1)$-quadruple in $\Z[\sqrt{-t}]$, then according to Remark~\ref{rem_2} and \ref{rem_21} we obtain $c,d \in \N$. This means that there exist integers $x_1,y_1,u_1,v_1,w_1$, such that \be c-1=x_1^2, d-1=y_1^2, 2p^kc-1=u_1^2, 2p^kd-1=v_1^2, cd-1=w_1^2, \ee or at least one of $c-1, d-1, 2p^kc-1, 2p^kd-1, cd-1$ is equal to $-tw_2^2$, for an integer $w_2$. The first possibility leads to contradiction with Lemma~\ref{lema_FiFuMi}, i.e., a $D(-1)$-pair $\{1,2p^k\}$, cannot be extended to a $D(-1)$-quadruple in integers, while the second one contradicts to $c,d \in \N$. \hfill $\Box$ In what follows, our main goal is to obtain some results for odd $t$'s. Thus, let us consider the case of $t \equiv 1 \pmod 2$. We have the following result: \begin{theorem}\label{tm(ii)_2_novi} Let $2p^k=q^{2^l}+1, l>0$, where $p$ and $q$ are odd primes. \begin{itemize} \item[$($i$)$] If $t\in\{1,q^2, \dots, q^{2^l-2}, q^{2^l}\}$, then there exist infinitely many $D(-1)$-quad\-ruples of the form $\{1,2p^k,-c,d\}$, $c,d>0$ in $\Z[\sqrt{-t}]$. \item[$($ii$)$] If $t\in\{q,q^3, \dots,q^{2^l-3}, q^{2^l-1}\}$, then there does not exists a $D(-1)$-quadruple of the form $\{1,2p^k,c,d\}$ in $\Z[\sqrt{-t}]$. \end{itemize} \end{theorem} Before we start with proving Theorem~\ref{tm(ii)_2_novi}, we recall the following result. \begin{lemma}[\textnormal{\cite[Lemma 3]{DujeCambridge}}] \label{lemma2_cet} If $\{a,b,c\}$ is a Diophantine triple with the property $D(l)$ and $ab+l=r^2$, $ac+l=s^2$, $bc+l=t^2$, then there exist integers $e,x,y,z$ such that \[ ae+l^2=x^2, be+l^2=y^2, ce+l^2=z^2 \] and \[ c=a+b+\frac{e}{l}+\frac{2}{l^2}(abe+rxy). \] \end{lemma} Moreover, $e=l(a+b+c)+2abc-2rst$, $x=at-rs$, $y=bs-rt$, $z=cr-st$. To prove the next proposition, which will be used in proving Theorem~\ref{tm(ii)_2_novi}, we will use Lemma~\ref{lemma2_cet} for $l=-1$. \begin{proposition}\label{prop2_6} Let $m,n>0$ and $b=n^{2}+1$. If $m|n$ and $t\in\{1,m^2, n^{2}\}$, then there exist infinitely many $D(-1)$-quadruples of the form $\{1,b,-c,d\}$, $c,d>0$ in $\Z[\sqrt{-t}]$. \end{proposition} \noindent {\bf Proof}: Since $\Z[n i]$ is a subring of $\Z[m i]$, it suffices to prove the statement for $t=n^{2}$. Thus, suppose that there exist $x,y\in \Z$ such that \be -c-1&=&-n^{2} x^2=(n xi)^2,\\ -bc-1&=&-n^{2} y^2=(n yi)^2. \ee Eliminating $c$, we obtain Pellian equation \bee y^2-(n^{2}+1)x^2=-1. \label{eq_Z[2i]} \eee All positive solutions of the equation \eqref{eq_Z[2i]} are given by \be x=x_j &=& \frac{\sqrt{n^{2}+1}}{2 (n^{2}+1)}\left((n +\sqrt{n^{2}+1})^{2j-1} - (n -\sqrt{n^{2}+1})^{2j-1}\right),\\ y=y_j &=& \frac{1}{2}\left((n +\sqrt{n^{2}+1})^{2j-1} + (n -\sqrt{n^{2}+1})^{2j-1}\right), \quad j \in \N. \ee Therefore, for any $j \in \N$ and $ c=c_j=n^{2} x_j^2-1, $ the set $\{1,b,-c\}$ is a $D(-1)$-triple in $\Z[\sqrt{-t}]$. If we apply Lemma~\ref{lemma2_cet} on that triple, we obtain positive integers \be d_{+,-}&=&\pm 2 n^{3} x_j y_j +(2n^{2}+1)c + n^{2} + 2, \ee such that \be d_{+,-}-1&=&\left(n^{2} x_j \pm n y_j\right)^2,\\ b d_{+,-}-1 &=&\left(n(n^{2}+1) x_j \pm n^{2} y_j\right)^2,\\ -c d_{+,-}-1&=&\left(n c i \pm n^{2} x_j y_j i\right)^2. \ee Thus the sets $\{1,b,-c,d_+\}, \{1,b,-c,d_-\}$ are $D(-1)$-quadruples in $\Z[\sqrt{-t}]$. \hfill $\Box$ Now, we are able to prove Theorem~\ref{tm(ii)_2_novi}. \medskip \noindent {\bf Proof of Theorem~\ref{tm(ii)_2_novi}:} \noindent Let $l\geq 0$. i) Suppose that $t \in \{1, q^2, \dots, q^{2^l-2}, q^{2^l}\}$. By Proposition~\ref{prop2_6} there exists infinitely many $D(-1)$-quadruples of the form $\{1,2p^k,-c,d\}$, $c,d>0$ in $\Z[\sqrt{-t}]$. ii) Let us assume that $t\in\{q,q^3, \dots,q^{2^l-3}, q^{2^l-1}\}$. In this case, the equation \eqref{eq7} is equivalent to \bee\label{eq8} x^2-(q^{2^l}+1) y^2=-q^s, \eee where $s$ is an odd integer and $0<s\leq 2^l-1$. Theorem~\ref{tm1} implies that the equation \eqref{eq8} has no integer solutions. Therefore, if $\{1,2p^k,c,d\}$ is $D(-1)$-quadruple in $\Z[\sqrt{-t}]$, then $c,d>0$. By the same argumentation as in Theorem~\ref{tm(ii)_1} we conclude that such quadruple does not exist. \hfill $\Box$
5a5fd122e4edc18a7440c8bfe901f14cecc1e1d7
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The discovery of accelerated expansion of the universe by two astrophysical groups in 1998 \cite{Riess, Perlmutter} has pushed the cosmological constant problem to the forefront of research in modern theoretical physics. This discovery was achieved by measuring the apparent luminosity of distant supernovae. Their dimness implies that the accelerated expansion of the universe has recently (according to the cosmological standard) started and it turns out to be compatible with a very small, positive cosmological constant and be inconsistent with the vanishing cosmological constant. For a long time before its discovery, most of theoretical physicists have unsuccessfully attempted to construct a theory which explains why the cosmological constant, or equivalently, the vacuum energy density, vanishes precisely by some still-unknown dynamical mechanism or symmetry. However, after the discovery, this situation has completely changed and we are now facing a more complicated problem, that is, we have to account for not only why the cosmological constant in the universe is not exactly zero but very tiny, but also why the present size of the cosmological constant is of the same order of magnitude as the energy density of ordinary matters. Trying to find a solution to the cosmological constant problem, there is an important no-go theorem by Weinberg based on classical physics \cite{Weinberg}, which states that no local field equations including classical gravity can have a flat Minkowski space-time as classical solutions for generic values of parameters, or to put differently, any solution to the cosmological constant problem cannot be obtained without fine-tuning within the local field theories including gravity. Thus, to bypass this no-go theorem, it seems to be unavoidable to turn our attention to some kinds of nonlocal field theories. Recently, there has appeared such a nonlocal approach to the cosmological constant problem by Carroll and Remmen \cite{Carroll} where a nonlocal constraint equation such that the total action is vanishing was imposed in order to evade the Weinberg theorem. However, this nonlocal approach is somewhat ad hoc and phenomenological in that the nonlocal constraint equation is derived from the variation with respect to a mere constant number. More recently, to remedy this defect, we have constructed a manifestly local formulation to the nonlocal approach by Carroll and Remmen \cite{Oda0}. In our local formulation, the same constraint equation as that of Carroll and Remmen can be obtained in terms of a local Lagrange multiplier field by adding an additional topological term in the action. In both the formulations, however, only the classical analysis has been done, so it is the main purpose in this article that we wish to shed light on quatum aspects of this nonlocal approach. In particular, we would like to check whether or not the effective cosmological constant obtained in our previous work \cite{Oda0}, which is truly a cosmological constant controlling the Friedmann equation etc., is stable under quantum effects of matter fields, and in addition to it, clarify the physical meaning of the effective cosmological constant at the quantum level. Before doing that, it is worthwhile to comment on some quantum aspects of the cosmological constant problem which are relevant to the study at hand. Let us recall that fundamentally, the cosmological constant problem amounts to a clash between particle physics which sources the vacuum energy density through quantum effects and gravity which responds to it classically. To describe this physical situation more accurately, we might need a theory of quantum gravity, but it should be noticed that quantum gravity would be in general needed to describe physics around the Planck mass scale $10^{19} GeV$ or curvature radii smaller than the Planck length $10^{-33} cm$. Hence, in considering the cosmological constant problem, it is not always necessary to take into consideration such extreme regimes, and the cosmological constant problem already arises well inside the regime of validity of both classical gravity and quatum field theory, in other words, inside the semiclassical regime. Accordingly, in this article, while matter fields are treated quantum mechanically, gravity is treated classically. An important problem associated with the cosmological constant problem is that quantum effects coming from fluctuations of matter fields could render the size of the cosmological constant infinite in the limit of the infinite cutoff since the cosmological constant would receive a contribution of order $\Lambda_{cutoff}^4$ in the absence of fine-tuning and some symmetry when we use the ultraviolet cutoff $\Lambda_{cutoff}$ as the regularization procedure. Then, the cosmological constant problem becomes a hierarchy problem of explaining the large discrepancy between the observed low value of the vacuum energy density and the theoretical large value of it. In this article, by the explicit calculation, we wish to verify how the effective cosmological constant receives corrections when quantum effects of matter fields are added. This paper is organised as follows: In Section 2, we review a manifestly local and generally coordinate invariant formulation which reduces to the action by Carroll and Remmen up to the higher-derivative curvature terms. In Section 3, we derive all the equations of motion and show that the space-time average of the gravitational field equations produces very similar equations to those obtained Carroll et al. In Section 4, we evaluate the effective cosmological constant when quantum effects of matter fields are added, and see that we need the fine-tuning of the cosmological constant at the one-loop level, which means the instability against radiative corrections. In Section 5, we propose a new geometrical model and show that this new model is free of the radiative instability problem and provide us with a new perspective to the cosmological constant problem. The final section is devoted to discussions. \section{Review of manifestly local formulation} In this section we wish to not only review a manifestly local and generally coordinate invariant formulation \cite{Oda0} for a nonlocal approach to the cosmological constant problem by Carroll and Remmen \cite{Carroll}, but also slightly generalize it by including higher-derivative curvature terms which are needed for renormalization. Since we would like to preserve the main feature of the original work by Carroll et al. \cite{Carroll}, the sector which we add should not gravitate directly. The unique and nontrivial possibility would be to add a topological term to the Carroll and Remmen action \cite{Oda0}. \footnote{The idea to follow has been already suggested in the gauge invariant formulation of unimodular gravity \cite{Einstein, Weinberg} by Henneaux and Teitelboim \cite{Henneaux}. This idea has been also used to construct topological induced gravity \cite{Oda1, Oda2, Oda3} and a manifestly local, diffeomorphism invariant and locally Poincar\'e invariant formulation \cite{Kaloper2} of vacuum energy sequestering \cite{Kaloper1, Kaloper3}. } A manifestly local and generally coordinate invariant action for the Carroll-Remmen approach \cite{Carroll} has been already proposed in \cite{Oda0} \footnote{We follow notation and conventions of the textbook by Misner et al \cite{MTW}.} \begin{eqnarray} S = S_{CR} + S_{Top}, \label{Our Action} \end{eqnarray} where each action in the right hand side (RHS) is defined as follows: \footnote{The last boundary term is included to obtain stationary action under variations that leave the field strength $F_{\mu\nu\rho\sigma}$ fixed on the boundary \cite{Duncan}.} \begin{eqnarray} S_{CR} &=& \int d^4 x \sqrt{- g} \ \eta(x) \Biggl[ \frac{1}{16 \pi G_b} ( R - 2 \Lambda_b ) + k_{1b} R^2 + k_{2b} R_{\mu\nu}^2 + k_{3b} R_{\mu\nu\rho\sigma}^2 \nonumber\\ &+& {\cal{L}}_{mb} - \frac{1}{2} \cdot \frac{1}{4!} F_{\mu\nu\rho\sigma}^2 + \frac{1}{6} \nabla_\mu ( F^{\mu\nu\rho\sigma} A_{\nu\rho\sigma} ) \Biggr], \label{CR Action} \end{eqnarray} and \begin{eqnarray} S_{Top} = \int d^4 x \ \frac{1}{4!} \ \mathring{\varepsilon}^{\mu\nu\rho\sigma} \eta(x) H_{\mu\nu\rho\sigma}. \label{Top Action} \end{eqnarray} In the above, we have introduced various quantities: $g$ is the determinant of the metric tensor, $g = \det g_{\mu\nu}$, and $R$ denotes the scalar curvature. $\eta(x)$ is a scalar field, which reduces to the constant Lagrange multiplier parameter of Carroll et al. after taking a classical solution. $G_b$, $\Lambda_b$, and $ {\cal{L}}_{mb}$ are the bare Newton's constant, the bare cosmological constant and the bare Lagrangian density for generic matter fields, respectively, and $k_{ib} (i = 1, 2, 3)$ are bare coefficients in front of the higher-derivative curvature terms. Moreover, $F_{\mu\nu\rho\sigma}$ and $ H_{\mu\nu\rho\sigma}$ are respectively the field strengths for two 3-form gauge fields $A_{\mu\nu\rho}$ and $B_{\mu\nu\rho}$ \begin{eqnarray} F_{\mu\nu\rho\sigma} = 4 \partial_{[\mu} A_{\nu\rho\sigma]}, \qquad H_{\mu\nu\rho\sigma} = 4 \partial_{[\mu} B_{\nu\rho\sigma]}, \label{4-forms} \end{eqnarray} where the square brackets denote antisymmetrization of enclosed indices. Finally, $\mathring{\varepsilon}^{\mu\nu\rho\sigma}$ and $\mathring{\varepsilon}_{\mu\nu\rho\sigma}$ are the Levi-Civita tensor density defined as \begin{eqnarray} \mathring{\varepsilon}^{0123} = + 1, \qquad \mathring{\varepsilon}_{0123} = - 1, \label{Levi} \end{eqnarray} and they are related to the totally antisymmetric tensors $\varepsilon^{\mu\nu\rho\sigma}$ and $\varepsilon_{\mu\nu\rho\sigma}$ via relations \begin{eqnarray} \varepsilon^{\mu\nu\rho\sigma} = \frac{1}{\sqrt{-g}} \mathring{\varepsilon}^{\mu\nu\rho\sigma}, \qquad \varepsilon_{\mu\nu\rho\sigma} = \sqrt{-g} \mathring{\varepsilon}_{\mu\nu\rho\sigma}. \label{Levi-tensor} \end{eqnarray} Also note that the Levi-Civita tensor density satisfies the following equations: \begin{eqnarray} \mathring{\varepsilon}^{\mu\nu\rho\sigma} \mathring{\varepsilon}_{\alpha\beta\rho\sigma} = - 2 ( \delta_\alpha^\mu \delta_\beta^\nu - \delta_\alpha^\nu \delta_\beta^\mu ), \qquad \mathring{\varepsilon}^{\mu\nu\rho\sigma} \mathring{\varepsilon}_{\alpha\nu\rho\sigma} = - 3! \delta_\alpha^\mu, \qquad \mathring{\varepsilon}^{\mu\nu\rho\sigma} \mathring{\varepsilon}_{\mu\nu\rho\sigma} = - 4!. \label{e-identity} \end{eqnarray} We will now show that our action becomes equivalent to that of Carroll et al. up to the higher-derivative terms. For this purpose, let us take the variation with respect to the 3-form $B_{\mu\nu\rho}$, which gives us the equations for a scalar field $\eta(x)$ \begin{eqnarray} \mathring{\varepsilon}^{\mu\nu\rho\sigma} \partial_\sigma \eta(x) = 0, \label{eta-eq} \end{eqnarray} from which we have a classical solution for $\eta(x)$ \begin{eqnarray} \eta(x) = \eta, \label{eta-sol} \end{eqnarray} where $\eta$ is a certain constant. Substituting this solution into the starting action (\ref{Our Action}), we arrive at the action proposed by Carroll et al. up to the higher-derivative terms to solve the cosmological constant problem \cite{Carroll}: \begin{eqnarray} S &=& \eta \int d^4 x \sqrt{- g} \ \Biggl[ \frac{1}{16 \pi G_b} ( R - 2 \Lambda_b ) + k_{1b} R^2 + k_{2b} R_{\mu\nu}^2 + k_{3b} R_{\mu\nu\rho\sigma}^2 \nonumber\\ &+& {\cal{L}}_{mb} - \frac{1}{2} \cdot \frac{1}{4!} F_{\mu\nu\rho\sigma}^2 + \frac{1}{6} \nabla_\mu ( F^{\mu\nu\rho\sigma} A_{\nu\rho\sigma} ) \Biggr]. \label{Original CR Action} \end{eqnarray} Note that with Eq. (\ref{eta-sol}), the topological term $S_{Top}$ becomes a surface term, which is ignored in this derivation. \section{Equations of motion} Let us derive all the equations of motion from the action (\ref{Our Action}) which are completely local. Now the variation of the action (\ref{Our Action}) with respect to the scalar field $\eta(x)$ provides us with the vanishing total Lagrangian density \begin{eqnarray} &{}& \sqrt{- g} \Biggl[ \frac{1}{16 \pi G_b} ( R - 2 \Lambda_b ) + k_{1b} R^2 + k_{2b} R_{\mu\nu}^2 + k_{3b} R_{\mu\nu\rho\sigma}^2 + {\cal{L}}_{mb} \nonumber\\ &-& \frac{1}{2} \cdot \frac{1}{4!} F_{\mu\nu\rho\sigma}^2 + \frac{1}{6} \nabla_\mu ( F^{\mu\nu\rho\sigma} A_{\nu\rho\sigma} ) \Biggr] + \frac{1}{4!} \ \mathring{\varepsilon}^{\mu\nu\rho\sigma} H_{\mu\nu\rho\sigma} = 0. \label{Zero-Lagr} \end{eqnarray} Next, we set $H_{\mu\nu\rho\sigma}$ to be \begin{eqnarray} H_{\mu\nu\rho\sigma} = c(x) \varepsilon_{\mu\nu\rho\sigma} = c(x) \sqrt{-g} \mathring{\varepsilon}_{\mu\nu\rho\sigma}, \label{H} \end{eqnarray} where $c(x)$ is some scalar function. Then, using the last equation in Eq. (\ref{e-identity}), Eq. (\ref{Zero-Lagr}) can be rewritten as \begin{eqnarray} &{}& \frac{1}{16 \pi G_b} \left[ R - 2 \Lambda_b (x) \right] + k_{1b} R^2 + k_{2b} R_{\mu\nu}^2 + k_{3b} R_{\mu\nu\rho\sigma}^2 + {\cal{L}}_{mb} \nonumber\\ &-& \frac{1}{2} \cdot \frac{1}{4!} F_{\mu\nu\rho\sigma}^2 + \frac{1}{6} \nabla_\mu ( F^{\mu\nu\rho\sigma} A_{\nu\rho\sigma} ) = 0, \label{Zero-Lagr 2} \end{eqnarray} where we have defined \begin{eqnarray} \Lambda_b (x) = \Lambda_b + 8 \pi G_b c(x). \label{Lambda(x)} \end{eqnarray} The equations of motion for the 3-form $A_{\mu\nu\rho}$ take the form \begin{eqnarray} \nabla^\mu F_{\mu\nu\rho\sigma} = 0. \label{A-eq} \end{eqnarray} As in $H_{\mu\nu\rho\sigma}$, if we set \begin{eqnarray} F_{\mu\nu\rho\sigma} = \theta(x) \varepsilon_{\mu\nu\rho\sigma}, \label{F} \end{eqnarray} with $\theta(x)$ being a scalar function, Eq. (\ref{A-eq}) requires $\theta(x)$ to be a constant \begin{eqnarray} \theta(x) = \theta, \label{Theta} \end{eqnarray} where $\theta$ is a constant. Using this fact, Eq. (\ref{Zero-Lagr 2}) is further simplified to be \begin{eqnarray} \frac{1}{16 \pi G_b} \left[ R - 2 \Lambda_b (x) \right] + k_{1b} R^2 + k_{2b} R_{\mu\nu}^2 + k_{3b} R_{\mu\nu\rho\sigma}^2 + {\cal{L}}_{mb} - \frac{1}{2} \theta^2 = 0. \label{R-eq} \end{eqnarray} Next, under the condition of Eq. (\ref{eta-sol}), it is tedious but straightforward to derive the gravitational field equations by taking the metric variation: \begin{eqnarray} &{}& \frac{1}{16 \pi G_b} \left( G_{\mu\nu} + \Lambda_b g_{\mu\nu} \right) + k_{1b} {}^{(1)} H_{\mu\nu} + k_{2b} {}^{(2)} H_{\mu\nu} + k_{3b} {}^{(3)} H_{\mu\nu} - \frac{1}{2} T_{\mu\nu} \nonumber\\ &+& \frac{1}{4} \cdot \frac{1}{4!} g_{\mu\nu} F_{\alpha\beta\gamma\delta}^2 - \frac{1}{12} F_{\mu\alpha\beta\gamma} F_\nu \,^{\alpha\beta\gamma} = 0, \label{Eins-eq 1} \end{eqnarray} where $G_{\mu\nu} = R_{\mu\nu} - \frac{1}{2} g_{\mu\nu} R$ is the well-known Einstein tensor and the energy-momentum tensor is defined by $T_{\mu\nu} = - \frac{2}{\sqrt{-g}} \frac{\delta (\sqrt{-g} {\cal{L}}_{mb})} {\delta g^{\mu\nu}}$ as usual. Furthermore, the quantities ${}^{(i)} H_{\mu\nu} (i = 1, 2, 3)$ are defined in general $n$ space-time dimensions as \begin{eqnarray} {}^{(1)} H_{\mu\nu} &=& \frac{1}{\sqrt{-g}} \frac{\delta}{\delta g^{\mu\nu}} \int d^n x \sqrt{-g} R^2 \nonumber\\ &=& -2 \nabla_\mu \nabla_\nu R + 2 g_{\mu\nu} \Box R - \frac{1}{2} g_{\mu\nu} R^2 + 2 R R_{\mu\nu}, \nonumber\\ {}^{(2)} H_{\mu\nu} &=& \frac{1}{\sqrt{-g}} \frac{\delta}{\delta g^{\mu\nu}} \int d^n x \sqrt{-g} R_{\alpha\beta}^2 \nonumber\\ &=& -2 \nabla_\rho \nabla_\mu R_\nu \, ^\rho + \Box R_{\mu\nu} + \frac{1}{2} g_{\mu\nu} \Box R + 2 R_{\mu\rho} R_\nu \, ^\rho - \frac{1}{2} g_{\mu\nu} R_{\alpha\beta}^2, \nonumber\\ {}^{(3)} H_{\mu\nu} &=& \frac{1}{\sqrt{-g}} \frac{\delta}{\delta g^{\mu\nu}} \int d^n x \sqrt{-g} R_{\alpha\beta\gamma\delta}^2 \nonumber\\ &=& - \frac{1}{2} g_{\mu\nu} R_{\alpha\beta\gamma\delta}^2 + 2 R_{\mu\alpha\beta\gamma} R_\nu \, ^{\alpha\beta\gamma} + 4 \Box R_{\mu\nu} - 2 \nabla_\mu \nabla_\nu R - 4 R_{\mu\alpha} R^\alpha \, _\nu \nonumber\\ &+& 4 R^{\alpha\beta} R_{\alpha\mu\beta\nu}, \label{Def H} \end{eqnarray} where $\Box$ is a covariant d'Alembertian operator $\Box = g^{\mu\nu} \nabla_\mu \nabla_\nu$. Note that in four space-time dimensions, \begin{eqnarray} \int d^4 x \sqrt{-g} E \equiv \int d^4 x \sqrt{-g} ( R_{\alpha\beta\gamma\delta}^2 - 4 R_{\alpha\beta}^2 + R^2 ), \label{Euler} \end{eqnarray} is a topological invariant called the Euler number, from which we have an identitiy \begin{eqnarray} {}^{(3)} H_{\mu\nu} = - {}^{(1)} H_{\mu\nu} + 4 {}^{(2)} H_{\mu\nu}, \label{H-identity} \end{eqnarray} so we could further simplify Eq. (\ref{Eins-eq 1}) but for generality we will keep ${}^{(3)} H_{\mu\nu}$ in this paper though we sometimes use the fact $\delta_\mu^\mu = 4$. Then, using Eqs. (\ref{F}) and (\ref{Theta}), Eq. (\ref{Eins-eq 1}) can be cast to the form \begin{eqnarray} \frac{1}{16 \pi G_b} \left( G_{\mu\nu} + \Lambda_b g_{\mu\nu} \right) + k_{1b} {}^{(1)} H_{\mu\nu} + k_{2b} {}^{(2)} H_{\mu\nu} + k_{3b} {}^{(3)} H_{\mu\nu} - \frac{1}{2} T_{\mu\nu} + \frac{1}{4} \theta^2 g_{\mu\nu} = 0. \label{Eins-eq} \end{eqnarray} Next, taking the trace of Eq. (\ref{Eins-eq}) and using the Bianchi identity $\nabla^\mu R_{\mu\nu} = \frac{1}{2} \nabla_\nu R$, we have \begin{eqnarray} \frac{1}{16 \pi G_b} ( - R + 4 \Lambda_b ) + 2 ( 3 k_{1b} + k_{2b} + k_{3b} ) \Box R - \frac{1}{2} T + \theta^2 = 0, \label{Trace-Eins-eq} \end{eqnarray} where $T = g^{\mu\nu} T_{\mu\nu}$. Using Eqs. (\ref{R-eq}) and (\ref{Trace-Eins-eq}) for eliminating the term involving the mere scalar curvature $R$, the scalar field $c(x)$ is expressed as \begin{eqnarray} c(x) &=& {\cal{L}}_{mb} - \frac{1}{2} T + \frac{\Lambda_b}{8 \pi G_b} + \frac{1}{2} \theta^2 + k_{1b} R^2 + k_{2b} R_{\mu\nu}^2 + k_{3b} R_{\mu\nu\rho\sigma}^2 \nonumber\\ &+& 2 ( 3 k_{1b} + k_{2b} + k_{3b} ) \Box R. \label{c(x)} \end{eqnarray} Thus far, our theory is completely based on the local field theories, so it is difficult to solve the cosmological constant problem according to Weinberg \cite{Weinberg}. To tackle this hard problem, one way out is to introduce some sort of nonlocal effects to our theory. A recipe for getting such nonlocal effects is to take the space-time average of the gravitational field equations in order to extract information on the bare cosmological constant $\Lambda_b$. \footnote{The idea of taking the space-time average has been also used in \cite{Linde, Tseytlin, Nima}.} For a generic space-time dependent quantity $Q(x)$, the space-time average is defined as \footnote{In our previous article \cite{Oda0}, we have used the notation $\langle Q \rangle$ to describe the space-time average. In this article, this notation is used in describing the vacuum expectation value as seen shortly.} \begin{eqnarray} \overline{Q(x)} = \frac{\int d^4 x \sqrt{-g} \, Q(x)}{\int d^4 x \sqrt{-g}}, \label{ST average} \end{eqnarray} where the denominator $V \equiv \int d^4 x \sqrt{-g}$ denotes the space-time volume. With this definition, the space-time average of $c(x)$ is vanishing up to a surface term since \begin{eqnarray} \overline{c(x)} = \frac{1}{V} \int d^4 x \sqrt{-g} \, c(x) = - \frac{1}{V} \cdot \frac{1}{3!} \int d^4 x \ \mathring{\varepsilon}^{\mu\nu\rho\sigma} \partial_{[\mu} B_{\nu\rho\sigma]} = 0, \label{c-average} \end{eqnarray} where the definitions Eq. (\ref{4-forms}) and Eq. (\ref{H}) were utilized. Then, taking the space-time average of Eq. (\ref{c(x)}) yields the expression for the bare cosmological constant \begin{eqnarray} \Lambda_b = 8 \pi G_b \left( - \overline{{\cal{L}}_{mb}} + \frac{1}{2} \overline{T} - \frac{1}{2} \theta^2 - k_{1b} \overline{R^2} - k_{2b} \overline{R_{\mu\nu}^2} - k_{3b} \overline{R_{\mu\nu\rho\sigma}^2} \right), \label{Bare CC0} \end{eqnarray} where we have neglected surface terms. Similarly, taking the space-time average of Eq. (\ref{R-eq}), we have \begin{eqnarray} \Lambda_b = \frac{1}{2} \overline{R} + 8 \pi G_b \left( \overline{{\cal{L}}_{mb}} - \frac{1}{2} \theta^2 + k_{1b} \overline{R^2} + k_{2b} \overline{R_{\mu\nu}^2} + k_{3b} \overline{R_{\mu\nu\rho\sigma}^2} \right), \label{Bare CC1} \end{eqnarray} where we have neglected surface terms again. In order to eliminate the bare cosmological constant $\Lambda_b$ in the gravitational field equations (\ref{Eins-eq}), let us insert Eq. (\ref{Bare CC1}) to (\ref{Eins-eq}) whose result reads \begin{eqnarray} &{}& G_{\mu\nu} + 16 \pi G_b \left( k_{1b} {}^{(1)} H_{\mu\nu} + k_{2b} {}^{(2)} H_{\mu\nu} + k_{3b} {}^{(3)} H_{\mu\nu} \right) \nonumber\\ &+& \left[ \frac{1}{2} \overline{R} + 8 \pi G_b \left( \overline{{\cal{L}}_{mb}} + k_{1b} \overline{R^2} + k_{2b} \overline{R_{\alpha\beta}^2} + k_{3b} \overline{R_{\alpha\beta\gamma\delta}^2} \right) \right] g_{\mu\nu} \nonumber\\ &=& 8 \pi G_b T_{\mu\nu}. \label{Eins-eq 2} \end{eqnarray} Now, from Eq. (\ref{Eins-eq 2}), one can easily read off the effective cosmological constant \begin{eqnarray} \Lambda_{eff} = \frac{1}{2} \overline{R} + 8 \pi G_b \left( \overline{{\cal{L}}_{mb}} + k_{1b} \overline{R^2} + k_{2b} \overline{R_{\alpha\beta}^2} + k_{3b} \overline{R_{\alpha\beta\gamma\delta}^2} \right). \label{Effective CC} \end{eqnarray} Next, taking the trace of Eq. (\ref{Eins-eq 2}) and then the space-time average, we obtain \begin{eqnarray} \overline{R} = - 32 \pi G_b \left( \overline{{\cal{L}}_{mb}} + k_{1b} \overline{R^2} + k_{2b} \overline{R_{\alpha\beta}^2} + k_{3b} \overline{R_{\alpha\beta\gamma\delta}^2} \right) + 8 \pi G_b \overline{T}. \label{Average R} \end{eqnarray} By substituting this equation into Eq. (\ref{Effective CC}), the effective cosmological constant can be expressed in terms of the space-time average over $T$ \begin{eqnarray} \Lambda_{eff} = 8 \pi G_b \left( \frac{1}{2} \overline{T} - \overline{{\cal{L}}_{mb}} - k_{1b} \overline{R^2} - k_{2b} \overline{R_{\alpha\beta}^2} - k_{3b} \overline{R_{\alpha\beta\gamma\delta}^2} \right). \label{Effective CC-2} \end{eqnarray} Furthermore, using Eq. (\ref{Bare CC0}), this effective cosmological constant can be also rewritten as \begin{eqnarray} \Lambda_{eff} = \Lambda_b + 4 \pi G_b \theta^2, \label{Effective CC-3} \end{eqnarray} whose expression exactly coincides with the effective cosmological constant obtained in Carroll and Remmen \cite{Carroll, Oda0}. In this way, we have succeeded in getting three equivalent expressions for the effective cosmological constant, those are, Eqs. (\ref{Effective CC}), (\ref{Effective CC-2}) and (\ref{Effective CC-3}). \section{Radiative corrections to the effective cosmological constant} The analysis done so far is purely classical, so in this section we wish to take into consideration quantum effects, in particular, radiative corrections to the effective cosmological constant from matter fields. Let us note that Eq. (\ref{Effective CC-2}) gives us a useful clue for evaluating the value of the cosmological constant. This effective cosmological constant is truly a cosmological constant controlling the Friedmann equations and other gravitational solutions, and vanishes for vacuum configurations of matter fields up to the higher-derivative curvature terms which also vanish for a flat Minkowski space-time. Since the flat Minkowski space-time is a consistent solution to the gravitational equations (\ref{Eins-eq 2}), our formulation evades the no-go theorem by Weinberg \cite{Weinberg} by introducing nonlocal effects. One of the most important aspects in the cosmological constant problem is the stability problem against radiative corrections: Quantum effects render the value of the cosmological constant infinite in the limit of the infinite cutoff when the cutoff method is used as the regularization procedure. This radiative instability occurs even in the semiclassical theory where the gravitational field is treated classically whereas matter fields are treated quantum mechanically. The gravitational semiclassical approach is reminiscent of the successful semiclassical theory of electromagnetic dynamics where the classical electromagnetic fields are coupled to the vacuum expectation value, which is essentially a quantum-mechanical quantity, of the electromagnetic current operator. It is therefore natural to ask ourselves how the effective cosmological constant changes when quantum effects are added to the present formulation. For simplicity of the presentation but without losing generality, as the matter field, let us consider a massive real scalar field with nonminimal coupling: \begin{eqnarray} {\cal{L}}_{mb} = \frac{1}{2} \xi \phi^2 R - \frac{1}{2} g^{\mu\nu} \partial_\mu \phi \partial_\nu \phi - \frac{1}{2} m^2 \phi^2, \label{Massive scalar} \end{eqnarray} where $\xi$ and $m$ are some constants. In this article, we work with the semiclassical theory for which the matter field $\phi(x)$ is treated quantum mechanically while both the gravitational field $g_{\mu\nu}(x)$ and the scalar field $\eta(x)$ are treated classically. In particular, we will consider the case where the scalar field $\eta(x)$ takes the on-shell constant value $\eta(x) = \eta$, which is a natural choice since $\eta(x) = \eta$ is the unique classical solution in our formulation. In other words, we will perform the path integral over only the matter field $\phi(x)$. With this physical setup, let us focus on the calculation of $\langle \overline{{\cal{L}}_{mb}} \rangle$ in $\langle \Lambda_{eff} \rangle$ which is the vacuum expectation value of the space-time average of the effective cosmological constant. In what follows, we wish to prove a statement \begin{eqnarray} \langle \overline{{\cal{L}}_{mb}} \rangle = \overline{{\cal{L}}_{eff}}, \label{Theorem} \end{eqnarray} where $\overline{{\cal{L}}_{eff}}$ denotes the space-time average of an effective Lagrangian (without the factor $\eta$) obtained via path integral over the scalar field $\phi$. To do that, recall that the nonlocal action (\ref{Original CR Action}), which is nothing but the original Carroll-Remmen action, can be separated into two parts: \begin{eqnarray} S = \eta \int d^4 x \sqrt{- g} \ ( {\cal{L}}_{mb} + \tilde {\cal{L}} ), \label{Separated CR Action} \end{eqnarray} where $\tilde {\cal{L}}$ denotes the Lagrangian (without the factor $\eta$) which does not include the matter field. For the present discussion, without loss of generality, we can set $\tilde {\cal{L}} = 0$, and we will define \begin{eqnarray} S = \eta \int d^4 x \sqrt{- g} \ {\cal{L}}_{mb} \equiv \eta S_{mb}. \label{Separated CR Action 2} \end{eqnarray} Then, we find \begin{eqnarray} \langle \overline{{\cal{L}}_{mb}} \rangle = \frac{1}{V} \langle S_{mb} \rangle \equiv \frac{1}{V} \frac{1}{Z} \int {\cal{D}} \phi \ S_{mb} \ \e^{i \eta S_{mb}}, \label{Logic 1} \end{eqnarray} where we have defined the partition function $Z$ by \begin{eqnarray} Z \equiv \int {\cal{D}} \phi \ \e^{i \eta S_{mb}} \equiv \e^{i \eta S_{eff}}, \label{Logic 2} \end{eqnarray} Now, operating $\frac{1}{i} \frac{\partial}{\partial \eta}$ on $Z$ produces \begin{eqnarray} \langle S_{mb} \rangle = S_{eff}, \label{Logic 3} \end{eqnarray} which leads to the desired statement \begin{eqnarray} \langle \overline{{\cal{L}}_{mb}} \rangle = \frac{1}{V} \langle S_{mb} \rangle = \frac{1}{V} S_{eff} = \overline{{\cal{L}}_{eff}}, \label{Logic 4} \end{eqnarray} where we have defined the effective Lagrangian ${\cal{L}}_{eff}$ by \begin{eqnarray} S_{eff} \equiv \int d^4 x \sqrt{-g} \ {\cal{L}}_{eff}. \label{Logic 5} \end{eqnarray} This statement says that evaluating $\langle \overline{{\cal{L}}_{mb}} \rangle$ is in essence equivalent to calculating the effective action which is obtained through path integral over only the matter field. Using dimensional regularization, it is straightforward to calculate the one-loop divergent terms in the effective action whose result is given by \cite{Birrell, Parker} \begin{eqnarray} {\cal{L}}_{div} = - \frac{1}{(4 \pi)^{\frac{n}{2}}} \Biggl\{ \frac{1}{n-4} + \frac{1}{2} \left[ \gamma + \log \left( \frac{m^2}{\mu^2} \right) \right] \Biggr\} \Biggl[ \frac{4 m^4}{n(n-2)} a_0 - \frac{2 m^2}{n-2} a_1 + a_2 \Biggr], \label{Div-term} \end{eqnarray} where $n$ is the dimensionality of space-time, $\gamma \approx 0.5772$ is the Euler-Mascheroni constant, and $\mu$ is an arbitrary renormalization mass scale. Moreover, $a_i ( i = 0, 1, 2 )$ are defined as \begin{eqnarray} a_0 &=& 1, \quad a_1 = (\frac{1}{6} - \xi) R, \nonumber\\ a_2 &=& \frac{1}{180} R_{\alpha\beta\gamma\delta}^2 - \frac{1}{180} R_{\alpha\beta}^2 + \frac{1}{6} (\frac{1}{5} - \xi) \Box R + \frac{1}{2} (\frac{1}{6} - \xi)^2 R^2. \label{a_i} \end{eqnarray} It is evident that ${\cal{L}}_{div}$ consists of only local terms, so one can absorb it into the bare gravitational Lagrangian. Then, the total gravitational Lagrangian becomes $\eta \sqrt{-g}$ multiplied by \begin{eqnarray} &-& \left( A + \frac{\Lambda_b}{8 \pi G_b} \right) + \left( B + \frac{1}{16 \pi G_b} \right) R + k_{1b} R^2 + k_{2b} R_{\alpha\beta}^2 + k_{3b} R_{\alpha\beta\gamma\delta}^2 \nonumber\\ &-& \frac{a_2}{(4 \pi)^{\frac{n}{2}}} \Biggl\{ \frac{1}{n-4} + \frac{1}{2} \left[ \gamma + \log \left( \frac{m^2}{\mu^2} \right) \right] \Biggr\}, \label{Renormalization} \end{eqnarray} where $A$ and $B$ are defined by \begin{eqnarray} A &=& \frac{4 m^4}{(4 \pi)^{\frac{n}{2}} n (n-2)} \Biggl\{ \frac{1}{n-2} + \frac{1}{2} \left[ \gamma + \log \left( \frac{m^2}{\mu^2} \right) \right] \Biggr\}, \nonumber\\ B &=& \frac{2 m^2 (\frac{1}{6} - \xi)}{(4 \pi)^{\frac{n}{2}} (n-2)} \Biggl\{ \frac{1}{n-4} + \frac{1}{2} \left[ \gamma + \log \left( \frac{m^2}{\mu^2} \right) \right] \Biggr\}. \label{A&B} \end{eqnarray} Thus, the quantum effects coming from the matter fluctuations at the one-loop level can be renormalized by redefining the cosmological constant, Newton's constant and the coefficients in front of the higher-derivative curvature terms from the bare quantities to the renormalized ones. For instance, \begin{eqnarray} \Lambda_r = \Lambda_b + 8 \pi G_b A, \quad G_r = \frac{G_b}{1 + 16 \pi G_b B}. \label{Lambda&G} \end{eqnarray} Expression $A$ in Eq. (\ref{A&B}) has a double and single pole at $n=2$, corresponding to the quartically and quadratically divergent quantity, respectively \cite{Peskin}. Actually, there also exists the logarithmically divergent quantity in the cutoff regularization since dimensional regularization and zeta function one are in a sense so powerful that they have the effect of hiding some interesting terms \cite{Visser}. And it turns out that expression $B$ has both the quadratically and logarithmically divergent quantities \cite{Visser}. Moreover, the factor $a_2$ is of fourth order in derivatives of the metric tensor, so the logarithmically divergent terms including the factor $a_2$ are absorbed into the bare higher-derivative curvature terms to yield the renormalized coefficients $k_{1r}$, $k_{2r}$, and $k_{3r}$. Of course, owing to the generalized Gauss-Bonnet theorem, in four dimensions, $k_{1r}$ and $k_{2r}$ are sufficient for the purpose of renormalization. Consequently, the radiative corrections associated with the matter field $\phi(x)$ give us the following result to the part of the effective cosmological constant (\ref{Effective CC-2}) \begin{eqnarray} - 8 \pi G_b \langle \overline{{\cal{L}}_{mb}} + k_{1b} \overline{R^2} + k_{2b} \overline{R_{\alpha\beta}^2} + k_{3b} \overline{R_{\alpha\beta\gamma\delta}^2} \rangle = - 8 \pi G_r \left( k_{1r} \overline{R^2} + k_{2r} \overline{R_{\alpha\beta}^2} + k_{3r} \overline{R_{\alpha\beta\gamma\delta}^2} \right), \label{Quant-Effective CC-1} \end{eqnarray} in addition to the replacement $\Lambda_b \rightarrow \Lambda_r$. Note that the right hand side of Eq. (\ref{Quant-Effective CC-1}) is written in terms of finite renormalized quantities so that it is completely finite. Following the same line of argument, it is easy to verify that the similar renormalization procedure continues to the higher-loop levels. However, in the case at hand, this finiteness does not imply the quantum radiative stability but is just the opposite: For instance, once the cosmological constant is fixed to be a certain value at the one-loop level, the two-loop effect changes its finite value by an infinite value, so we need the fine-tuning at the two-loop level again, thereby implying the radiative instability of the effective cosmological constant under the quantum effects of matter fields. Thus, we conclude that the effective cosmological constant in both the nonlocal approach by Carroll and Remmen \cite{Carroll}, and its manifestly local approach \cite{Oda0} is unstable against radiative corrections. This fact has been also recently pointed out in Ref. \cite{Kaloper4} by using a different method. Incidentally, the remaining part of $\langle \Lambda_{eff} \rangle$ in Eq. (\ref{Effective CC-2}), which is related to the trace of the energy-momentum tensor, will be discussed in the next section. \section{A new geometrical model} It is now easy to understand the reason why the effective cosmological constant is not stable under radiative corrections of matter fields in the Carroll-Remmen approach. Look at the expression (\ref{Effective CC-2}) of the effective cosmological constant where the matter constribution $- 8 \pi G_b \overline{{\cal{L}}_{mb}}$ is included. This matter contribution gives rise to divergent terms in the effective action, by which we need to fine-tune various parameters in the action at every stage in the perturbation theory, consequently causing the instability of the cosmological constant. Also notice that the origin of the matter contribution is traced back to the constraint (\ref{Zero-Lagr}) which explicitly includes the matter Lagrangian. Thus, one plausible idea for evading the radiative instability is to contruct a nonlocal theory with the geometrical constraint in such a way that the effective cosmological constant does not include the matter contribution. As a concrete realization of our ideas, let us first start by presenting a manifestly local formulation of a new, geometrical nonlocal approach. We will neglect the higher-derivative curvature terms in this section since it turns out that they are irrelevant for later discussion. A manifestly local and generally coordinate invariant action for the new nonlocal approach takes the form \begin{eqnarray} S = S_{New} + S_{Top}, \label{Modified Action} \end{eqnarray} where $S_{Top}$ is given by Eq. (\ref{Top Action}), but the Carroll-Remmen action (\ref{CR Action}) is replaced with the new action $S_{New}$: \begin{eqnarray} S_{New} = \int d^4 x \sqrt{- g} \ \Biggl[ \eta(x) ( R - 2 \Lambda_b ) + {\cal{L}}_{mb} - \frac{1}{2} \cdot \frac{1}{4!} F_{\mu\nu\rho\sigma}^2 + \frac{1}{6} \nabla_\mu ( F^{\mu\nu\rho\sigma} A_{\nu\rho\sigma} ) \Biggr]. \label{New Action} \end{eqnarray} One characteristic feature of this new action is that only the scalar curvature and the bare cosmological constant are multipled by the scalar field $\eta(x)$ while the total Lagrangian is so in the Carroll-Remmen action (\ref{CR Action}). The equations of motion for the 3-form $B_{\mu\nu\rho}$ again read Eq. (\ref{eta-eq}) and its classical solution is given by Eq. (\ref{eta-sol}), so we reach the nonlocal action for this new nonlocal approach \begin{eqnarray} S = \int d^4 x \sqrt{- g} \ \Biggl[ \eta ( R - 2 \Lambda_b ) + {\cal{L}}_{mb} - \frac{1}{2} \cdot \frac{1}{4!} F_{\mu\nu\rho\sigma}^2 + \frac{1}{6} \nabla_\mu ( F^{\mu\nu\rho\sigma} A_{\nu\rho\sigma} ) \Biggr]. \label{New nonlocal action} \end{eqnarray} Next, let us derive the equation of motion for the scalar field $\eta(x)$ which is this time given by \begin{eqnarray} \sqrt{- g} ( R - 2 \Lambda_b ) + \frac{1}{4!} \ \mathring{\varepsilon}^{\mu\nu\rho\sigma} H_{\mu\nu\rho\sigma} = 0. \label{New constraint} \end{eqnarray} Again, substituting (\ref{H}) into the second term in this equation, we find \begin{eqnarray} c(x) = R - 2 \Lambda_b. \label{c-relation} \end{eqnarray} Taking the space-time average of Eq. (\ref{c-relation}) leads to \begin{eqnarray} \overline{R} = 2 \Lambda_b, \label{R=2 Lambda} \end{eqnarray} where we have used $\overline{c(x)} =0$. This equation might suggest that the bare cosmological constant $\Lambda_b$ would be very tiny since we could expect $\overline{R}$ to be very small. The equations of motion for the 3-form $A_{\mu\nu\rho}$ again yield the classical solution Eqs. (\ref{F}) and (\ref{Theta}). Using the classical solution Eq. (\ref{eta-sol}) and (\ref{Theta}), the gravitational equations can be derived to be \begin{eqnarray} \eta ( G_{\mu\nu} + \Lambda_b g_{\mu\nu} ) - \frac{1}{2} T_{\mu\nu} + \frac{1}{4} \theta^2 g_{\mu\nu} = 0. \label{New Eins-eq 1} \end{eqnarray} Then, by taking the trace of Eq. (\ref{New Eins-eq 1}), one obtains \begin{eqnarray} \eta ( - R + 4 \Lambda_b ) - \frac{1}{2} T + \theta^2 = 0. \label{New bare CC1} \end{eqnarray} Furthermore, the space-time average of this equation produces \begin{eqnarray} \theta^2 = \frac{1}{2} \overline{T} - 2 \eta \Lambda_b, \label{New bare CC2} \end{eqnarray} where the new constraint (\ref{R=2 Lambda}) is used. To eliminate $\theta^2$ in the gravitational equations, let us insert Eq. (\ref{New bare CC2}) to (\ref{New Eins-eq 1}) whose result reads \begin{eqnarray} G_{\mu\nu} + \left( \frac{1}{2} \Lambda_b + \frac{1}{8 \eta} \overline{T} \right) g_{\mu\nu} = \frac{1}{2 \eta} T_{\mu\nu}, \label{New Eins-eq 2} \end{eqnarray} from which one can read off the effective cosmological constant \begin{eqnarray} \Lambda_{eff} = \frac{1}{2} \Lambda_b + \frac{1}{8 \eta} \overline{T}. \label{New Eff CC1} \end{eqnarray} Using Eq. (\ref{New bare CC2}), this effective cosmological constant can be also expressed like \begin{eqnarray} \Lambda_{eff} = \Lambda_b + \frac{1}{4 \eta} \theta^2. \label{New Eff CC2} \end{eqnarray} It is worthwhile to point out that the geometrical constraint (\ref{R=2 Lambda}) has produced a new effective cosmological constant (\ref{New Eff CC1}) which does not involve the matter contribution responsible for the radiative instability. Now we move on to the calculation of the vacuum expectation value of the effective cosmological constant (\ref{New Eff CC1}). Taking the vacuum expectation value of (\ref{New Eff CC1}) gives us \begin{eqnarray} \langle \Lambda_{eff} \rangle = \frac{1}{2} \Lambda_b + \frac{1}{8 \eta} \langle \overline{T} \rangle. \label{Quant-New Effective CC-1} \end{eqnarray} Note that $\eta$ is the constant mode whose origin lies in the topological term (\ref{Top Action}), so we expect that this mode does not receive any radiative corrections. Of course, to relate the present model to a gravitational theory, $\eta$ is needed to take the value of $\frac{1}{16 \pi G_N}$ where $G_N$ is the Newton's constant to be determined by experiments. The evaluation of $\langle \overline{T} \rangle$ in the RHS needs careful considerations. In order to evaluate $\langle \overline{T} \rangle$ without ambiguity, as the matter field instead of a massive real scalar field in the Lagrangian (\ref{Massive scalar}), we need to consider free, massless generic fields conformally coupled to the external gravitational field $g_{\mu\nu}$ and the constant scalar field $\eta$. \footnote{At the one-loop level, we need only free Lagrangian since the one-loop calculation amounts to evaluating the functional determinant.} Actually, for instance, in case of the non-conformally coupled, massless real scalar field, i.e., $\xi \neq \frac{1}{6}$ and $m = 0$ in (\ref{Massive scalar}), there appears the non-anomalous contribution \cite{Birrell} \begin{eqnarray} 6 (\xi - \frac{1}{6}) \left[ - g^{\mu\nu} \langle \partial_\mu \phi \partial_\nu \phi \rangle + \xi R \langle \phi^2 \rangle \right], \label{Non-anomaly} \end{eqnarray} which explicitly depends on the quantum state chosen. However, is it realistic to confine ourselves to only free, massless generic fields conformally coupled to the external gravitational field $g_{\mu\nu}$ as the matter fields? Then, the question which we should ask is whether matter fields in the Standard Model of elementary particles are scale-invariant? Relevant to this question, let us recall that it is only the (tachyonic) mass term for the Higgs field that breaks the conformal invariance in the Standard Model. Thus, in the absence of the Higgs mass term, the Standard Model is completely scale-invariant. Actually, in recent years we are witnesses of a great interest in such a "conformal" Standard Model, which belongs to physics of beyond the Standard Model (BSM), in order to understand the Higgs mechanism more closely \cite{Bardeen, Meissner, Iso, Oda4}. In this BSM, the bare action is conformally invariant and the Higgs potential is generated via the Coleman-Weinberg mechanism \cite{Coleman}. Hence, from this new viewpoint, it is physically reasonable to work with only free, massless generic fields conformally coupled to the external gravitational field as the matter fields. Of course, we should refer to one important remark: In the "conformal" Standard Model, it is anticipated that the scale symmetry is broken at the TeV scale via the Coleman-Weinberg mechanism and then the terms which are not invariant under the scale transformation, are naturally generated, by which we have the nonzero trace part of the energy-momentum tensor. Thus, in calculating $\langle \overline{T} \rangle$ below the TeV scale there would exist an ambiguity associated with the non-anomalous contributions as in Eq. (\ref{Non-anomaly}). It is an important future problem to check if the non-anomalous contributions give rise to some divergences or not. Under this situation, it is well known that at the quantum level the trace of the energy-momentum tensor has conformal anomaly \begin{eqnarray} \langle T \rangle = c \, C_{\mu\nu\rho\sigma}^2 - a \, E, \label{Conf-anomaly} \end{eqnarray} where $C_{\mu\nu\rho\sigma}$ is the Weyl (or conformal) tensor and $E$ is defined in Eq. (\ref{Euler}), and the coefficients $a$ and $c$ are given by \begin{eqnarray} a &=& \frac{1}{360 (4 \pi)^2} ( n_S + 11 n_D + 62 n_M ), \nonumber\\ c &=& \frac{1}{120 (4 \pi)^2} ( n_S + 6 n_D + 12 n_M ), \label{a-c} \end{eqnarray} where $n_S$, $n_D$ and $n_M$ are respectively numbers of real scalars, Dirac spinors and Maxwell fields. Note that this expression of conformal anomaly is exact at the one-loop level and receives no corrections from the higher-loops owing to the Adler-Bardeen theorem \cite{Adler1, Adler2}. Then, $\langle \Lambda_{eff} \rangle$ has a rather interesting expression \begin{eqnarray} \langle \Lambda_{eff} \rangle &=& \frac{1}{2} \Lambda_b + \frac{1}{8 \eta} \left( c \, \overline{C_{\mu\nu\rho\sigma}^2} - a \, \overline{E} \right) \nonumber\\ &=& \frac{1}{2} \Lambda_b + \frac{1}{8 \eta} \frac{1}{V} \left( c \int d^4 x \sqrt{-g} C_{\mu\nu\rho\sigma}^2 - a \int d^4 x \sqrt{-g} E \right). \label{Quant-Effective CC-3} \end{eqnarray} Eq. (\ref{Quant-Effective CC-3}) clearly shows that the vacuum expectation value of the effective cosmological constant is purely determined in terms of the geometry and topology of our universe, and is therefore stable against radiative corrections of the matter fields at any orders of matter loop in perturbation theory. This fact is also consistent with the expression of Eq. (\ref{New Eff CC2}). Finally, it is of interest to conjecture some things: It is nowadays well known that for most of time our universe can be described in terms of the spatially flat Friedmann-Lemaitre-Robertson-Walker (FLRW) cosmological model, which is an example of conformally flat space-times, for which the Weyl tensor identically vanishes. In addition to it, if we assume the Weyl curvature hypothesis by Penrose \cite{Penrose}, which insists that the Weyl tensor should vanish at the initial big bang singularity, the term having the Weyl tensor in the RHS of Eq. (\ref{Quant-Effective CC-3}) would be zero during the almost whole history of our universe. About the Euler term in Eq. (\ref{Quant-Effective CC-3}), if we assume that our universe were topologically trivial, the Euler number would be vanishing as well. As a result, in this case, $\langle \Lambda_{eff} \rangle = \frac{1}{2} \Lambda_b$, which means the vanishing of radiative corrections to the cosmological constant. On the other hand, if topology of our universe were nontrivial, the Euler number would play a role in the quantum effects to the cosmological constant. This phenomenon reminds us of the wormhole scenario by Coleman \cite{Coleman2}. \section{Discussions} In this article, we have studied quantum aspects of the nonlocal approach to the cosmological constant \cite{Carroll} to some degree on the basis of its manifestly local and generally coordinate invariant formulation which has been recently developed by the present author \cite{Oda0}. In particular, we have investigated radiative corrections to the effective cosmological constant from matter fields which are coupled to external graviational field and the scalar field. We have found that the quantum effects change the Newton's constant, the cosmological constant, the coefficients of the higher-derivative curvature terms from the bare quantities to the renormalized ones via renormalization. Consequently, we have verified that in the original Carroll-Remmen nonlocal approach, the effective cosmological constant, which is truly the cosmological constant controlling the Friedmann equation etc., is unstable against radiative corrections. Motivated with this radiative instability of the Carroll-Remmen nonlocal approach, we have proposed a new geometrical approach where the new geometrical constraint does not include the matter contribution at all. It has been explicitly shown that the vacuum expectation value of the effective cosmological constant has a contribution from the conformal anomaly and its value is completely determined by the geometry and topology of our universe. It is well known that in four dimensions the conformal anomaly consists of two types of anomaly term, one of which is of topological character and is proportional to the Euler density whose integral over four dimensional manifolds is called the Euler number. This $a$-conformal anomaly plays a critical role in the $a$-theorem \cite{Cardy, Komargodski}, which is a four-dimensional analog of the two-dimensional $c$-theorem \cite{Zamolodchikov}. Since our expression of the effective cosmological constant naturally involves a space-time integral of the trace of the energy-momentum tensor, this term becomes precisely the Euler number distinguishing the topology of the universe and suggests a similar dynamical mechanism to the Coleman's wormhole scenario \cite{Coleman2}. On the other hand, the other type of anomaly term is proportional to the square of the Weyl curvature. This $c$-conformal anomaly is not related to the Cardy's $a$-theorem but might be related to the Penrose's Weyl curvature hypothesis \cite{Penrose}, by which the initial big bang is constrained in a way that the resulting universe model closely resembles the FLRW model in its early stages and there would be the second law of thermodynamics in the universe that we observe. It is of interest that in our model both the Coleman's wormhole scenario \cite{Coleman2} and the Penrose's Weyl curvature hypothesis \cite{Penrose} appear in a natural way, which might support the physical plausibility of our approach to the cosmological constant problem. An important future work is to include quantum effects stemming from graviton loops in the present analysis. We wish to return this problem in near future. \begin{flushleft} {\bf Acknowledgements} \end{flushleft} This work is supported in part by the Grant-in-Aid for Scientific Research (C) No. 16K05327 from the Japan Ministry of Education, Culture, Sports, Science and Technology.
3c48a0d8049d06e3e33a998da5a057a20d06bd9c
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Wireless multicast media streaming is anticipated to be a significant component of the forthcoming 5G systems, motivated by the consumers' desire to take advantage of high quality multimedia wireless devices (e.g., 4k hand-held devices, 3D augmented reality)\cite{Tom_Luo_Multicasting_TSP_2006,Zhengzheng_Xiang_TWC_Multicasting_2013,Zhengzheng_Xiang_JSAC_Multicasting_2014}. Energy efficiency and security are major critical issues that must be addressed in the design of such systems. Radio frequency (RF) energy harvesting and transfer techniques have recently been considered as a promising solution to the energy-constrained wireless networks \cite{Varshney_08,Shannon_Tesla_10,Zhang_Rui_SWIPT_TWC13}. As a recent application of RF energy harvesting and transfer techniques, wireless powered communication networks (WPCNs) have become a novel technology in wireless networking and attracted more and more attention \cite{Rui_Zhang_WPCN_CM_2016}. A ``\emph{harvest-then-transmit}'' protocol was proposed for WPCNs in \cite{Rui_Zhang_WPCN_TWC_2014}, where the wireless users harvest power from the RF signals broadcast by an access point in the downlink (DL), and then send information to the AP in the uplink (UL) by employing the harvested energy. Cooperative protocols for WPCNs were developed based on different models \cite{Rui_Zhang_GLOBECOM_2014_UC_WPCN,He_Chen_ITW_WPCN_Relay_2014,He_Chen_TSP_HTC_WPCN_2016}. A different approach consists of deploying a dedicated wireless energy transfer (WET) network with multiple power beacons (PBs) to provide wireless charging services to the wireless terminals via the RF energy transfer technique \cite{Kaibin_Huang_CM_2015,Kaibin_Huang_TWC_2014_WPT}. Since the PBs do not require any \emph{backhaul link}, the associated cost of PBs deployment is much lower, hence, it is feasible to deploy the PBs densely to guarantee network coverage for a wide range of mobile devices \cite{Caijun_Zhong_SPL_2015_WPR}. Security in data transmission can be addressed either by traditional crypto methods, or more fundamentally, in terms of information theoretic secure rates. The latter approach, commonly referred to as ``physical-layer security,'' was initially developed for the wiretap channel \cite{Wyner_J75,Korner_Info_Theory_J78}, i.e., a broadcast channel with one transmitter and two sets of receivers: legitimate users and eavesdroppers. Multiantenna wiretap channels have been widely investigated in terms of secure rate region \cite{Shamai_Multiantenna_Wiretap_TIT_2009,Wornell_Info_Theory_J10,Wornell_Info_Theory1_J10, Petropulu_Gaussian_MISO_Wiretap_TWC_2011,Swindlehurst_FR_MIMO_Wiretap_TSP_2013}. Some state-of-art techniques, such as artificial noise (AN) and cooperative jammer (CJ), have been designed for multiantenna transceivers, in order to introduce more interference at the eavesdroppers \cite{Ma_Sig_Process_J11,Ma_TSP_J13,Zheng_Secrecy_J15,Zheng_Stackelberg_game_EUSIPCO_2014,Zheng_WCL_2015,Zheng_Sec_TWC_2016}. In \cite{Ma_Sig_Process_J11}, rank-one solution properties were exploited with semidefinite programming (SDP) relaxation for secure transmit beamforming. AN-assisted transmit optimization has been presented in \cite{Ma_TSP_J13}, where the spatially selective AN embedded with secure transmit beamforming was designed to obtain the optimal power allocation. In \cite{Zheng_Secrecy_J15}, CJ from an external node is exploited in order to create interference at the eavesdroppers and achieve the desired target secure rate. However, it is not always possible to have an own CJ to improve the secrecy rates. Another option could be to employ a private CJ by paying a price for the jamming services. This strategy was investigated in \cite{Zheng_Secrecy_J15,Zheng_Stackelberg_game_EUSIPCO_2014}, where a CJ releases its jamming service depending interference caused to the eavesdropper, while the transmitter pays a certain amount to guarantee its secure communication. In this strategy, a \emph{Stackelberg} game can be formulated to obtain the optimal power allocation. In addition, cooperative cognitive radio (CR) combined with secure communications could also be modelled as a \emph{Stackelberg} game to determine the optimal resource allocations \cite{Nallan_TCOM_2015_CCR_Sec_Game}. In \cite{Zheng_WCL_2015,Zheng_Sec_TWC_2016}, the secrecy rate optimization problem was posed in terms of outage secrecy rates, due to the fact that the channels are not perfectly known and are subject to random fading with known statistics. Physical-layer security techniques have also been recently developed in radio frequency identification (RFID). The design of RFID systems is a challenge due to the broadcast nature of backscatter communication, which is vulnerable to eavesdropping \cite{Huiming_Wang_RFID_Backscatter_PLS_TWC_2016}. Simultaneous wireless information and power transfer (SWIPT) has emerged as one of most promising approaches to provide power for communication devices. SWIPT has been considered in combination with physical-layer security in a number of recent works (e.g., \cite{Zhang_Rui_TSP_Sec_SWIPT_J14,Derrick_SWIPT_TWC_2014,Khandaker_TIFS_J15,Zheng_TVT_SWIPT_2015}). It is worth pointing out that the transmit power is constant in the above secure communication systems. However, the use of WET effectively makes the available transmit power a system variable in order to achieve secure communications. Thus, this research gap motivates the work in this paper. We investigate a WPCN-assisted multiantenna secure multicasting system in which a multicast service provider (i.e., the transmitter) guarantees secure communication with legitimate users in the presence of multiple eavesdroppers by utilizing the harvested energy from the PBs. In particular, we consider two different but complementary scenarios. In the first scenario, the transmitter and the PBs are considered to belong to the same service provider. In the second, they belong to different service providers with different objectives. Accordingly, we formulate and solve the two different problems as follows: \begin{enumerate} \item \emph{Power minimization for WPCN-aided multiantenna secure multicasting system}: This problem is formulated for the first scenario, where there is no energy trading between the transmitter and the PBs. They cooperate to minimize the transmit power for a given target secure multicast rate. The optimization problem is not jointly convex in terms of PBs' transmit power, the fraction of time dedicated to WET, and the transmit beamforming vector. To circumvent this non-convexity issue, we consider a two-level approach. The outer level can be recast as a single-variable optimization problem with respect to the energy time allocation, in which the optimal solution can be achieved via numerical search, while the inner level remains a non-convex power minimization problem. There are different approaches for the inner level problem. In \cite{Ma_Sig_Process_J11}, semidefinite programming (SDP) relaxation was employed to solve the power minimization for the case of single legitimate user only. However, this approach will not guarantee a rank-1 solution when extending to the case of multiple users. Therefore, a rank-1 feasible solution for the original beamforming problem must be obtained from the solution of the relaxed problem, with no optimality guarantee (see, e.g., \cite{Qiang_Li_ICC_Sec_Multicasting_2011,Cumanan_JSTSP_2016_Game}) Differently, we first propose a novel reformulation based on matrix transformations and convex conic optimization techniques, yielding a second-order cone programming (SOCP) solution which is optimal when the SDP relaxed solution satisfies the rank-one condition. Then, we propose a successive convex approximation (SCA) based SOCP scheme, which is performed iteratively to obtain the optimal transmit beamformer directly for any general case. Numerical results confirm that our proposed SCA based SOCP scheme outperforms the SDP relaxed scheme, and the proposed SOCP scheme has more computationally efficient than the SDP relaxed scheme that uses Guided Randomization method. \item \emph{Game theory based WPCN-aided multiantenna secure multicasting system}: In this problem, we investigate the case where the transmitter and the PBs belong to different service operators, both of which want to maximize their own benefit. Thus, an energy price must be paid by the transmitter in order to induce the PBs to provide enough WET to guarantee secure communications. In particular, we develop an energy trading framework for wireless powered secure multiantenna multicasting systems, where the strategic behavior of the transmitter and the PBs is modeled as a \emph{Stackelberg} game. The transmitter acts a leader that buys energy from the PBs to achieve a desired secure multicast rate to the users. The transmitter optimizes the energy price and energy transfer time to maximize its utility function, defined as the weighted difference between revenues (proportional to the achieved secure rate) and costs of the purchased energy. The PBs are the followers, that determine their optimal transmit powers based on the energy price released from the transmitter to maximize their own profits, defined as the difference between the payment received from the transmitter and its energy cost. We obtain a closed-form solution for the Stackelberg equilibrium, in which both the PBs and the transmitter come to an agreement on the energy price, transmit power and energy time allocation. \end{enumerate} \textbf{\textit{Related works:}} Considering the first scenario, unlike [28] where an intermediate self-sustainable relay was employed to enable cooperation between a WET network and a wireless information transfer (WIT) network to guarantee secure communications subject to outage probability constraints, our work is to exploit direct energy interactions between the multicasting service provider and the PBs to facilitate secure communications of the legitimate users. Moreover, we also consider a special case with a single legitimate user and a single eavesdropper. In \cite{Ulukus_ISIT_2007_MISO_Sec}, the authors aimed to maximize the secrecy rate subject to the transmit power budget, and the optimal beamforming vector was designed based on Rayleigh quotient approach; whereas our work for this special case presents the closed-form solution of the joint design of the optimal time allocation and the optimal transmit beamforming vector to achieve the target of minimizing the transmitter's transmit power, via the dual problem and the Karush-Kuhn-Tucker (KKT) condition. The rest of the paper is organized as follows. Section \ref{section System model} presents our system model. Section \ref{section Power Efficient for WPCN MISO Secure System} solves the power minimization problem for the secure WPCN multiantenna multicasting system, whereas the game theory based secure WPCN multiantenna multicasting system is investigated in Section \ref{section Game_theory_based_secure_WPCN_MISO_multicasting_system}. Section \ref{section numerical_results} provides simulation results to validate the theoretical derivations. Finally, Section \ref{section Conclusion} concludes the paper. \subsection{Notations} \indent We use the upper case boldface letters for matrices and lower case boldface letters for vectors. $(\cdot)^{T}$ and $(\cdot)^{H}$ denote the transpose and conjugate transpose respectively. Tr$(\cdot)$ and $\mathbb{E}\{\cdot\}$ stand for trace of a matrix and the statistical expectation for random variables. $ \varrho_{max}(*) $ represents the maximum eigenvalue, whereas $ v_{\max}(*) $ denotes the eigenvector associated with the maximum eigenvalue. $\mathbf{A}\succeq 0$ indicates that $\mathbf{A}$ is a positive semidefinite matrix. $ \|*\| $ denotes the Euclidean norm of a vector. $\mathbf{I}$ and $(\cdot)^{-1}$ denote the identity matrix with appropriate size and the inverse of a matrix respectively. $[x]^{+}$ represents $\max\{x,0\}$. The notation $ \succeq_{K_{n}} $ denotes the following generalized inequality: \begin{align} \left[\begin{array}{cc} a \\ \mathbf{b} \end{array} \right] \succeq_{K_{n}} \mathbf{0} \Leftrightarrow \|\mathbf{b}\| \leq a, \nonumber \end{align} where $ \mathbf{b} \in \mathbb{C}^{n-1} $ and $ K_{n} \subseteq \mathbb{R}^{n} $ is called a \emph{proper cone}. \section{System Model}\label{section System model} In this section, we consider the secure wireless powered multiantenna multicasting system as shown in Fig. \ref{fig:WPCN_MISO_Secrecy}, where a transmitter broadcasts the same information to all legitimate users in the presence of multiple eavesdroppers. Due to energy limitation at the transmitter, it is assumed that there is not enough power supply for information transfer, and thus the transmitter must harvest energy from the PBs. This system consists $ M $ single antenna PBs, one multiantenna transmitter equipped with $ N_{T} $ transmit antennas, $ K $ single antenna legitimate users and $ L $ single antenna eavesdroppers. This secrecy model has some potential applications, such as on-demand video broadcasting, wireless sensor networks and device to device (D2D) communication systems. In our paper, a \emph{harvest-then-transmit} protocol is considered. Specifically, time is divided in periods of duration $T$. Each period is split into a WET phase of duration $\theta T,$ and a WIT phase of duration $(1 - \theta) T,$ where $\theta \in (0,1)$ is a system parameter that must be optimized. Let $ \mathbf{h}_{s,k} \in \mathbb{C}^{N_{T}\times 1} $ denote the channel coefficients between the transmitter and the $ k $-th legitimate user, while $ \mathbf{h}_{e,l} \in \mathbb{C}^{N_{T} \times 1} $ denotes the channel coefficients between the transmitter and the $ l $-th eavesdropper. \begin{figure}[!htbp] \centering \includegraphics[scale = 1]{Results_EPS/WPCN_MISO_Secrecy.eps} \caption{WPCN for multiantenna secure multicasting system.} \label{fig:WPCN_MISO_Secrecy} \end{figure} Also, $ \mathbf{g}_{m} \in \mathbb{C}^{1\times N_{T}} $ denotes the channel coefficients between the $ m $-th PB and the transmitter. First, each PB transfers the energy to the transmitter, the harvested energy during the WET phase of $ \theta T $ at the transmitter can be written as \begin{align}\label{eq:E_BS} E_{B} = \xi \sum_{m=1}^{M}p_{m}\|\mathbf{g}_{m}\|^{2} \theta T, \end{align} where $ p_{m} $ denotes the transmit power of the $ m $-th PB, and $ 0 < \xi \leq 1 $ is the efficiency for converting the harvested energy to the electrical energy to be stored, which is assumed to be $ \xi = 1 $ in this paper. During the WIT phase of $ (1-\theta)T $, the received signal at the $ k $-th legitimate user and the $ l $-th eavesdropper are given by \begin{align} \mathbf{y}_{s,k} & = \sqrt{\frac{E_{B}}{(1-\theta)T}}\mathbf{h}_{s,k}^{H}\mathbf{v}s + n_{s,k}, ~k = 1, ..., K,\nonumber\\ \mathbf{y}_{e,l} & = \sqrt{\frac{E_{B}}{(1-\theta)T}}\mathbf{h}_{e,l}^{H}\mathbf{v}s + n_{e,l}, ~l = 1,...,L,\nonumber \end{align} where $s$ denotes the Gaussian distributed transmit signal with unit norm, $ \mathbf{v} \in \mathbb{C}^{N_{T} \times 1} $ is the normalized transmit beamformer with $ \mathbb{E}\{\|\mathbf{v}\|^{2}\} = 1 $, $ n_{s,k} $ and $ n_{e,l} $ are additive white Gaussian noises (AWGNs) at the $ k $-th legitimate user and the $ l $-th eavesdropper with variance $ \sigma_{s}^{2} $ and $ \sigma_{e}^{2} $. Hence, the channel capacity of the $ k $-th legitimate user and the $ l $-th eavesdropper can be expressed as \cite{Xiaoming_Chen_CL_2016_Sec_WPCN} \begin{align} R_{s,k} = (1-\theta)\log \left( 1+ \frac{\theta \sum_{m=1}^{M}p_{m}\|\mathbf{g}_{m}\|^{2} |\mathbf{h}_{s,k}^{H}\mathbf{v}|^{2}}{(1-\theta)\sigma_{s}^{2}} \right), ~\forall k, \end{align} and \begin{align} R_{e,l} = (1-\theta)\log \left( 1+ \frac{\theta \sum_{m=1}^{M}p_{m}\|\mathbf{g}_{m}\|^{2} |\mathbf{h}_{e,l}^{H}\mathbf{v}|^{2}}{(1-\theta)\sigma_{e}^{2}} \right),~\forall l, \end{align} respectively. For this secure multicasting system, we have the following definition: \begin{definition} Multicast secrecy rate of a multicasting system with $ K $ users is defined as \cite{Cumanan_JSTSP_2016_Game} \begin{align} R_{K} = \min_{k \in [1,K]} [R_{s,k} - \max_{l \in [1,L]} R_{e,l}]^{+}. \end{align} \end{definition} In the following, we develop two resource allocation schemes depending on whether the transmitter and the PBs belong to the same service supplier. \section{Power Minimization for WPCN Multiantenna Secure Multicasting System}\label{section Power Efficient for WPCN MISO Secure System} In this section, we consider the scenario that the transmitter and the PBs belong to the same service provider in a multicasting network. We will formulate a power minimization problem where the total transmit power at the transmitter is minimized to satisfy the target secrecy rate for all the legitimate users in the presence of multiple eavesdroppers by using the harvested energy from the PBs. We assume that the channel state information (CSI) between the transmitter and $ k $-th user as well as $ l $-th eavesdropper (i.e., $ \mathbf{h}_{s,k},~\forall k $ and $ \mathbf{h}_{e,l},~\forall l $) is available at the transmitter. This can be achieved through different methods such as the local oscillator power leakage from the eavesdropper receivers' RF frontend \cite{Mukherjee_ICASSP_2012} or even the CSI feedback method \cite{Geraci_TCOM_2012}. For example, in a video broadcasting system there may be legitimate users that are entitled to receive the content and other users who have not subscribed to this content, but are still part of the system. These users obey the basic physical-layer protocol rules, which includes feeding back CSI to enable beamforming. Hence, in this case, it is practical to assume that the CSI of the eavesdroppers is known at the transmitter. \subsection{Power Minimization} The minimization of the total transmit power\footnote{The objective function in \eqref{eq:Power_efficient_ori} consists of three variables: the transmit power of the PBs (i.e., $ p_{m} $, $ \forall m $), energy transfer time allocation (i.e., $ \theta $) and normalized transmit beamforming vector (i.e., $ \mathbf{v} $).} subject to a given secure multicast rate constraint can be written as: \begin{align}\label{eq:Power_efficient_ori} \min_{p_{m},\mathbf{v},\theta}&~ \frac{\sum_{m=1}^{M}p_{m}\|\mathbf{g}_{m}\|^{2} \theta }{(1-\theta)} \|\mathbf{v}\|^{2}, \nonumber\\ s.t. &~ R_{K} \geq \bar{R}, ~0 \leq p_{m} \leq P, ~ 0 < \theta < 1 \end{align} where $P$ is the maximum power constraint at each PB, and $ \bar{R} $ denotes the target secure multicast rate. The problem \eqref{eq:Power_efficient_ori} is not convex in terms of $ \mathbf{v} $ and $ \theta $, and cannot be solved directly. It is obvious that from problem \eqref{eq:Power_efficient_ori}, the optimal solution of $p_m$ is $p_m = P,$ which is the maximum transmit power at each PB. Thus, the problem \eqref{eq:Power_efficient_ori} reduces to \begin{align}\label{eq:Power_efficient_ori_rewritten} \min_{\mathbf{w},\theta}&~ \frac{\sum_{m=1}^{M}\|\mathbf{g}_{m}\|^{2} \theta }{(1-\theta)} \|\mathbf{w}\|^{2}, \nonumber\\ s.t. &~ R_{K}(\theta,\mathbf{w}) \geq \bar{R}, ~ 0 < \theta < 1, \end{align} where $ R_{K}(\theta,\mathbf{w}) $ can be written as \begin{align} R_{K}(\theta, \mathbf{w}) = \min_{k \in [1,K]} (1-\theta)\bigg[ \log \bigg( 1+ \frac{\theta \sum_{m=1}^{M}\|\mathbf{g}_{m}\|^{2} |\mathbf{h}_{s,k}^{H}\mathbf{w}|^{2}}{(1-\theta)\sigma_{s}^{2}} \bigg) - \max_{l \in [1,L]}\log \bigg( 1+ \frac{\theta \sum_{m=1}^{M}\|\mathbf{g}_{m}\|^{2} |\mathbf{h}_{e,l}^{H}\mathbf{w}|^{2}}{(1-\theta)\sigma_{e}^{2}} \bigg) \bigg]^{+},\nonumber \end{align} and $ \mathbf{w} = \sqrt{P}\mathbf{v} $. \begin{remark}\label{remark Feasiblility_of_power_efficiency} Problem \eqref{eq:Power_efficient_ori_rewritten} may be infeasible, depending on the value of $\bar{R}$ and on the channel vectors $h_{s,k}$ and $h_{e,l}.$ However, the feasibility can be ensured with probability of 1 for the case where the users' and eavesdroppers' channels are drawn randomly and independently from a continuous distribution with full-rank covariance matrix (e.g., a proper Gaussian non-degenerate $N_T$-variate distribution) and the number of antennas $N_T$ is not smaller than $K + L$ (e.g., in the massive multiantenna systems)\footnote{In this case, it is always possible to use zero-forcing beamforming to all eavesdroppers, such that for sufficiently large $P$ any target secrecy rate $\bar{R}$ can be achieved. The condition of sufficient transmit power $P$ can be guaranteed because of the fact that the PBs and the transmitter belong to the same service provider and they can work together on an adaptive power transfer policy (i.e., $P$ is adjusted according to the required solution $\mathbf{w}$ such that $P = \|\mathbf{w}\|^2$).}. \end{remark} It can be observed that even when problem \eqref{eq:Power_efficient_ori_rewritten} is feasible, it still still nonconvex. In order to solve this problem, we considered a two-level approach, where the inner level can be handled by employing the convex conic reformulation for a given energy transfer time allocation factor $ \theta $, whereas the outer level consists of a line search over the parameter $\theta$ in (0,1). Now, we rewrite the problem \eqref{eq:Power_efficient_ori_rewritten} into the following two levels: \begin{enumerate} \item Inner level: \begin{align}\label{eq:Power_efficient_ori_inner} f(\theta) = \min_{\mathbf{w}} &~ \frac{\theta(\sum_{m=1}^{M} \|\mathbf{g}_{m}\|^{2})}{1-\theta} \|\mathbf{w}\|^{2},~ s.t. ~ R_{K}(\mathbf{w}) \geq \bar{R}, \end{align} \item Outer level: \begin{align}\label{eq:Power_efficient_ori_outer} \min_{\theta} ~ f(\theta),~ s.t. ~ 0 < \theta < 1. \end{align} \end{enumerate} We first solve the inner problem \eqref{eq:Power_efficient_ori_inner} for a given $ \theta $, which can be equivalently modified as \begin{align}\label{eq:Power_efficient_for_w} \min_{\mathbf{w}} &~ \|\mathbf{w}\|^{2} \nonumber\\ s.t. &~ \log\left(1+\frac{ |\mathbf{h}_{s,k}^{H}\mathbf{w}|^{2}}{\bar{\sigma}_{s}^{2}}\right) - \log\left(1+\frac{ |\mathbf{h}_{e,l}^{H}\mathbf{w}|^{2}}{\bar{\sigma}_{e}^{2}}\right) \geq \bar{\bar{R}}, ~~\forall \;\;(k,l) \end{align} where $ \bar{\sigma}_{s}^{2} = \frac{(1-\theta)\sigma_{s}^{2}}{\theta\sum_{m=1}^{M}\|\mathbf{g}_{m}\|^{2}} $, $ \bar{\sigma}_{e}^{2} = \frac{(1-\theta)\sigma_{e}^{2}}{\theta\sum_{m=1}^{M}\|\mathbf{g}_{m}\|^{2}} $, and $ \bar{\bar{R}} = \frac{\bar{R}}{1-\theta} $. The problem \eqref{eq:Power_efficient_for_w} is not convex in terms of $ \mathbf{w} $, and still cannot be solved efficiently. In order to circumvent this non-convex issue, we can introduce a new semi-definite matrix $ \mathbf{Q}_{s} = \mathbf{w}\mathbf{w}^{H} $, and the problem \eqref{eq:Power_efficient_for_w} can be relaxed as \begin{align}\label{eq:SDP_relaxation_results} \min_{\mathbf{Q}_{s} \succeq \mathbf{0}} &~\textrm{Tr}(\mathbf{Q}_{s}), \nonumber\\ s.t. &~ \frac{1}{\sigma_{s}^{2}}\textrm{Tr}(\mathbf{h}_{s,k}\mathbf{h}_{s,k}^{H}\mathbf{Q}_{s}) - \frac{2^{\bar{\bar{R}}}}{\sigma_{e}^{2}} \textrm{Tr}(\mathbf{h}_{e,l}\mathbf{h}_{e,l}^{H}\mathbf{Q}_{s}) \geq 2^{\bar{\bar{R}}} - 1, ~\forall (k,l). \end{align} The above problem is a convex optimization framework, which can be solved by using interior-point methods \cite{boyd_B04}. It is not always possible to expect that the optimal solution of \eqref{eq:SDP_relaxation_results} attains the optimum of the original problem \eqref{eq:Power_efficient_for_w}. However, the SDP relaxation will be tight if the optimal solution of \eqref{eq:SDP_relaxation_results} is of rank-one. Therefore, we characterize the rank property of the SDP relaxed solution via the following proposition: \begin{proposition}\label{proposition:SDP_Rank_Proof} \cite[Theorem 1]{Qiang_Li_ICC_Sec_Multicasting_2011} Provided the problem \eqref{eq:SDP_relaxation_results} is feasible, the optimal solution of \eqref{eq:SDP_relaxation_results} must satisfy the following rank inequality: \begin{align}\label{eq:Rank_inequality} \textrm{rank}(\mathbf{Q}_{s}) \leq \min (K, \sqrt{K L}) \end{align} \end{proposition} With \emph{Proposition} \ref{proposition:SDP_Rank_Proof}, we are able to identify the tightness of SDP relaxed solution via the following \emph{lemma} \begin{lemma}\label{lemma:Rank_one_lemma} \cite[Corollary 1]{Qiang_Li_ICC_Sec_Multicasting_2011} Provided the problem \eqref{eq:SDP_relaxation_results} feasible, it is guaranteed that \eqref{eq:SDP_relaxation_results} can yield a rank-one solution which exactly solves the problem \eqref{eq:Power_efficient_for_w} when either of the following conditions is satisfied: \begin{enumerate} \item $ K = 1 $ and $ L \geq 1 $. \item $ 1<K \leq 3 $, and $ L = 1.$ \end{enumerate} \end{lemma} By exploiting \emph{Proposition} \ref{proposition:SDP_Rank_Proof} and \emph{Lemma} \ref{lemma:Rank_one_lemma}, if $ \textrm{rank}(\mathbf{Q}_{s}) $ satisfies the rank-one condition in \emph{Lemma} \ref{lemma:Rank_one_lemma}, we can employ the eigen-decomposition for $ \mathbf{Q}_{s} $ to obtain the optimal transmit beamformer $ \mathbf{w} $. Otherwise, we need to use a rank reduction algorithm to tackle this problem \cite{Yongwei_Huang_Rank_Reduction_TSP_2010}. However, when rank-one condition in \emph{Lemma} \ref{lemma:Rank_one_lemma} is satisfied, we can also consider the following \emph{theorem} to directly solve the problem \eqref{eq:Power_efficient_for_w}. \begin{theorem}\label{theorem power efficient schur complement} The problem \eqref{eq:Power_efficient_for_w} can be reformulated into the following convex optimization framework when the rank-one condition in \emph{Lemma} \ref{lemma:Rank_one_lemma} is satisfied. \begin{align}\label{eq:Power_efficient_for_results} \min_{t \geq 0,\mathbf{w}} &~~ t, \nonumber\\ s.t. &~ \left[\begin{array}{cc} t \\ \mathbf{w} \end{array} \right] \succeq_{K_{(N_{T}+1)}} \mathbf{0}, ~ \left[\begin{array}{cc} \frac{1}{\bar{\sigma}_{s}} \mathbf{w}^{H}\mathbf{h}_{s,k} \\\frac{2^{\bar{\bar{R}}}}{\bar{\sigma}_{e}}\mathbf{w}^{H}\mathbf{h}_{e,l} \\ (2^{\bar{\bar{R}}} - 1)^{\frac{1}{2}} \end{array} \right] \succeq_{K_{3}} \mathbf{0}, ~~~\forall \;\;(k,l). \end{align} \end{theorem} \begin{IEEEproof} Please refer to Appendix \ref{appendix therorem schur complement}. \end{IEEEproof} By exploiting \emph{Theorem} \ref{theorem power efficient schur complement}, it is easily verified that \eqref{eq:Power_efficient_for_results} is a convex optimization problem, which can be solved by using interior-point methods \cite{boyd_B04}. Thus, the optimal transmit power of each PB can be adaptively updated as $ P^{\textrm{opt}} = \|\mathbf{w}\|^2 $, and the optimal transmit beamforming vector $ \mathbf{v}^{\textrm{opt}} $ can also be easily achieved. Now, we consider the computation complexity of solving problem \eqref{eq:Power_efficient_for_results}. According to the analysis of the basic complexity elements in \cite{Kunyu_Wang_TSP_2014_Outage}, problem \eqref{eq:Power_efficient_for_results} includes one second-order cone (SOC) constraint with dimension $ N_T + 1,$ $ KL $ SOC constraints with dimension $ N_T $, and one linear constraint. Thus, its computation complexity can be given by $ \mathcal{O}\bigg( \sqrt{2 KL+3} n [ KL N_{T}^2 + (N_T+1)^2 + 1 + n^2] \bigg) \ln(\frac{1}{\epsilon}), $ where $ n = \mathcal{O}(N_T + 1) $, and $ \epsilon > 0 $ denotes the accuracy requirement.\\ \textit{A special case}: Consider the case with a single legitimate user and a single eavesdropper only. The closed-form solution can be derived by exploiting Lagrange dual problem and KKT conditions. For notational convenience, we replace the channel notations $ \mathbf{h}_{s,k} $ and $ \mathbf{h}_{e,l} $ by $ \mathbf{h}_{s} $ and $ \mathbf{h}_{e} $, respectively. The following \emph{lemma} is introduced: \begin{lemma}\label{lemma Special_case_power_efficient} The optimal solution to \eqref{eq:Power_efficient_ori_inner} with only single legitimate user and single eavesdropper is given by \begin{align}\label{eq:Closed_form_solution_for_special_case} &~ \mathbf{w}^{\textrm{opt}} = \sqrt{P^{\textrm{opt}}} \mathbf{v}^{\textrm{opt}}, ~\mathbf{v}^{\textrm{opt}} = \frac{\bar{\mathbf{w}}}{\|\bar{\mathbf{w}}\|_{2}},~ \bar{\mathbf{w}} = v_{\textrm{max}} (\frac{1}{\bar{\sigma}_{s}^{2}}\mathbf{h}_{s}\mathbf{h}_{s}^{H}-\frac{2^{\bar{\bar{R}}}}{\bar{\sigma}_{e}^{2}}\mathbf{h}_{e}\mathbf{h}_{e}^{H}), \nonumber\\ &~ P^{\textrm{opt}} = \alpha^{\textrm{opt}}(2^{\bar{\bar{R}}} - 1),~ \alpha^{\textrm{opt}} = \frac{1}{\varrho_{\textrm{max}} (\frac{1}{\bar{\sigma}_{s}^{2}}\mathbf{h}_{s}\mathbf{h}_{s}^{H}-\frac{2^{\bar{\bar{R}}}}{\bar{\sigma}_{e}^{2}}\mathbf{h}_{e}\mathbf{h}_{e}^{H})}. \end{align} \end{lemma} \begin{IEEEproof} See Appendix \ref{appendix Special_case_power_efficient}. \end{IEEEproof} Now, it is natural that a question may arise with regard how to tackle with the problem \eqref{eq:Power_efficient_for_w} when the rank-one condition in \emph{Lemma} \ref{lemma:Rank_one_lemma} is not satisfied. Hence, we consider a SCA based scheme to reformulate the problem \eqref{eq:Power_efficient_for_w} for any general case, yielding an SOCP. We equivalently rewrite the problem \eqref{eq:Power_efficient_for_w} by introducing a new set of variables $(x_{s,k},y_{s,k},b_{s,k}), ~\forall k$ as \begin{subequations} \begin{align} \min_{\mathbf{w}, b_{s,k}} &~ \|\mathbf{w}\|^{2}, \nonumber\\ s.t. &~ x_{s,k}^{2} + y_{s,k}^{2} \geq b_{s,k}, \label{eq:Sec_constraint_general1}\\ &~ (2^{\bar{\bar{R}}} - 1)\sigma_{s}^{2} + \frac{2^{\bar{\bar{R}}}\sigma_{s}^{2}}{\sigma_{e}^{2}} |\mathbf{w}^{H}\mathbf{h}_{e,l}|^{2} \leq b_{s,k}, \label{eq:Sec_constraint_general2}\\ &~ x_{s,k} = \Re\left\{ \mathbf{w}^{H}\mathbf{h}_{s,k} \right \},~ y_{s,k} = \Im \left\{ \mathbf{w}^{H}\mathbf{h}_{s,k} \right\}, \label{eq:Sec_constraint_general3} \end{align} \end{subequations} where $ (x_{s,k}, y_{s,k}, b_{s,k}) \in \mathbb{R} $, $ \forall k $ In the above reformulation, it is observed that both constraint \eqref{eq:Sec_constraint_general1} and \eqref{eq:Sec_constraint_general2} are still not convex while \eqref{eq:Sec_constraint_general3} are linear constraints. In order to further process these non-convex constraints, we first introduce iterative successive approximation methods to tackle with \eqref{eq:Sec_constraint_general1}. Specifically, set $ \mathbf{q}_{s,k} = [x_{s,k}~ y_{s,k}]^{T} $, and denote the value of this vector at the $ n $-th iteration as $ \mathbf{q}_{s,k}^{(n)} $, we consider the first-order Taylor series to approximate the left hand side of \eqref{eq:Sec_constraint_general1} as \begin{align}\label{eq:Approximated_for_general1} x_{s,k}^{2} + y_{s,k}^{2} = \mathbf{q}_{s,k}^{T} \mathbf{q}_{s,k} \approx \|\mathbf{u}_{s,k}^{(n)}\|^{2} + 2 \sum_{i = 1}^{2} \mathbf{u}_{s,k}^{(n)} [\mathbf{q}_{s,k}(i) - \mathbf{u}_{s,k}^{(n)} (i)], \end{align} where the parameter vector $ \mathbf{u}_{s,k}^{(n)} (i) $ can be updated $ \mathbf{u}_{s,k}^{(n+1)} = \mathbf{q}_{s,k}^{(n)},~\forall k $ at the $ (n+1) $-th iteration. From this update, it is easily verified that $ \mathbf{u}_{s,k}^{(n)} $ can be determined by $ \mathbf{q}_{s,k}^{(n-1)} $. Thus, \eqref{eq:Approximated_for_general1} can be given by \begin{align}\label{eq:Approximated_sec_constraint_general1} \|\mathbf{u}_{s,k}^{(n)}\|^{2} + 2 \sum_{i = 1}^{2} \mathbf{u}_{s,k}^{(n)} [\mathbf{q}_{s,k}(i) - \mathbf{u}_{s,k}^{(n)} (i)] \geq b_{s,k}. \end{align} To proceed, the constraint \eqref{eq:Sec_constraint_general2} can be equivalently reformulated into the following SOC \begin{align}\label{eq:SOC_sec_constraint_general2} \left\| \left[\begin{array}{cc} (2^{\bar{\bar{R}}} - 1)^{\frac{1}{2}}\sigma_{s} \\ \frac{2^{\frac{\bar{\bar{R}}}{2}}\sigma_{s}}{\sigma_{e}} \mathbf{w}^{H}\mathbf{h}_{e,l} \end{array}\right] \right\|^{2} \leq b_{s,k} \Rightarrow \left\| \left[ \begin{array}{ccc} (2^{\bar{\bar{R}}} - 1)^{\frac{1}{2}}\sigma_{s} \\ \frac{2^{\frac{\bar{\bar{R}}}{2}}\sigma_{s}}{\sigma_{e}} \mathbf{w}^{H}\mathbf{h}_{e,l} \\ \frac{(b_{s,k} - 1)}{2} \end{array} \right] \right\| \leq \frac{(b_{s,k} + 1)}{2} \end{align} \begin{remark}\label{remark:SCA_remark} The convexity of the term $ \mathbf{q}_{s,k}^{T}\mathbf{q}_{s,k} $ and the first-order Taylor approximation ensures that the right hand side in \eqref{eq:Approximated_for_general1} bounds the left side in each iterative procedure. In other words, the optimal solution of the problem with the approximate constraint in \eqref{eq:Approximated_sec_constraint_general1} definitely belongs to the feasible set of the original optimization problem at each iteration. Also, due to the above update, in the $ (n + 1) $ step, the approximation in \eqref{eq:Approximated_sec_constraint_general1} holds with equality. In addition, the gradients of both sides with respect to the optimization variables in \eqref{eq:Approximated_sec_constraint_general1} are also the same at the $ (n+1) $-th iteration, which can prove that the solution of the iterative procedure satisfies the KKT conditions of the original problem \eqref{eq:Power_efficient_for_w}. This fact has been proved in \cite{Barry_Marks_Approx_Noncvx_Math_Programs_OR_1978}. \end{remark} By exploiting \emph{Remark} \ref{remark:SCA_remark}, the problem \eqref{eq:Power_efficient_for_w} takes the following form at the $ n $-th iteration \begin{align}\label{eq:SCA_SOCP_results} \min_{\mathbf{w},b_{s,k}} &~ \|\mathbf{w}\|^{2}, \nonumber\\ s.t. &~ \eqref{eq:Approximated_sec_constraint_general1}, \eqref{eq:SOC_sec_constraint_general2}, \eqref{eq:Sec_constraint_general3}, ~\forall (k,l). \end{align} Based on the above discussion, an iterative algorithm to approximately solve the problem in \eqref{eq:Power_efficient_for_w} is summarized as in \textbf{Algorithm} \ref{algorithm:SCA_algorithm}. \vspace{0.5em} \hrule \vspace{0.5em} \begin{algorithm}\label{algorithm:SCA_algorithm} \vspace{0.5em} Successive convex approximation to solve \eqref{eq:Power_efficient_for_w} \hrule \vspace{0.5em} \begin{enumerate} \item \textbf{Initialization}: Randomly generate $ \mathbf{u}_{s,k}^{(0)}, ~\forall k $ to make \eqref{eq:SCA_SOCP_results} feasible \item \textbf{Repeat} \begin{enumerate} \item \textbf{Solve} \eqref{eq:SCA_SOCP_results}. \item \textbf{Set} $ \mathbf{u}_{s,k}^{(n+1)} = \mathbf{q}_{s,k}^{(n)} $, $ \forall k $. \item \textbf{Set} $ n := n + 1 $. \end{enumerate} \item \textbf{Until} required accuracy is achieved or the maximum number of iterations is reached. \end{enumerate} \end{algorithm} \hrule \vspace{0.5em} From \textbf{Algorithm} \ref{algorithm:SCA_algorithm}, the initialized vector $ \mathbf{u}_{s,k} $ is given by random generation to guarantee the feasibility of \eqref{eq:SCA_SOCP_results}, which can be updated at each iteration until $ \mathbf{u}_{s,k}^{(n+1)} = \mathbf{q}_{s,k}^{(n)} $ holds when the algorithm converges. In addition, it is guaranteed that \textbf{Algorithm} \ref{algorithm:SCA_algorithm} converges to a locally optimal solution (quite close to the globally optimal solution) \cite{LN_Tran_SPL_Fast_converge_2012,LN_Tran_SPL_Large_Scale_2014}. \\ Next, we focus on the outer level problem in \eqref{eq:Power_efficient_ori_outer}. This is a single-variable optimization problem with respect to $ \theta $, which is rewritten as follows: \begin{align}\label{eq:Second_step_ori} \min_{\theta} &~ f(\theta), ~ s.t. ~ 0 < \theta < 1. \end{align} We can show that $ f(\theta) $ is a convex optimization problem with respect to $ \theta $ via the following \emph{lemma}: \begin{lemma}\label{lemma Second_step_convex_show} \eqref{eq:Second_step_ori} is a convex problem with respect to $ \theta $. \end{lemma} \begin{IEEEproof} See Appendix \ref{appendix Second_step_convex_show}. \end{IEEEproof} By exploiting \emph{Lemma} \ref{lemma Second_step_convex_show}, the optimal energy transfer time allocation factor (i.e., $ \theta^{\textrm{opt}} $) can be obtained by using one-dimensional (1D) single-variable search (e.g., golden search) in the interval $ \theta \in [0,1].$ Then, the optimal power allocation policy can be achieved. \section{Game theory based Secure WPCN Multiantenna Multicasting System}\label{section Game_theory_based_secure_WPCN_MISO_multicasting_system} In the previous section, we considered that the transmitter and the PBs belong to the same service provider, in which they try to work together to achieve their common target. However, this is not always the case so that, in this section, we consider the opposite scenario where the transmitter and the PBs are from two different service providers. Both parties want to maximize their own benefit. To model this scenario, we assume that the transmitter will have to pay for the energy services from the PBs, whereas the PBs will consider this payment as incentives to provide wireless energy transfer service. Obviously, being able to decide what price to pay for the energy service, the transmitter can take a leading role in dictating the energy trading interaction. This fits very well the model of a \textit{Stackelberg} game, which motivates us to use this game theory to optimize both parties' benefit. In this game model, the transmitter (leader) first pays for the harvested energy with an energy price to maximize its utility function. Then, the PBs (followers) optimize their transmit powers based on their released energy price to maximize their individual utility function. \subsection{Stackelberg Game Formulation}\label{section Stackelberg game formulation} Let $ \lambda $ denote the energy price that the transmitter will pay to the PBs. The total payment of the transmitter to the $M$ PBs, donoted by $Q_M$, is written as \begin{align} Q_M = \lambda \theta T \sum_{m=1}^{M} p_{m} \|\mathbf{g}_{m}\|^{2}, \end{align} where $ p_{m} $ denotes the transmit power of the $ m $th PB. Without loss of generality, we can assume $ T = 1.$ We now define the utility function of the transmitter as follows: \begin{align} U_{M} = \mu R_{K} - Q_{M}, \end{align} where $ \mu > 0 $ is the weight per a unit of secrecy throughput, by which the transmitter uses to convert the achievable secrecy rate $R_{K}$ into the equivalent revenue. Therefore, the leader game for the transmitter can be formulated as \begin{align}\label{eq:Stackelberg_leader_level} \max_{\lambda,\theta,\mathbf{v}}~ U_{M}, ~ s.t. ~ 0 < \theta < 1,~ \lambda \geq 0. \end{align} At the same time, each PB can be modelled as a follower that wants to maximize its own revenue function, which is defined as follows: \begin{align}\label{eq:Utility_PB_m} U_{PB,m} = \theta (\lambda p_{m} \|\mathbf{g}_{m}\|^{2} - \mathcal{F}_{m}(p_{m})), \end{align} where $ \mathcal{F}_{m}(p_{m}) $ is used to model the cost of the $ m $-th PB per unit time for wirelessly charging the transmitter with the transmit power $ p_{m} $. In this paper, we consider the following quadratic model\footnote[1]{The quadratic model has been commonly used in the energy market to model the energy cost \cite{Schober_TSG2010_DSM_GT}.} for the cost function of the PBs: \begin{align}\label{eq:Quadratic_function_power_market} \mathcal{F}_{m}(x) = A_{m} x^{2} + B_{m} x \end{align} where $ A_{m} > 0 $ and $ B_{m} > 0 $ are the constants that can be different for each PB. Thus, the follower game of $ m $-th PB is given by \begin{align}\label{eq:Stackelberg_follow_level} \max_{p_{m}} ~ U_{PB,m},~ s.t. ~ p_{m} \geq 0. \end{align} Both \eqref{eq:Stackelberg_leader_level} and \eqref{eq:Stackelberg_follow_level} form a \emph{Stackelberg} game for this secure WPCN multiantenna multicasting system, where the transmitter (leader) announces an energy price, and then the PBs (followers) optimize the transmit power based on the released energy price to maximize their individual revenue functions. The solution of this \emph{Stackelberg} game can be obtained by investigating the \emph{Stackelberg} equilibrium, where the transmitter and the PBs come to an agreement on the energy price, the transmit power of each PB and the time fraction of energy transfer duration. Note that the deviation of either the transmitter or the PBs from the \emph{Stackelberg} equilibrium will introduce a loss in their revenue functions. \subsection{Solution of The Proposed Stackelberg Game} In order to derive the solution of this game, the well-known \emph{Stackelberg} equilibrium concept can be defined as follows: \begin{definition}\label{definition Stackelberg_equilibrium} Let $ (\theta^{\textrm{opt}}, \lambda^{\textrm{opt}}) $ denote the solutions of problem \eqref{eq:Stackelberg_leader_level} while $ \{p_{m}^{\textrm{opt}}\} $ represents the solution of problem \eqref{eq:Stackelberg_follow_level} (here, the brackets $\{ \}$ indicate a vector that include all $p_m$'s with $\forall m$). Then, the triple-variable set ($ \theta^{\textrm{opt}}, \lambda^{\textrm{opt}},p_{m}^{\textrm{opt}} $) is a \emph{Stackelberg} equilibrium of the formulated game provided that the following conditions are satisfied \begin{align} &~U_{M}(\theta^{\textrm{opt}}, \lambda^{\textrm{opt}},\{p_{m}^{\textrm{opt}}\}) \geq U_{M}(\theta, \lambda,\{p_{m}^{\textrm{opt}}\}), \\ &~U_{PB,m}(\theta^{\textrm{opt}}, \lambda^{\textrm{opt}},p_{m}^{\textrm{opt}}) \geq U_{PB,m}(\theta^{\textrm{opt}}, \lambda^{\textrm{opt}},p_{m}),~\forall m. \end{align} for $ 0<\theta <1 $, $ \lambda \geq 0 $, and $ p_{m} \geq 0 $, $ \forall m $. \end{definition} First, it can be observed that problem \eqref{eq:Stackelberg_follow_level} is convex with respect with $ p_{m} $ for given values of $ \lambda $ and $ \theta $. Thus, the optimal solution is obtained as in the following theorem: \begin{theorem}\label{theorem Optimal_p_m} For given $ \lambda $ and $ \theta $, the optimal solution to \eqref{eq:Stackelberg_follow_level} is given by \begin{align}\label{eq:Optimal_p_m} p_{m}^{\textrm{opt}} = \begin{cases} \frac{\lambda\|\mathbf{g}_{m}\|^{2} -B_{m}}{2 A_{m}}, &~ \lambda > \frac{B_{m}}{\|\mathbf{g}_{m}\|^{2}} \\ 0,&~\lambda \leq \frac{B_{m}}{\|\mathbf{g}_{m}\|^{2}}. \end{cases} \end{align} \end{theorem} \begin{IEEEproof} The proof of this \emph{theorem} is achieved by equating the first derivative of \eqref{eq:Utility_PB_m} to zero. \end{IEEEproof} From Theorem \ref{theorem Optimal_p_m}, we can deduce the following remark: \begin{remark}\label{remark all_PBs_involved} The optimal power allocation $ p_{m}^{\textrm{opt}} $ can only be obtained under the condition that the energy price $ \lambda $ is greater than threshold $ \frac{B_{m}}{\|\mathbf{g}_{m}\|^{2}} $. Thus, we divide the PBs into two sets, namely, the active and non-active PBs. The PBs who can transfer the power to the transmitter and help determine the achievable secrecy rate by using the harvested energy are called active PBs. The remaining ones are non-active PBs. Generally, according to \eqref{eq:Optimal_p_m}, we can determine these active PBs and re-index them for the total power computation. In our paper, for convenience, we assume that all PBs are active and considered to be involved in the WET phase of $ \theta T.$ \end{remark} By exploiting \emph{Theorem} \ref{theorem Optimal_p_m} and \emph{Remark} \ref{remark all_PBs_involved}, we replace $ p_{m} $ in \eqref{eq:Stackelberg_leader_level} with \eqref{eq:Optimal_p_m}, problem \eqref{eq:Stackelberg_leader_level} now becomes \begin{align}\label{eq:U_L_with_optimal_p_m} \max_{\lambda,\theta}&~ \mu (1-\theta) \left[ \log\bigg[ 1+ \bigg( \lambda\sum_{m=1}^{M} \frac{\|\mathbf{g}_{m}\|^{4}}{2 A_{m}} - \sum_{m=1}^{M} \frac{B_{m}\|\mathbf{g}_{m}\|^{2}}{2 A_{m}} \bigg) t_{s} \bigg] \right. \nonumber \\ &~~~~~~~~~~~~ \left. - \log\bigg[ 1+ \bigg( \lambda\sum_{m=1}^{M} \frac{\|\mathbf{g}_{m}\|^{4}}{2 A_{m}} - \sum_{m=1}^{M} \frac{B_{m}\|\mathbf{g}_{m}\|^{2}}{2 A_{m}} \bigg) t_{e} \bigg] \right] \nonumber\\ &~~~~~~~~~~~~ - \theta \lambda^{2} \sum_{m=1}^{M} \frac{\|\mathbf{g}_{m}\|^{4}}{2A_{m}} + \theta \lambda \sum_{m=1}^{M}\frac{B_{m}\|\mathbf{g}_{m}\|^{2}}{2A_{m}} \nonumber\\ s.t. &~ 0 < \theta < 1,~ \lambda \geq 0 \end{align} where \begin{align} t_{s} = \min_{k} t_{s,k} = \min_{k} \frac{\theta |\mathbf{h}_{s,k}^{H}\mathbf{v}|^{2}}{(1-\theta)\sigma_{s}^{2}},~\forall k, ~t_{e} = \max_{l} t_{e,l} = \min_{l} \frac{\theta |\mathbf{h}_{e,l}^{H}\mathbf{v}|^{2}}{(1-\theta)\sigma_{e}^{2}},~\forall l. \nonumber \end{align} Note that before solving problem \eqref{eq:U_L_with_optimal_p_m}, the normalized transmit beamfoming vector $ \mathbf{v} $ can be obtained by employing a similar approach as in Section \ref{section Power Efficient for WPCN MISO Secure System} Thus, we solve for the optimal solution to the energy price $ \lambda $ and the energy transfer time allocation $ \theta $ only in leader level game \eqref{eq:U_L_with_optimal_p_m}. The problem \eqref{eq:U_L_with_optimal_p_m} is not jointly convex in terms of $ \theta $ and $ \lambda.$ It is extremely hard to find their optimal solutions simultaneously due to the complexity of the objective function in \eqref{eq:U_L_with_optimal_p_m}. In order to address this issue, we first derive the closed-form solution for the optimal $ \lambda $ with a given value $ \theta $. Then, the optimal value for $ \theta $ can be achieved through numerical analysis. In order to derive the closed-form solution of $ \lambda $, we set $ C_{M} = \sum_{m=1}^{M} \frac{\|\mathbf{g}_{m}\|^{4}}{2 A_{m}} $, $ D_{M} = \sum_{m=1}^{M} \frac{B_{m}\|\mathbf{g}_{m}\|^{2}}{4A_{m}} $, and the objective function to \eqref{eq:U_L_with_optimal_p_m} can be expressed as \begin{align}\label{eq:U_L_lambda} U_{M}(\theta, \lambda) & = \mu (1-\theta) \left[ \log\bigg[ 1+ \bigg( \lambda C_{M} - 2 D_{M} \bigg) t_{s} \bigg] - \log\bigg[ 1+ \bigg( \lambda C_{M} - 2 D_{M} \bigg) t_{e} \bigg] \right] \nonumber\\ &~~~~~~~- \theta \lambda^{2} C_{M} + 2 \theta \lambda D_{M}. \end{align} \begin{lemma}\label{lemma lambda_concave_function} \eqref{eq:U_L_lambda} is a concave function with respect to $ \lambda $. \end{lemma} \begin{IEEEproof} See Appendix \ref{appendix lambda_concave_function}. \end{IEEEproof} By exploiting \emph{Lemma} \ref{lemma lambda_concave_function}, we can claim that \eqref{eq:U_L_with_optimal_p_m} is a convex problem. Now, we derive the closed-form solution of $ \lambda $. In order to obtain the optimal solution to $ \lambda $, let the first order derivative of \eqref{eq:U_L_lambda} equate to zero, we have \begin{align} \frac{\mu (1-\theta) t_{s} C_{M} }{1+(\lambda C_{M} - D_{M}) t_{s} - D_{M} t_{s}} - \frac{\mu (1-\theta) t_{e} C_{M} }{1+(\lambda C_{M} - D_{M}) t_{e} - D_{M} t_{e}} - 2 \theta C_{M} \lambda + 2 \theta D_{M} = 0. \end{align} Set $ x = \lambda C_{M} - D_{M} $, and after a few of mathematical simplifications, we arrive at \begin{align}\label{eq:Cubic_equation_with_x} x^{3} + a x^{2} + b x + c = 0, \end{align} where \begin{align} a = \frac{(t_{s}+t_{e}) - 2 D_{M} t_{s}t_{e}}{t_{s} t_{e}},~ b = \frac{(D_{M} t_{s} - 1) (D_{M} t_{e} - 1)}{t_{s} t_{e}},~ c = - \mu (1-\theta) C_{M} (t_{s} - t_{e}).\nonumber \end{align} It is easily observed that \eqref{eq:Cubic_equation_with_x} is a cubic equation, which can be solved in terms of closed-form solution of $ x $ by using Cardano's formula \cite{Xiaobin_Huang_CL_2014_FD}, \begin{align}\label{eq:Optimal_lambda} x^{\textrm{opt}} = e^{j \angle x_{1}} \sqrt[3]{|x_{1}|} + e^{j \angle x_{2}} \sqrt[3]{|x_{2}|} - a/3, \end{align} where $ \angle $ denotes the phase angle of an complex random variable, and \begin{align} x_{1} & = -\frac{q}{2} + \sqrt{\Delta},~x_{2} = -\frac{q}{2} - \sqrt{\Delta}, \nonumber\\ \Delta & = \frac{p^{3}}{27} + \frac{q^{2}}{4},~ p = -\frac{a^{2}}{3} + b,~ q = \frac{2 a^{3}}{27} - \frac{ab}{3}+c.\nonumber \end{align} Thus, we obtain the optimal energy price as \begin{align}\label{eq:Optimal_energy_transfer_price} \lambda^{\textrm{opt}} = \frac{x^{\textrm{opt}} + D_{M}}{C_{M}}. \end{align} We have already obtained the optimal energy price of the transmitter for a given $ \theta $. Now, the optimal energy transfer time allocation is derived in the following. We substitute the closed-form expression \eqref{eq:Optimal_energy_transfer_price} into \eqref{eq:U_L_lambda}, thus, the following optimization problem can be written with respect to $ \theta $, \begin{align}\label{eq:U_L_with_theta} \max_{\theta}~ U_{M}(\theta,\lambda^{\textrm{opt}}), s.t.~ 0<\theta <1. \end{align} The problem \eqref{eq:U_L_with_theta} can be efficiently handled by using 1D search to obtain the optimal energy transfer time solution $ \theta^{\textrm{opt}} $ as follows: \begin{align}\label{eq:Optimal_theta} \theta^{\textrm{opt}} = \arg\max_{\theta \in (0,1)} U_{M}(\theta,\lambda^{\textrm{opt}}). \end{align} We have completed the derivation of the \emph{Stackelberg} equilibrium $(p_{m}^{\textrm{opt}},\lambda^{\textrm{opt}},\theta^{\textrm{opt}})$ for the formulated \emph{Stackelberg} game, which are shown in \eqref{eq:Optimal_p_m}, \eqref{eq:Optimal_lambda} and \eqref{eq:Optimal_theta}. \section{Numerical Results}\label{section numerical_results} In this section, we provide the simulation results to validate the proposed schemes. We consider the secure multiantenna multicasting system that consists of three legitimate receivers (i.e., $ K = 3 $) and two eavesdroppers ($ L = 5 $), where the transmitter is wirelessly powered by five PBs ($ M = 5 $). It is assumed that the transmitter is equipped with eight transmit antennas (i.e., $ N_{T} = 8 $), whereas the others consist of single antenna. We employ the path loss channel model $ \sqrt{A d_{x}^{-\alpha}} $, where $ A = 10^{-3}.$ The path loss exponent is set to $ \alpha = 3.$ Distance variable $ d_{x} $ can be replaced with $ d_{s} $, $ d_{e} $, and $ d_{PB} $ according to different channel coefficients, representing the distance between the transmitter and the legitimate users, the eavesdroppers as well as the PBs, respectively. In our simulation, we choose $ d_{s} = d_{e} = 2~\textrm{m} $, and $ d_{PB} = 5~\textrm{m} $ unless specified. The target secrecy rate is set to be $ \bar{R} = 2~\textrm{bps/Hz} $. The noise powers at the legitimate users and the eavesdroppers are set as $ \sigma_{s}^{2} = \sigma_{e}^{2} = 10^{-8}~ \textrm{mW} $. \begin{figure}[!htbp] \centering \includegraphics[scale = 0.85]{Results_EPS/Power_vs_d_PB_N_T8_general_case.eps} \caption{Comparison of transmit power between the proposed scheme and SDP scheme versus distance between PBs and transmitter.} \label{fig:Power_vs_distance_K5L5_general_case} \end{figure} \begin{figure}[!htbp] \centering \includegraphics[scale = 0.85]{Results_EPS/Power_vs_d_PB_N_T8_K1L5_new.eps} \caption{Comparison of transmit power between the SOCP and SDP schemes versus distance between PBs and transmitter.} \label{fig:Power_vs_distance_K1L5_satisfying_rank_condition} \end{figure} \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/Power_vs_distance_general_02.eps} \caption{Comparison of transmit power between the proposed scheme with optimal $ \theta $ and fixed $ \theta $ versus distance between PBs and transmitter.} \label{fig:Power_vs_distance_special_02} \end{figure} \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/Power_vs_distance_special_01.eps} \caption{Transmit power versus distance between PBs and transmitter with special case.} \label{fig:Power_vs_distance_special_01} \end{figure} \begin{figure}[!htbp] \centering \includegraphics[scale = 0.8]{Results_EPS/Run_time_comparison.eps} \caption{Run time versus the number of transmit antenna $ N_{T} $.} \label{fig:Run_time_comparison} \end{figure} First, we evaluate the minimized transmit power obtained from our proposed scheme in Section \ref{section Power Efficient for WPCN MISO Secure System} against the distance between PBs and the transmitter (i.e., $ d_{PB} $). Fig. \ref{fig:Power_vs_distance_K5L5_general_case} shows the result with general case when the rank-one condition in \emph{Lemma} \ref{lemma:Rank_one_lemma} is not satisfied. From this result, one can observe that our proposed SCA scheme outperforms the SDP scheme in \cite{Cumanan_JSTSP_2016_Game}. This is owing to a fact that our proposed scheme can achieve a optimal solution via \textbf{Algorithm} \ref{algorithm:SCA_algorithm}, whereas the SDP scheme cannot satisfy the rank-one condition such that the relaxed solution cannot achieve optimality. Fig. \ref{fig:Power_vs_distance_K1L5_satisfying_rank_condition} evaluates the results of \emph{Theorem} \ref{theorem power efficient schur complement}, where it is observed that the SOCP yields the same performance with the proposed SCA scheme and SDP scheme, which confirms that the correctness and accuracy of \emph{Theorem} \ref{theorem power efficient schur complement}. Fig. \ref{fig:Power_vs_distance_special_02} shows the impact of the energy time allocation. From this figure, we observe that the proposed SOCP scheme with the fixed time allocation based scheme (i.e., $ \theta = 0.5 $) that obviously requires more transmit power than the proposed SOCP scheme with optimal energy time allocation, this is owing to a fact that our proposed scheme can achieve a optimal energy time allocation by numerical search (i.e., $ \theta = \theta^{\textrm{opt}} $). Similar behaviours are observed in Fig. \ref{fig:Power_vs_distance_special_01} which is obtained for the special case of single user and single eavesdropper. This figure shows that the derived closed-form solution in \emph{Lemma} \ref{lemma Special_case_power_efficient} matches well with the numerical results obtained from a convex optimization tool, which validates the accuracy of this closed-form solution. In Fig. \ref{fig:Run_time_comparison}, we compare the run time of our proposed scheme and the SDP relaxation with \emph{Guided Randomzation}\footnote{\emph{Guided Randomization} is employed to tackle with the scenario that the SDP relaxed solution is not rank-one.} \cite{Jialing_Liao_CL_Robust_PS_SWIPT_2016} versus the number of transmit antenna $ N_{T} $. From this result, one can observe that our proposed scheme consume less time than SDP with \emph{Guided Randomization}, which implies that proposed algorithm has a lower computational complexity. \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/U_L_vs_lambda.eps} \caption{The utility function of transmitter $ U_{M} $ versus energy transfer price $\lambda$} \label{fig:U_L_vs_lambda} \end{figure} \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/U_L_vs_theta.eps} \caption{The utility function of transmitter $ U_{M} $ versus energy transfer time allocation $\theta$} \label{fig:U_L_vs_theta} \end{figure} Next, we validate the equilibrium of the proposed \emph{Stackelberg} game. In order to support the derived \emph{Stackelberg} equilibrium, we first evaluate the utility function of the transmitter versus the energy transfer price $ \lambda $ with a fixed energy transfer time allocation $ \theta $ in Fig. \ref{fig:U_L_vs_lambda}. From this figure, it is observed that the revenue function is concave, which validates the proof of convexity shown in \emph{Lemma} \ref{lemma lambda_concave_function}. In this figure, it also can be shown that the optimal utility function of the transmitter can be obtained via optimal energy transfer price $ \lambda^{\textrm{opt}} $ in \eqref{eq:Optimal_energy_transfer_price} and it matches the numerical search with different given $ \theta $, which confirms the optimal closed-form solution of the energy transfer price $ \lambda $. Also, as $ \theta $ increases, the utility function of the legitimate transmitter is decreasing, and the optimal value $ \lambda $ shifts to the left In addition, the revenue function of the transmitter versus energy transfer time allocation (i.e., $ \theta $) with optimal energy price $ \lambda^{\textrm{opt}} $ is shown in Fig. \ref{fig:U_L_vs_theta}. From this figure, it is shown that the revenue function is concave with respect to $ \theta $, which validates \eqref{eq:Optimal_theta}. Moreover, there exists a optimal utility transfer time (i.e., $ \theta^{\textrm{opt}} $) via numerical search with the optimal energy price. As $ \mu $ increases, the optimal value slightly shifts to the left. Then, we evaluate the transmitter revenue function performance of the proposed \emph{Stackelberg} game. Fig. \ref{fig:U_L_vs_No_PB} and Fig. \ref{fig:U_L_vs_No_PB_1} show the revenue function of the transmitter versus the number of PBs. From both figures, we can observe that this utility is improved with increasing of the number of PBs and $ \mu $. \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/U_L_vs_No_PB.eps} \caption{The utility function of transmitter $ U_{M} $ versus No. of PBs with different number of legitimate users and eavesdroppers} \label{fig:U_L_vs_No_PB} \end{figure} From Fig. \ref{fig:U_L_vs_No_PB}, increasing the number of the eavesdroppers can have more significant impact on the revenue than increasing the number of the legitimate users. In Fig. \ref{fig:U_L_vs_No_PB_1}, the revenue is decreased when the distance between the source and PBs is increased from 5m to 6.5m. This is because the nearer the PBs to the transmitter, the higher the transferred energy efficiency between them, which reduces the transmitter's payments to the PBs for their wireless energy services. \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/U_L_vs_No_PB_1.eps} \caption{The utility function of transmitter $ U_{M} $ versus No. of PBs with different $ d_{PB} $} \label{fig:U_L_vs_No_PB_1} \end{figure} Fig. \ref{fig:Theta_vs_No_PB} shows the optimal energy transfer time $ \theta $ versus the number of PBs. It is observed that $ \theta $ decreases as either the number of the PBs or $ \mu $ increase. The same behavior is observed when the distance between the source and PBs (i.e., $ d_{PB} $) decreases. \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/Theta_vs_No_PB.eps} \caption{Optimal energy transfer time allocation $ \theta $ versus No. of PBs} \label{fig:Theta_vs_No_PB} \end{figure} Fig. \ref{fig:Optimal_price_vs_No_PB} shows the optimal energy price versus the number of PBs. The price decreases as the number of PBs increases. Besides, the larger $ \mu $, the higher optimal energy price needs to be paid. It can also be seen from this figure that the decrease of the distance between the transmitter and PBs can also reduce the optimal energy price. This is because the shorter the distance between the source and PBs, the more energy harvested by the transmitter for the same power transmitted by the PBs, such that a lower energy price can be paid by the transmitter. \begin{figure}[!htbp] \centering \includegraphics[scale = 0.7]{Results_EPS/Optimal_price_vs_No_PB.eps} \caption{The optimal energy price versus No. of PBs.} \label{fig:Optimal_price_vs_No_PB} \end{figure} \section{Conclusion and Future Work}\label{section Conclusion} In this paper, we investigated the secure wireless-powered multiantenna multicasting system, which consists of a dedicated wireless powered networks with multiple PBs and a multiantenna secure multicasting system. We first investigated the power minimization problem to obtain the optimal power and energy transfer time allocation when both wireless power and secure information networks belong to the same service supplier. As this problem is not convex, we proposed a two-level approach, where the inner level problem can be relaxed as a convex optimization framework via iterative conic convex reformulation (i.e., SCA based SOCP scheme), while the outer level problem can be handled by using an 1D search. Next, we formulate a \emph{Stackelberg} game for the case when the WET and secure WIT networks belong to different service suppliers. We formulated the \textit{energy trading} process between the transmitter and the PBs as a \emph{Stackelberg} game, in which the transmitter plays a leader role and pays a price for the energy services from the PBs to guarantee the required security, and optimizes the energy price and the energy transfer time to maximize its utility function. Meanwhile, the PBs are modelled as the followers that determine their optimal transmit powers based on the released energy price to maximize their own utility function. The \emph{Stackelberg} equilibrium have been derived in terms of closed-form solution, where both the transmitter and the PBs come to an agreement on the energy price, transmit power and energy transfer time. Simulation results have been provided to validate the proposed schemes. For future works, we can consider a more challenging scenario such that the PBs will not stay silent during the WIT phase but rather transmit artificial noise to interfere with the eavesdroppers. This would change the dynamic of the optimization problems and may require different design/solutions. \begin{appendix} \subsection{Proof of \emph{Theorem} \ref{theorem power efficient schur complement}}\label{appendix therorem schur complement} When the solution $ \mathbf{Q}_{s} $ satisfies rank-one conditions in \emph{Lemma} \ref{lemma:Rank_one_lemma}, the SDP relaxed problem \eqref{eq:SDP_relaxation_results} can be equivalently modified as \begin{align}\label{eq:SOCP_power_efficient_problem_rewritten} \min_{\mathbf{w}}&~ \|\mathbf{w}\|^{2}, \nonumber\\ s.t.&~ \frac{2^{\bar{\bar{R}}}}{\bar{\sigma_{e}^2}} |\mathbf{w}^{H}\mathbf{h}_{e,l}|^2 + (2^{\bar{\bar{R}}} - 1) \leq \frac{1}{\bar{\sigma}_{s}^{2}} |\mathbf{w}^{H}\mathbf{h}_{s,k}|^{2}, ~\forall (k,l). \end{align} The problem \eqref{eq:SOCP_power_efficient_problem_rewritten} is still not convex in terms of the beamforming vector $ \mathbf{w} $. Thus, we propose a novel reformulation method by applying the following inequality relations in \eqref{eq:SOCP_power_efficient_problem_rewritten}, \begin{align}\label{eq:SOC_theorem} \left[\begin{array}{cc} a \\ \mathbf{b} \end{array} \right] \succeq_{K_{n}} \mathbf{0} \Leftrightarrow \|\mathbf{b}\| \leq a, \end{align} such that \eqref{eq:SOCP_power_efficient_problem_rewritten} can be reformulated into the following SOCP: \begin{align} \min_{t,\mathbf{w}} &~~ t, \nonumber\\ s.t. &~ \left[\begin{array}{cc} t_{1} \\ \mathbf{w} \end{array} \right] \succeq_{K_{N_{T}+1}} \mathbf{0}, ~ \left[\begin{array}{cc} \frac{1}{\bar{\sigma}_{s}} \mathbf{w}^{H}\mathbf{h}_{s,k} \\\frac{2^{\bar{\bar{R}}}}{\bar{\sigma}_{e}}\mathbf{w}^{H}\mathbf{h}_{e,l} \\ (2^{\bar{\bar{R}}} - 1)^{\frac{1}{2}} \end{array} \right] \succeq_{K_{3}} \mathbf{0}, ~\forall k, \forall l. \end{align} Thus, this completes the proof of \emph{Theorem} \ref{theorem power efficient schur complement}. \subsection{Proof of \emph{Lemma} \ref{lemma Special_case_power_efficient}}\label{appendix Special_case_power_efficient} The power minimization problem \eqref{eq:Power_efficient_for_w} with only single legitimate user and eavesdropper can be rewritten as \begin{align}\label{eq:Power_efficient_for_special_case} \min_{\mathbf{w}} &~ \mathbf{w}^{H}\mathbf{w} \nonumber\\ s.t. &~ \log\left(1+\frac{ |\mathbf{h}_{s}^{H}\mathbf{w}|^{2}}{\bar{\sigma}_{s}^{2}}\right) - \log\left(1+\frac{ |\mathbf{h}_{e}^{H}\mathbf{w}|^{2}}{\bar{\sigma}_{e}^{2}}\right) \geq \bar{\bar{R}}. \end{align} Now we equivalently modify \eqref{eq:Power_efficient_for_special_case} as \begin{align}\label{eq:Power_efficient_for_p} \min_{\mathbf{v},P} &~ P\mathbf{v}^{H}\mathbf{v} \nonumber\\ s.t. &~ \frac{\mathbf{v}^{H}(\mathbf{I}+\frac{P}{\bar{\sigma}_{s}^{2}} \mathbf{h}_{s}\mathbf{h}_{s}^{H})\mathbf{v}}{\mathbf{v}^{H}(\mathbf{I}+\frac{P}{\bar{\sigma}_{e}^{2}} \mathbf{h}_{e}\mathbf{h}_{e}^{H})\mathbf{v}} \geq 2^{\bar{\bar{R}}},~ \mathbf{v}^{H}\mathbf{v} = 1,~ P \geq 0. \end{align} In order to achieve the optimal solution $ (P^{\textrm{opt}},\mathbf{v}^{\textrm{opt}}) $, we consider the Lagrange dual problem to \eqref{eq:Power_efficient_for_special_case}, which can be expressed as \begin{align} \mathcal{L}(\mathbf{w},\mu) = \mathbf{w}^{H}\mathbf{w} + \alpha \left[ 2^{\bar{\bar{R}}}\bigg(1+\frac{1}{\bar{\sigma}_{s}^{2}}\mathbf{w}^{H}\mathbf{h}_{e}\mathbf{h}_{e}^{H}\mathbf{w}\bigg) - \bigg(1+ \frac{1}{\bar{\sigma}_{e}^{2}}\mathbf{w}^{H}\mathbf{h}_{s}\mathbf{h}_{s}^{H}\mathbf{w}\bigg) \right], \end{align} where $ \alpha \geq 0 $ is the Lagrange multiplier associated with the secrecy rate constraint. The corresponding dual problem can be given by \begin{align}\label{eq:Dual_problem_power_efficient} \max_{\alpha \geq 0} ~ \alpha(2^{\bar{\bar{R}}} - 1), ~s.t. ~ \mathbf{Y} = \mathbf{I} - \alpha \bigg(\frac{1}{\bar{\sigma}_{s}^{2}}\mathbf{h}_{s}\mathbf{h}_{s}^{H} - \frac{1}{\bar{\sigma}_{e}^{2}}\mathbf{h}_{e}\mathbf{h}_{e}^{H}\bigg) \succeq \mathbf{0}. \end{align} The constraint in \eqref{eq:Dual_problem_power_efficient} implies that the matrix $ \mathbf{Y} $ have at least one zero eigenvalue. On the other hand, the solution of $ \alpha $ can be the maximum value that satisfies the positive semidefinite constraint in \eqref{eq:Dual_problem_power_efficient}, which leads to \begin{align} \alpha^{\textrm{opt}} = \frac{1}{\varrho_{\textrm{max}} (\frac{1}{\bar{\sigma}_{s}^{2}}\mathbf{h}_{s}\mathbf{h}_{s}^{H}-\frac{2^{\bar{\bar{R}}}}{\bar{\sigma}_{e}^{2}}\mathbf{h}_{e}\mathbf{h}_{e}^{H})}. \end{align} The problem \eqref{eq:Power_efficient_for_special_case} can be formulated as a convex optimization problem. Hence, the strong duality holds between the original problem \eqref{eq:Power_efficient_for_special_case} and the corresponding dual problem \eqref{eq:Dual_problem_power_efficient}. The required minimum power to achieve the secrecy rate constraint is \begin{align} P^{\textrm{opt}} = \alpha^{\textrm{opt}}(2^{\bar{\bar{R}}} - 1). \end{align} On the other hand, it is easily verified that the optimal $ \mathbf{w} $ lies in the null space of $ \mathbf{Y} $ \begin{align} \mathbf{\bar{w}} = v_{\textrm{max}} \bigg(\frac{1}{\bar{\sigma}_{s}^{2}}\mathbf{h}_{s}\mathbf{h}_{s}^{H} - \frac{2^{\bar{\bar{R}}}}{\bar{\sigma}_{e}^{2}}\mathbf{h}_{e}\mathbf{h}_{e}^{H}\bigg),~ \mathbf{v}^{\textrm{opt}} = \frac{\mathbf{\bar{w}}}{\|\mathbf{\bar{w}}\|_{2}}. \end{align} Hence, the optimal solution to \eqref{eq:Power_efficient_for_special_case} can be expressed as \begin{align} \mathbf{w}^{\textrm{opt}} = \sqrt{P^{\textrm{opt}}} \mathbf{v}^{\textrm{opt}}. \end{align} \subsection{Proof of \emph{Lemma} \ref{lemma Second_step_convex_show}}\label{appendix Second_step_convex_show} In order to show that $f(\theta)$ is a convex problem, there are two conditions to be satisfied: convex objective function and convex constraints \cite{boyd_B04}. First, we rewrite $f(\theta)$ as follows: \begin{align}\label{eq:f_theta} f(\theta) = \min_{\theta} &~ \frac{\theta(\sum_{m=1}^{M} \|\mathbf{g}_{m}\|^{2})}{1-\theta} \|\mathbf{w}\|^{2}, \nonumber\\ s.t. &~ (1-\theta) \log\left(\frac{1-\theta + \theta t_{s,k}}{1-\theta + \theta t_{e,l}}\right) \geq \bar{R}, 0 < \theta < 1,~\forall k,\forall l. \end{align} It is easily verified that the objective function in \eqref{eq:f_theta} is convex with respect to $ \theta $. Then, we show that the secrecy constraint in \eqref{eq:f_theta} is convex. Let $ f_{k,l}(\theta) = (1-\theta) \log\left(\frac{1-\theta + \theta t_{s,k}}{1-\theta + \theta t_{e,l}}\right) $, where $ t_{s,k} = \frac{|\mathbf{h}_{s,k}^{H}\mathbf{w}|^{2}}{\sigma_{s}^{2}} $ and $ t_{e,l} = \frac{|\mathbf{h}_{e,l}^{H}\mathbf{w}|^{2}}{\sigma_{e}^{2}} $. Hence, the remaining part we only show that $ f_{k,l}(\theta) $ is a concave function with respect to $ \theta $, which can be equivalently written as \begin{align} f_{k,l}(\theta) &~ = (1-\theta) \log\left( \frac{\frac{1-\theta+\theta t_{s,k}}{1-\theta}}{\frac{1-\theta +\theta t_{e,l}}{1-\theta}} \right) = (1-\theta) \log\left( \frac{\frac{\theta(t_{s,k} -1)+(1-t_{s,k}) +t_{s,k}}{1-\theta}}{\frac{\theta(t_{e,l} - 1) + (1-t_{e,l}) + t_{e,l}}{1-\theta}} \right) \nonumber\\ &~ = \log\left( \frac{\frac{(1-t_{s,k})(1-\theta) + t_{s,k}}{1-\theta}}{\frac{(1-t_{e,l})(1-\theta)+t_{e,l}}{1-\theta}} \right). \end{align} Let $ z = 1- \theta $, ($ 0\leq \theta \leq 1 $), $ f_{k,l}(z) $ can be rewritten as \begin{align} f_{k,l}(z) = z \log \frac{(1-t_{s,k})z +t_{s,k}}{z} - z \log \frac{(1-t_{e,l})z +t_{e,l}}{z}. \end{align} Then, we consider the first derivative of $ f_{k,l}(z) $, \begin{align} \frac{ \partial f_{k,l}(z)}{z} = \frac{1}{\ln2 } \left[ \bigg( \ln \frac{(1-t_{s,k})z+t_{s,k}}{z} + \frac{-t_{s,k}}{(1-t_{s,k})z + t_{s,k}}\bigg) - \bigg( \ln \frac{(1-t_{e,l})z+t_{e,l}}{z} + \frac{-t_{e,l}}{(1-t_{e,l})z + t_{e,l}}\bigg) \right]. \end{align} Furthermore, the second derivative of $ f_{k,l}(z) $ is given by \begin{align} \frac{\partial^{2} f_{k,l}(z)}{z^{2}} = \frac{1}{\ln2} \left[ \frac{-t_{s,k}^{2}}{[(1-t_{s,k})z+t_{s,k}]^{2} z} - \frac{-t_{e,l}^{2}}{[(1-t_{e,l})z +t_{e,l}]^{2} z} \right]. \end{align} Let $ g(t) = \frac{-t^{2}}{[(1-t)z+t]^{2}z} $, the first derivative of $ g(t) $ is given by \begin{align}\label{eq:g(t)_first_order_derivatives} \frac{\partial g(t)}{t} &~ = \frac{-2t[(1-t)z + t] + 2(1-z)t^{2}}{[(1-t)z + t]^{3}z} = \frac{-2zt}{[(1-t)z+t]^{3}z} < 0. \end{align} It is easily verified that \eqref{eq:g(t)_first_order_derivatives} holds since $ z = 1- \theta \in (0,1) $, thus, $ g(t) $ is a monotonically decreasing function of $ t $. Due to $ t_{s,k} > t_{e,l} $, it is easily obtained that $ \frac{\partial^{2} f_{k,l}(z)}{z^{2}} < 0 $. In other words, $ f_{k,l}(\theta) $ is a concave function with respect to $ \theta $. \subsection{Proof of \emph{Lemma} \ref{lemma lambda_concave_function}}\label{appendix lambda_concave_function} We first derive the first-order derivatives of \eqref{eq:U_L_lambda}, which is written as \begin{align} \frac{\partial U_{M}(\lambda)}{\partial \lambda} = \frac{1}{\ln 2}\bigg[ \frac{\mu (1-\theta) t_{s} C_{M} }{1+(\lambda C_{M} - 2 D_{M}) t_{s}} - \frac{\mu (1-\theta) t_{e} C_{M} }{1+(\lambda C_{M} -2 D_{M}) t_{e}} \bigg] - 2 C_{M} \lambda + 2 D_{M}. \end{align} Then, the second-order derivatives of \eqref{eq:U_L_lambda} is given by \begin{align} \frac{\partial^{2} U_{M}(\lambda)}{\partial^{2} \lambda} = \frac{1}{\ln 2}\bigg[ \frac{\mu (1-\theta) C_{M}^{2}(t_{e}^{2} - t_{s}^{2})}{[1-(\lambda C_{M} - 2 D_{M})t_{s}]^{2} [1-(\lambda C_{M} - 2 D_{M})t_{e}]^{2}} \bigg] - 2C_{M} < 0. \end{align} The above inequality holds since $ t_{s} - t_{e} > 0 $ to guarantee the minimum achievable secrecy rate is greater than zero. Thus, \eqref{eq:U_L_lambda} is a concave function. \end{appendix} \bibliographystyle{ieeetr}
d8e77fcf7fa154613dae07bf0c636723b1e8abd2
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Observations of synchrotron radiation in supernovae, $\gamma$-ray bursts (GRBs), and tidal disruption events provide an efficient means to probe high-energy transient phenomena. Multi-wavelength observations of these events have been successfully leveraged to determine the energy, particle density, and magnetic field strength, thereby constraining the progenitors and physical processes powering these extreme explosions \citep{spn98,pk02,sckf06,mgm12}. The observed radiation in these sources arises from electrons accelerated to relativistic energies in shocks. While the method of accelerating these electrons is far from understood, all proposed models predict that only a fraction $\ensuremath{f_{\rm NT}} < 1$ of electrons are accelerated into the non-thermal distribution responsible for the observed radiation, the rest forming a relativistic Maxwellian distribution at lower energies. The precise value of \ensuremath{f_{\rm NT}}\ depends strongly on the shock magnetization, and is expected to range from $\lesssim1\%$ to $\approx15\%$ for different shock heating mechanisms \citep{ss11}. A determination of \ensuremath{f_{\rm NT}}\ would directly constrain the properties of the shocks generating synchrotron radiation in astrophysical sources, a vital step toward understanding this ubiquitous radiation process. Unfortunately, \ensuremath{f_{\rm NT}}\ is completely degenerate with the other physical parameters governing the observed spectra and light curves from astrophysical transients. Previous studies have therefore simply employed a value of unity. This degeneracy has also caused an unknown degree of uncertainty in the values of the physical parameters derived from fitting observations of these sources. \cite{Eichler2005} first clarified this degeneracy in the context of GRB afterglows. Their pioneering work, which included a rudimentary treatment of synchrotron cooling and self-absorption, suggested the thermal population could be distinguished by an early `pre-brightening' at radio wavelengths. Both \cite{gs09} and \cite{webn17} studied the effect of thermal electrons on the observed spectrum, the latter including the effects of pion decay and inverse Compton radiation. Both, however, ignored synchrotron self-absorption, which is expected to affect radio observations. \cite{Toma2008} further studied the radio polarimetry signature of a mono-energetic thermal peak in the distribution function, finding that thermal electrons may suppress Faraday rotation if the magnetic field is well ordered. In this work, we study the effect of non-shock heated electrons on the synchrotron radiation from GRB afterglows, including synchrotron cooling and self-absorption. To parameterize the uncertainty of the thermal heating by shocks in collisionless plasmas, we consider two extreme cases: 1) strong shock heating, where the post-shock electron temperature is comparable to the post-shock gas temperature, and 2) weak shock heating, where the post-shock electron temperature is much less than the post-shock gas temperature. We study the effect of inefficient acceleration as a function of the accelerated fraction \ensuremath{f_{\rm NT}}, focusing on a fiducial set of parameters typical of observed GRB afterglows. \section{Physical Model} Our underlying physical model is the self-similar hydrodynamic solution for a spherically symmetric point explosion \citep{BM1979}. We use the framework of \cite{GS2002} (hereafter, GS02) to describe synchrotron radiation from the resulting relativistic shock. We modify the distribution function of electrons downstream of the shock to include contributions from thermal (non-accelerated) particles. The parameters in our model are the explosion energy, $E$, the external number density, $n_{ext}$, the fraction of internal energy given to nonthermal electrons, $\epsilon_e$, the fraction of internal energy given to the magnetic field, $\epsilon_B$, the nonthermal power law index, $p$, and \ensuremath{f_{\rm NT}}. We describe our modifications to the distribution function in Section \ref{edist}; for a more detailed description of the hydrodynamics, we refer the reader to GS02. \subsection{Fluid Solution} The \citet{BM1979} solution depends on the initial explosion energy, $E$, and the ambient medium density, $n_{ext}$. In terms of these parameters, the Lorentz factor of the shock can be expressed as a power law in the coordinate time, $t$ as \begin{equation} \Gamma = \sqrt{\frac{17 E}{8 \pi n_{ext} m_p c^5 t^3}}, \end{equation} corresponding to a shock radius, \begin{equation} R = c t \left(1 + \frac{1}{8\Gamma^2} \right), \end{equation} where $m_p$ is the proton mass and $c$ is the speed of light. Note that here and throughout we keep only the leading order terms in $\Gamma$. The post-shock fluid is characterized by the similarity variable, $\chi$, which is related to the coordinate time, $t$, coordinate radius, $r$, and the shock radius: \begin{equation} \chi = 1 + 8 \Gamma^2 \left(\frac{R-r}{R}\right). \label{eq:chi_def} \end{equation} In terms of this variable, the rest frame internal energy, $e$, Lorentz factor, $\gamma$, and rest frame number density, $n$, take the simple form \begin{eqnarray} \begin{aligned} e &= 2 \Gamma^2 m_p c^2 n_{ext} \chi^{-17/12} \\ \gamma &= 2^{-1/2} \Gamma \chi^{-1/2} \\ n &= 2^{3/2} \Gamma n_{ext} \chi^{-5/4}. \end{aligned} \end{eqnarray} We assume the post-shock magnetic field is isotropic, and carries a fixed fraction, $\epsilon_B$ of the shock energy, \begin{equation} B = \sqrt{ 8 \pi \epsilon_B e}, \end{equation} Finally, in order to evolve the Lorentz factor of an individual electron as it travels away from the shock (see \S \ref{sec:Nevol}), we need not only the solution for each fluid element at a fixed coordinate time and radius, but also the fluid properties that it possessed at the time $t_0$ when it initially crossed the shock. We label these quantities with a subscript `0.' These can be derived by solving for the worldline of the fluid element using the relation $\partial r/\partial t = \beta c \approx c( 1 - \gamma^{-2} / 2)$, which yields (GS02): \begin{eqnarray} \begin{aligned} e_0 &= e \chi^{13/6} \\ \gamma_0 &= \gamma \chi^{7/8} \\ n_0 &= n \chi^{13/8} \\ B_0 &= B \chi^{13/12}. \end{aligned} \end{eqnarray} \begin{figure*} \centering \includegraphics[width=0.45\textwidth]{N_discontinuous.pdf} \includegraphics[width=0.45\textwidth]{N_continuous.pdf} \caption{Representative examples of the electron distribution functions for the `cold electron model' (left) and the `hot electron model' (right) for different choices of the fraction of thermal electrons, \ensuremath{f_{\rm T}}, and at two different times along the world line of a fluid element. $\chi = 1$ represents the distribution just behind the shock at a time $t_0 \approx 30 $ days, while $\chi = 10$ corresponds to a later time, $t \approx 53$ days, when the fluid element is further away from the shock and has been subject to radiative and adiabatic losses. The fluid parameters are chosen to scale with \ensuremath{f_{\rm NT}}\ such that the nonthermal distribution is independent of \ensuremath{f_{\rm NT}}, thus the nonthermal parts of the distribution for different \ensuremath{f_{\rm T}}\ are coincident. } \label{fig:dist} \end{figure*} \subsection{Electron Distribution Function} \label{edist} We consider two classes of phenomenological models for the electron distribution function, in both of which a fraction \ensuremath{f_{\rm NT}}\ of the electrons are accelerated from a thermal distribution to a power law at the shock front. The remaining fraction, $\ensuremath{f_{\rm T}} = 1-\ensuremath{f_{\rm NT}}$, are either efficiently shock-heated (the ``Hot Electron Model'') or inefficiently shock-heated (the ``Cold Electron Model''). As the electrons advect away from the shock front, the distribution suffers radiative and adiabatic losses. We ignore the negligible effect of Coulomb collisions. The post-shock electron distribution can be split into a thermal and nonthermal components, written as a function of the electron Lorentz factor, $\gamma_e$, and characterized by a power law index, $p$, a minimum accelerated electron Lorentz factor, $\gamma_{\rm min,0}$, and normalization constants $K_{0,th}$ and $K_{0,nt}$: \begin{equation} N_{e,th} = K_{0,th} \frac{\gamma_e^2 \beta }{\Theta_{e,0} K_{2}\left(1/\Theta_{e,0}\right)} e^{-\gamma_e/\Theta_{e,0}} \approx K_{0,th} \frac{\gamma_e^2}{2\Theta_{e,0}^3} e^{-\gamma_e/\Theta_{e,0}} \label{eq:thermal_0} \end{equation} for $\gamma_e<\gamma_{\rm min,0}$, and \begin{equation} N_{e,nt} = K_{0,nt} \gamma_e^{-p} \label{eq:NT_0} \end{equation} for $\gamma_e>\gamma_{\rm min,0}$, with \begin{equation} \gamma_{\rm min,0} = \frac{p-2}{p-1}\frac{\epsilon_e e_0 }{ \ensuremath{f_{\rm NT}} n_0 m_e c^2}. \label{eq:gamma_min} \end{equation} Here $m_e$ is the electron mass, $\beta \equiv \sqrt{1-1/\gamma_e^2}$, $K_2(1/\Theta_{e,0})$ is a modified Bessel function of the 2nd kind. For the relativistic electrons considered here, $\Theta_{e,0} \gg 1$, $\beta \approx 1$, and $K_2(1/\Theta_{e,0}) \approx 2 \Theta_{e,0}^2$. The difference between the two models lies in the prescriptions for $\Theta_{e,0}$, which we now describe. \subsubsection{Cold Electron Model} \label{sec:cold} In the cold electron model, inefficient shock heating of thermal electrons results in a post-shock electron temperature that is much less than the gas temperature. These thermal electrons have Lorentz factors, $\gamma_e m_e\ll \gamma m_p$. The nonthermal particles, on the other hand, are considered to be accelerated to a minimum Lorentz factor of $\gamma_{\rm min,0} m_e \sim \gamma m_p$, so that the two components of the distribution are clearly separated. We parameterize $\Theta_{e,0}$ with the fractional temperature of the thermal particles, $\eta_e \equiv T_e/T_g$: \begin{equation} \Theta_{e,0} = \frac{\eta_e}{\gamma_{\rm ad}} \frac{e_0}{n_0 k_b m_e c^2}, \label{eq:theta_eta} \end{equation} where $T_g$ is the gas temperature, $k_b$ is the Boltzmann constant, and $\gamma_{\rm ad}=4/3$ is the gas adiabatic index. To normalize the distribution functions, we impose: \begin{equation} \int\limits_{0}^{\infty} N_{e,th} d\gamma_e = \ensuremath{f_{\rm T}} n_0 \label{eq:th_norm} \end{equation} and \begin{equation} \int\limits_{\gamma_{\rm min,0}}^{\infty} N_{e,nt} d\gamma_e = \ensuremath{f_{\rm NT}} n_0, \label{eq:nt_norm} \end{equation} yielding $K_{0,th} = \ensuremath{f_{\rm T}} n_0$ and $K_{0,nt} = \ensuremath{f_{\rm NT}} n_0 (p-1) \gamma_{\rm min,0}^{p-1}$. For larger values of $\eta_e$, the nonthermal and thermal distributions overlap, causing a discontinuity in the electron distribution at $\gamma_{\rm min,0}$. To avoid this unphysical feature, we limit the use of this model to $\eta_e < \eta_{max}$, where $\eta_{max}$ (corresponding to some $\Theta_{e,0,max}$) is determined by requiring that 99\% of the thermal electrons have Lorentz factors below $\gamma_{\rm min,0}$, so that \begin{equation} \int\limits_0^{\gamma_{\rm min,0}} N_{e,th}(\gamma_e,\Theta_{e,0,max}) = 0.99 \ensuremath{f_{\rm T}} n_0, \label{eq:th_max} \end{equation} giving \begin{equation} \eta_{max} \approx 0.1 \left[3 \frac{p-2}{p-1} \frac{\epsilon_e}{\ensuremath{f_{\rm NT}}}\right] \Leftrightarrow \Theta_{e,0,max} \approx 0.1 \gamma_{min,0}. \label{eq:eta_max} \end{equation} \subsubsection{Hot Electron Model} \label{sec:hot} The hot electron model is characterized by efficient heating of thermal electrons at the shock, so that the post shock electron temperature is of order the total gas temperature, with typical Lorentz factors of $\gamma_e m_e \sim \gamma m_p$. Since the nonthermal particles are also assumed to have Lorentz factors above $\gamma_{\rm min,0}m_e \sim \gamma m_p$, there is significant overlap between the two components of the distribution function. To connect the two, we adopt the prescription of \citet{Yuan2003} (similarly, \citealt{gs09}). We require $N_{e,th}(\gamma_{\rm min,0}) = N_{e,nt}(\gamma_{\rm min,0})$ which, when combined with the normalization conditions \begin{equation} \int\limits_{0}^{\gamma_{\rm min,0}} N_{e,th} d\gamma_e = \ensuremath{f_{\rm T}} n_0 \end{equation} and \begin{equation} \int\limits_{\gamma_{\rm min,0}}^{\infty} N_{e,nt} d\gamma_e = \ensuremath{f_{\rm NT}} n_0, \end{equation} provides a set of nonlinear equations for $y_{\rm min} \equiv \gamma_{\rm min,0}/\Theta_{e,0}$ and $K_{0,th}$, while $K_{0,nt} = \ensuremath{f_{\rm NT}} n_0 (p-1) \gamma_{\rm min,0}^{p-1} $. $y_{\rm min} $ is then determined by solving the transcendental equation: \begin{equation} \frac{y_{\rm min}^3 e^{-y_{\rm min}}}{2 - e^{-y_{\rm min}}\left(y_{\rm min}^2 + 2y_{\rm min} + 2\right)}= \frac{\ensuremath{f_{\rm NT}}}{\ensuremath{f_{\rm T}}}\left(p-1\right), \label{eq:ymin} \end{equation} which is then directly related to the normalization constant for the thermal distribution: \begin{equation} K_{0,th} = \frac{2\ensuremath{f_{\rm T}} n_0 }{2 - e^{-y_{\rm min}}\left(y_{\rm min}^2 + 2y_{\rm min} + 2\right)}. \end{equation} For a fixed $\gamma_{min,0}$, as \ensuremath{f_{\rm T}}\ gets smaller (\ensuremath{f_{\rm NT}}\ gets larger), the value of $\Theta_{e,0}$ needed to continuously match the distribution functions gets larger. As $\Theta_{e,0} \rightarrow \infty$, the thermal electron distribution approaches a $\gamma_e^2$ power law distribution with only one free parameter, making the system over-determined. This happens at a finite value of \ensuremath{f_{\rm NT}}, denoted \ensuremath{f_{\rm max}}, which is given by the solution to equation \eqref{eq:ymin} as $y_{\rm min}\rightarrow 0$: \begin{equation} \ensuremath{f_{\rm max}} = \frac{3}{p+2}. \label{eq:fmax} \end{equation} For $\ensuremath{f_{\rm NT}}>\ensuremath{f_{\rm max}}$, the thermal distribution function cannot be continuously connected to the nonthermal distribution function while still maintaining the proper normalization. Finally, we note that in this model $\eta_e$ as defined in \eqref{eq:theta_eta} is no longer a free parameter but directly related to $\epsilon_e$: \begin{equation} \eta_e = 3 \frac{p-2}{p-1}\frac{\epsilon_e}{\ensuremath{f_{\rm NT}} y_{\rm min}}. \end{equation} \subsubsection{Evolution of the Electron Distribution Function} \label{sec:Nevol} The above prescriptions are applied to the electron distribution just behind the shock. As the fluid advects away from the shock, each individual electron is subject to radiative and adiabatic losses, \begin{equation} \frac{d \gamma_e}{d t'} = - \frac{\sigma_{\rm T}B^2}{6 \pi m_e c} \gamma_e^2 + \frac{\gamma_e}{3n} \frac{dn}{dt'}, \label{eq:dgamdt} \end{equation} where $t'$ is measured in the frame of the post-shock fluid. The solution to this equation gives the electron Lorentz factor as a function of its Lorentz factor at the shock, $\gamma_{e,0}$, and the similarity variable, $\chi$: $\gamma_e(\gamma_{e,0},\chi)$. As the electrons lose energy, the distribution function will evolve conserving particle number: \begin{equation} \frac{N_e(\gamma_e)}{n} d\gamma_e = \frac{N_e(\gamma_{e,0})}{n_0} d\gamma_{e,0}, \end{equation} so that the distribution function at an arbitrary point in the flow can be written as \begin{equation} N_e(\gamma_e) = \frac{n}{n_0} N_e(\gamma_{e,0}) \frac{d\gamma_{e,0}}{d\gamma_e}. \label{eq:Ne_evol} \end{equation} We use Equation \eqref{eq:Ne_evol} to evolve both the nonthermal and the thermal distribution functions. The minimum Lorentz factor for the nonthermal particles is evolved according to equation \eqref{eq:dgamdt}. Figure \ref{fig:dist} shows the effect of this evolution. \subsection{Emissivities and Absorptivities} In the rest frame of the fluid, the synchrotron emissivity and absorptivity are defined with respect to the particle distribution function, $N_e(\gamma_e)$, and the single particle power spectrum, $P_e'$: \begin{equation} j_{\nu'} = \frac{1}{4 \pi} \int d \gamma_e N(\gamma_e) P_e'(\gamma_e) \end{equation} and \begin{equation} \alpha_{\nu'} = \frac{1}{8 \pi m_e \nu'^2} \int d\gamma_e \frac{N(\gamma_e)}{\gamma_e^2} \frac{d}{d\gamma_e}\left(\gamma_e^2 P_e'(\gamma_e)\right). \end{equation} For $P_e'$, we use the single particle power spectrum averaged over pitch angles: \begin{equation} P_e' = \frac{\sqrt{3}e^3 B}{m_e c^2}\int\limits^{\pi/2}_{0} d \alpha \sin(\alpha)^2 F\left[X/\sin(\alpha)\right] \end{equation} with \begin{equation} X \equiv \frac{\nu'}{\nu_{synch}'(\alpha = \pi/2)} = \frac{ 4 \pi \nu' m_e c}{3 e B \gamma_e ^2} \end{equation} and \begin{equation} F(y) = y \int \limits_y^{\infty} K_{5/3}(z)dz. \end{equation} \subsection{Radiative Transfer} To determine the observed spectrum, we numerically solve the radiative transfer equation in the lab frame: \begin{equation} \frac{d I_\nu}{d s } = j_\nu - I_\nu \alpha_\nu, \end{equation} which has been written in terms of the lab frame frequency, $\nu$, and the line of sight, $s$. We can rewrite the transfer equation in terms of fluid rest frame quantities $\nu'$, $j_{\nu'}$, and $\alpha_{\nu'}$ using the invariance of $j_\nu/\nu^2$ and $\alpha_\nu \nu$ : \begin{equation} \frac{d I_\nu}{d s } = \left(\frac{\nu(1+z)}{\nu'}\right)^2 j_{\nu'} - \left(\frac{\nu'}{\nu(1+z)}\right) I_\nu \alpha_{\nu'}, \label{eq:rad_trans} \end{equation} where $\nu'/\nu = \gamma(1- \beta \mu) \approx \left[(1-\mu) \gamma + \mu /(2\gamma)\right] (1+z)$ in terms of $\mu \equiv \cos(\theta)$, where $\theta$ is the polar angle, and $z$ is the redshift. Here we approximate the distance along the line of sight as $s = r \mu $, so that the relationship between $r$ and $t$ along a line of sight is given by \begin{equation} t_{los} = \frac{ t_{obs}}{1+z} + \frac{r_{los} \mu(r_{los}, \theta_{obs})}{c}, \label{eq:los_def} \end{equation} for an observing time $t_{obs}$, defined such that $t_{obs} = 0$ corresponds to emission from photons at the origin of the blast wave at $t=0$. Along a line of sight, $\mu$ is function both of radius and the viewing angle $\theta_{obs}$, defined such that $\theta_{obs} = 0$ corresponds to the line of sight at the equator. In terms of $x \equiv \sin(\theta_{obs}) d_L/R_{\perp,max}$, where $d_L$ is the luminosity distance to the source and $R_{\perp,max}$ is the maximum value of $r \sin(\theta)$ over all lines of sight, we have \begin{equation} \mu = \sqrt{1 - x^2 \left(\frac{R_{\perp,max}}{r}\right)^2}, \end{equation} For a spherical blast wave (as we use here) equation \eqref{eq:los_def} defines an ovoidal shape for the surface of equal arrival times of photons emitted by the flow. For a detailed and useful discussion of the properties of this surface, we refer the reader to \citet{GPS1999} (where it is referred to as the ``egg''). After solving equation \eqref{eq:rad_trans}, we obtain the flux by integrating the specific intensity over solid angles: \begin{equation} F_\nu = \int I_\nu d\Omega = 2 \pi (1+z)\left(\frac{R_{\perp,max}}{d_L}\right)^2\int\limits_0^1 I_\nu xdx. \end{equation} \if 0 Numerically, it is convenient to tabulate the integrals over pitch angle since they depend only on the dimensionless quantity, $X$: \[ F_{iso}(X) \equiv \int\limits^{\pi/2}_{0} d \alpha \sin(\alpha)^2 F\left[X/\sin(\alpha)\right] \] and \[ K_{5/3,iso}(X) \equiv \int \limits^{\pi/2}_{0} d\alpha K_{5/3}\left[X/\sin(\alpha)\right] . \] Finally, it is convenient to change integration variables to $X$, which results in the expressions: \[ j_\nu = \frac{\sqrt{3} e^3 B}{2 \pi m_e c^3} \int d X \frac{\gamma_e}{X} N(\gamma_e) F_{iso}(X) \] and \[ \alpha_\nu = \frac{\sqrt{3} e^3 B}{ 8\pi m_e^2 c^3 \nu^2} \int d X X N(\gamma_e) K_{5/3,iso}(X) \] \fi \section{Results} \begin{figure} \centering \includegraphics[width=0.45\textwidth]{{gs_comp}.pdf} \caption{Spectrum of the nonthermal particles only at several different times for our fiducial parameters, computed with our code (solid lines) compared to the fitting formulae of GS02 (dashed lines). The differences are predominantly $ \lesssim 10\%$, with the largest difference ($\sim 20\%$) occurring in the self-absorbed segment in the spectrum at $10^2$ days. At this time, the GS02 prescription is not well defined and so we instead compare our calculation to the modified prescription of \citet{lbt+14}: a phenomenological weighted average of two GS02 spectra not expected to precisely match the full calculation. } \label{fig:gs_comp} \end{figure} We select fiducial values of $E' = 10^{52}$\,erg, $n_{ext}' = 1\,{\rm cm}^{-3}$, $\epsilon_e'=0.1$, $\epsilon_B'=0.01$, and $p=2.5$ for our analysis. Since synchrotron radiation from nonthermal electrons with the parameter sets [$E'$,$n_{ext}'$,$\epsilon_e'$,$\epsilon_B'$; $\ensuremath{f_{\rm NT}} = 1$] and [$E'/\ensuremath{f_{\rm NT}}$,$n_{ext}'/\ensuremath{f_{\rm NT}}$,$\ensuremath{f_{\rm NT}}\epsilon_e'$, $\ensuremath{f_{\rm NT}}\epsilon_B'$; $\ensuremath{f_{\rm NT}} < 1$] is identical, we fix the properties of the nonthermal particles by scaling the parameters with \ensuremath{f_{\rm NT}}\ in this way to study the effect of the thermal population \citep{Eichler2005}. For the cold electron model, we fix $\eta_e = 10^{-3}$, corresponding to $\Theta_{e,0} = 10^{-2} \gamma_{\rm min,0}$ (using equations \ref{eq:gamma_min} and \ref{eq:theta_eta}). We note that for these parameters, the emission at $\sim 10^{2}$ days is dominated by photons emitted when $\Gamma$ was $\sim $ a few. A break in the light curves due to the finite opening angle of the outflow ($\theta_0$) is expected when $\Gamma \theta_0 \sim 1$ \citep{sph99}. We neglect this effect by considering a spherical blast wave, in order to particularly isolate the effect of adding thermal electrons to the framework of GS02. We test our calculations for the case of $\ensuremath{f_{\rm NT}} = 1$ (no thermal electrons) against the basic features of the synchrotron model comprising power law spectral segments connected at spectral break frequencies: the synchrotron self absorption frequency, \ensuremath{\nu_{\rm a}}, the characteristic frequency, \ensuremath{\nu_{\rm m}}, and the cooling frequency, \ensuremath{\nu_{\rm c}}. Our results reproduce the expected spectral segments and are consistent with the fitting formulae of GS02 (with modifications as described by \citealt{lbt+14}) within $\approx20\%$ at all frequencies (Figure \ref{fig:gs_comp}). In the cold electron model, the introduction of even a small fraction of non-accelerated particles ($\ensuremath{f_{\rm T}}=0.01$) significantly increases the optical depth to synchrotron self-absorption, creating a deficit in the observed radiation compared to the case with no thermal electrons (Figure \ref{fig:dis_spec}). This flux-suppression ranges from $\sim 10^{-1}$ at $\ensuremath{f_{\rm T}}=0.01$ to $\sim 10^{-2}$ at $\ensuremath{f_{\rm T}} = 0.5$ and $0.99$, and the absorption is dominated by thermal particles. For $\ensuremath{f_{\rm T}} = 0.01$, the thermal particles are primarily absorbing emission from nonthermal particles, while for $\ensuremath{f_{\rm T}} = 0.5$ and $0.99$, the thermal particles are primarily absorbing their own radiation. This increased optical depth also leads to a higher effective self-absorption frequency when $\ensuremath{\nu_{\rm a, T}}>\ensuremath{\nu_{\rm a, NT}}$, where $\ensuremath{\nu_{\rm a, NT}}$ (\ensuremath{\nu_{\rm a, T}}) is the self-absorption frequency considering only absorption by nonthermal (thermal) particles. While \ensuremath{\nu_{\rm a}}\ appears to be well approximated by $\ensuremath{\nu_{\rm a}} \approx \max (\ensuremath{\nu_{\rm a, NT}},\ensuremath{\nu_{\rm a, T}})$, it is in general a nonlinear function of \ensuremath{\nu_{\rm a, T}}\ and \ensuremath{\nu_{\rm a, NT}}, and we leave the precise determination of an expression for \ensuremath{\nu_{\rm a, NT}}\ and \ensuremath{\nu_{\rm a}}\ to future work. Furthermore, when $\ensuremath{\nu_{\rm m, T}}<\nu<\ensuremath{\nu_{\rm a}}$, the rapid decline of the thermal absorptivity above $\ensuremath{\nu_{\rm m, T}}$ leads to a steepening of the spectrum over the transition from thermal- to nonthermal-dominated absorption. Additionally, for larger values of $\ensuremath{f_{\rm T}}$ ($\gtrsim 0.5$), we find excess flux between \ensuremath{\nu_{\rm a, NT}}\ and \ensuremath{\nu_{\rm m, NT}}\ from the thermal population, characterized by a $\nu^{2}$ self-absorbed segment breaking into $\nu^{1/3}$ at \ensuremath{\nu_{\rm a}}, followed by a rapid decline above the peak at \ensuremath{\nu_{\rm m, T}}. The latter is related to \ensuremath{\nu_{\rm m, NT}}\ by \begin{equation} \ensuremath{\nu_{\rm m, T}} \approx \left(\frac{\eta_e \ensuremath{f_{\rm NT}} }{3\epsilon_e }\right)^2 \left(\frac{p-2}{p-1}\right)^2 \ensuremath{\nu_{\rm m, NT}}, \end{equation} which holds for all values of \ensuremath{f_{\rm T}}. This expression is derived from the relationship between $\Theta_{e,0}$ and $\gamma_{min,0}$ (see equations \ref{eq:gamma_min} and \ref{eq:theta_eta}), and the expected scaling of $\ensuremath{\nu_{\rm m}}' \propto \gamma_e^2 B$. Whereas the excess emission fades with time, the increased optical depth to self-absorption persists. We find that these same effects are seen in the hot electron model, albeit to a varying extent. The observable effects of $\ensuremath{f_{\rm T}}>0$ are smaller below $\ensuremath{\nu_{\rm a}}$ compared to the cold electron model, whereas the excess emission (between \ensuremath{\nu_{\rm a, NT}}\ and \ensuremath{\nu_{\rm m, NT}}) extends to higher frequencies (Figure \ref{fig:cont_spec}). Both effects can be traced to the higher effective temperature of the thermal electrons, which results in an increased effective blackbody temperature and higher \ensuremath{\nu_{\rm m, T}}. Note that requiring continuity of the distribution function results in the thermal Maxwellian being only a small correction to the nonthermal distribution for $\ensuremath{f_{\rm T}} \lesssim 0.8$ (e.g., $\ensuremath{f_{\rm T}} = 0.5$ in Figure \ref{fig:dist}), which may indicate that higher values of \ensuremath{f_{\rm T}}\ are more realistic. We show sample light curves in the X-ray, optical, and radio for both models with $\ensuremath{f_{\rm T}} = 0.8$ in Figure \ref{fig:lc}. Synchrotron radiation from thermal electrons results in excess emission in the optical at early times ($\lesssim 1$\,d), and the effect lasts longer for the hot electron model. The additional absorption from the thermal particles causes a rapid rise in the radio light curve when \ensuremath{\nu_{\rm m, T}}\ passes through and the optical depth of the thermal electrons rapidly declines. This effect is more pronounced for the cold electron model and happens at an earlier time. To quantify the impact of ignoring thermal electrons in parameter estimation during afterglow modeling, we perform two sample Monte Carlo analyses of realistic X-ray, UV/optical, and radio data sets generated from the $\ensuremath{f_{\rm T}}=0.8$ cold and hot electron models (including noise, instrumental sensitivity limits, typical cadences, and scintillation effects), which we subsequently fit with the GS02 formalism assuming $\ensuremath{f_{\rm NT}}=1$. The resulting parameter estimates are expected to differ from their input values due to both the degeneracy arising from $\ensuremath{f_{\rm NT}}<1$ \citep{Eichler2005}, and the spectral differences caused by the additional thermal distribution of electrons. In order to distinguish among the two, we compare the fitted parameters both to the input values (``True'') and the equivalent (``expected'') values for $\ensuremath{f_{\rm NT}}=1$ in Table \ref{tab:params}. Comparison of the fitted values to the ``True'' values includes both sources of error, while comparison to the ``expected'' values includes only the errors incurred by the spectral differences. For both models, we find that ignoring the contribution of thermal particles causes errors in the determination of the physical parameters by 10\%-500\% relative to the true values and 10\%-400\% relative to the expected values. For both models, the errors relative to the expected values are highest for the density due to the increased optical depth from the thermal electrons; however, this error partially cancels the effect of the degeneracy due to $\ensuremath{f_{\rm NT}}<1$, bringing $n_0$ closer to the true value. Additionally, in the hot electron model we find significantly larger errors than in the cold electron model in the fits for $\epsilon_e$ and $E$ compared to the expected values (factors of $\approx$ 3.5 and 33, respectively), caused by the higher temperature electrons having an effect on more of the higher frequency portion of the spectrum. The error in $E$ relative to the true value behaves similarly to the error in $n_0$ in that it is partially cancelled by the degeneracy uncertainty. The error in $\epsilon_e$, on the other hand, behaves in the opposite way, and in fact increases relative to the true value when the degeneracy uncertainty is included. We conclude that both the parameter degeneracy for $\ensuremath{f_{\rm NT}}<1$ and the spectral differences caused by $\ensuremath{f_{\rm T}}>0$ can lead to significant sources of error that interact in complex ways. In some cases, the errors can partially cancel out, but in others they can compound; the interplay between the two will likely depend upon the burst properties, as well as the time and frequency sampling of of afterglow data. Therefore, in order to properly constrain the parameters of GRB afterglows with $\ensuremath{f_{\rm NT}}<1$, both effects need to be taken into account using a model for the thermal electron emission and absorption. \begin{deluxetable}{lcccc} \tabletypesize{\footnotesize} \tablecolumns{5} \tablecaption{MCMC Parameter fits } \tablehead{ \colhead{Parameter} & \colhead{True} & \colhead{Expected} & \colhead{Cold} & \colhead{Hot} } \startdata $p$ & 2.5 & 2.5 & $2.517\pm0.004$ & $2.486 \pm 0.007$ \\[2pt] $\epsilon_{e}$ & $2\times10^{-2}$ & 0.1 & $0.119\pm0.004$ & $(3.4\pm0.5)\times10^{-2}$ \\ [2pt] $\epsilon_{B}$ & $2\times10^{-3}$ & 0.01 & $(3.7\pm0.4)\times10^{-3}$ & $(2.1\pm0.6)\times10^{-3}$ \\ [2pt] $n_0$ & 5.0 & 1.0 & $4.1^{+0.8}_{-0.4}$ & $5.4^{+5.2}_{-2.4}$ \\[2pt] $E_{\rm 52}$\tablenotemark{a} & 5.0 & 1.0 & $0.89\pm0.03$ & $4.6\pm0.4$ \\[2pt] $f_{\rm NT}$ & 0.2 & 1.0 & 1.0\tablenotemark{b} & 1.0\tablenotemark{b} \enddata \tablenotetext{a}{$E_{52}$ is $E$ in units of $10^{52}$ ergs.} \tablenotetext{b}{\ensuremath{f_{\rm NT}}\ is held fixed during the analysis.} \tablecomments{Parameter fits to mock observations generated from our cold and hot electron models. The parameter estimation is done by fitting the mock observations to the GS02 model which includes nonthermal particles only. ``Expected'' values are the \ensuremath{f_{\rm NT}}=1 equivalent values of the ``True'' input parameters. Neglecting the contribution of thermal emission can lead to errors in parameter estimation beyond even the known degeneracy in the nonthermal spectrum for $\ensuremath{f_{\rm NT}}<1$. } \label{tab:params} \end{deluxetable} \begin{figure*} \includegraphics[width=0.32\textwidth]{{spec_f_0.99_discontinuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_f_0.5_discontinuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_f_0.01_discontinuous}.pdf}\\ \includegraphics[width=0.32\textwidth]{{spec_rat_f_0.99_discontinuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_rat_f_0.5_discontinuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_rat_f_0.01_discontinuous}.pdf} \caption{Top: Spectral energy distributions for the nonthermal particles (dashed) and all particles (solid) in the cold electron model (\S \ref{sec:cold}) at three observation times for different thermal electron fractions. The electron temperature is a fixed fraction ($\eta_e = 10^{3}$) of the gas temperature, so that $\Theta_{e,0} = 10^{-2} \gamma_{\rm min,0}$. Bottom: Ratio between the total and nonthermal spectra. The presence of thermal particles significantly suppresses the optically thick emission, increases \ensuremath{\nu_{\rm a}}, and generates an additional emission component above \ensuremath{\nu_{\rm a}}. } \label{fig:dis_spec} \end{figure*} \begin{figure*} \includegraphics[width=0.32\textwidth]{{spec_f_0.67_continuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_f_0.5_continuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_f_0.01_continuous}.pdf}\\ \includegraphics[width=0.32\textwidth]{{spec_rat_f_0.67_continuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_rat_f_0.5_continuous}.pdf} \includegraphics[width=0.32\textwidth]{{spec_rat_f_0.01_continuous}.pdf} \caption{ Same as Figure \ref{fig:dis_spec} but for the hot electron model (\S \ref{sec:hot}). Note that below $\ensuremath{f_{\rm T}}\approx 0.33$ the thermal and nonthermal distributions can no longer be continuously matched at $\gamma_{\rm min,0}$ for this model. Compared to the cold electron model, the thermal particles in the hot electron model radiate up to higher frequencies and provide less reduction in optically thick emission due to the higher temperatures. } \label{fig:cont_spec} \end{figure*} \section{Discussion and Conclusions} We have expanded the standard GRB afterglow model to include the additional contribution of a thermal distribution of electrons. We have shown that this additional population of electrons generally has two effects on the spectrum. The first is an excess of flux that occurs near the peak synchrotron frequency of the thermal electrons. This additional component fades with time as the emission shifts to lower frequencies, consistent with the results of \citet{gs09} and \citet{webn17}. Secondly, the optically thick low frequency radio emission is reduced from what one would expect for a purely nonthermal electron distribution. The strength of both effects depend on the post-shock temperature of the thermal population relative to that of the nonthermal population. The detection of these features in the spectra of GRB afterglows could be an indication of inefficient electron acceleration. We have shown that neglecting the contribution of thermal electrons in modelling observational GRB afterglow sources introduces errors in parameter estimation in addition to the known degeneracy in parameters in nonthermal electron-only spectra when $\ensuremath{f_{\rm NT}}<1$. Future detailed explorations of the effect of the acceleration efficiency and the relative temperature of the thermal and nonthermal components could be used to generate fitting functions, thereby facilitating multi-wavelength modeling of GRB afterglows. This model could then be used to break the parameter degeneracy by obtaining a direct measurement of the fraction of accelerated electrons, thus informing studies of electron acceleration in collisionless relativistic shocks. Whereas our study is focused on the two extreme cases of either strong or weak thermal shock heating (i.e., the hot and cold electron models, respectively), it is likely that shocks in GRB afterglows generally fall somewhere in between these two limiting cases. Our analysis quantitatively demonstrates the possible range of effects caused by a non-negligible fraction of non-accelerated electrons in afterglow shocks in order to better interpret observations and lay the groundwork for more detailed future modeling. \section*{Acknowledgments} We thank Jonathan Granot, Eliot Quataert, Edo Berger, and Re'em Sari for useful discussions, and the anonymous referee for their suggestions to improve the manuscript. SMR is supported in part by the NASA Earth and Space Science Fellowship. TL is a Jansky Fellow of the National Radio Astronomy Observatory. This work was made possible by computing time granted by UCB on the Savio cluster. \begin{figure*} \includegraphics[width=0.49\textwidth]{{light_curve.discontinuous.eps_b_0.01}.pdf} \includegraphics[width=0.49\textwidth]{{light_curve.continuous.eps_b_0.01}.pdf} \caption{1\,keV X-ray band (black), optical $i^{\prime}$-band (red), and radio \textit{L}-band (blue) light curves of synchrotron radiation ($2 \times 10^{17}$ Hz, $4 \times 10^{14} $ Hz, and $10^9$ Hz, respectively) with our fiducial set of parameters for the nonthermal particles (dashed), thermal particles (dotted; only shown for the optical), and the total (solid), assuming $\ensuremath{f_{\rm T}}=0.8$ for the cold electron model (left) and hot electron model (right). For both models, the inclusion of emission and absorption from thermal electrons leads to an excess of optical and X-ray emission at early times, lasting longer for the hot electron model. There is also a persistent reduction in radio emission, stronger for the cold electron model, which lasts until late times when $\ensuremath{\nu_{\rm m, T}}$ drops below the the radio \textit{L}-band. The difference in magnitude of these effects for the hot and cold electron models is as expected from the difference in the assumed post-shock electron temperature. } \label{fig:lc} \end{figure*} \bibliographystyle{mn2efix}
c8b14c190847b712101a745472ed47c4906c0bf7
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{\large Introduction} Nacre-like imbricated (staggered) structures (see Fig.~\ref{fig:nacre}) are commonly seen in both nature and man-made materials, and are of biomimetic interest. The mechanical merits of their characteristic 'brick-and-mortar' structure such as high fracture toughness and insensitivity of flaws have been well established. For exammple, Wang et al. \cite{WangSuo01} showed that the nano-asperities on the platelets of hydrated nacres are the main cause of high resistance during the sliding of platelets and the robust mechanical behavior on the macro-scale. Gao et al. \cite{Gao03} found that the stress concentrations at flaws and the damage in nacre are significantly mitigated on the nano-scale. Shao et al. \cite{Shao12} demonstrated that the fracture toughness of nacre is greatly enhanced by the crack bridging effects in the staggered microstructure. \begin{figure}[!h] \centering \includegraphics[width=0.3\textwidth]{Nacre_1.jpeg} ~ \includegraphics[width=0.315\textwidth]{Nacre_2.JPEG} ~ \includegraphics[width=0.3\textwidth]{Nacre_3.png} \caption{a) Picture of nacre inside a nautilus shell; b) Electron microscopy image of a fractured surface of nacre; c) Schematic of the microscopic structure of nacre; All images are from Wikipedia, https://en.wikipedia.org/wiki/Nacre.} \label{fig:nacre} \end{figure} On the other hand, studies on statistical aspects of the 'brick-and-mortar' structures are rare, especially in regard to the type and tail of the probability distribution of strength, and no undisputed theoretical basis has been established so far. For general quasi-brittle structures their failure probabilities are usually formulated by the weakest-link model and its well known limiting Weibull distribution is widely used. When the representative volume elements (RVE) are not negligible compared to the size of the whole structure, the finite weakest-link model \cite{BazPan06, BazPan07, LeBaz09,LeBaz11,BazLe17} is sometimes considered. Meanwhile, limitations of classical Weibull-type approach have long been realized \cite{BazLe17,Baz05,BazPla98,BazXi91}, and applicability of the weakest-link chain model has bee questioned, e.g., by Bertalan \cite{Ber14}. According to this model, the maximum load (which is, under load control, the failure load) occurs as soon as one representative volume of material (RVE) fails. This neglects the parallel couplings due to lateral interactions and the stress redistribution causing the release of stored energy due to crack growth. Additionally, Monte Carlo simulations show \cite{Ber14} the failure probability, $P_f$, to deviate from the Weibull distribution for small nominal stres . Yet, in structural design, the lower tail of $P_f$ that is most important. Unlike the weakest link model, fiber bundle model takes account of the effect of stress redistribution by considering various load sharing rules among fibers. The fiber bundle model with the rule of equal load sharing was studied rigorously by Daniels \cite{Dan45}, who showed that its failure probability converges to the normal (or Gaussian) distribution as the number of fibers tends to infinity. Later, a chain-of-bundles model was formulated Harlow and Phoenix \cite{Har78I,Har78II} to obtain the failure probability of fibrous composites under uniaxial tension. They assumed that cross sections of the composite with certain finite spacing along the loading direction are statistically independent. So these cross sections are related to each other through series coupling in a chain and the individual cross sections are treated as bundles with some hypothetical local load-sharing rule. A significant deviation of $P_f$ from Weibull distribution is predicted. Due to overwhelming obstacles to large scale simulation at that time (1978), they analyzed only bundles with less than 10 fibers, and no verification through Monte Carlo simulations was given. The new idea of this paper is to model the essence of failure behavior of the 'brick-and-mortar' structure of nacre under uniaxial tension by a brittle square fishnet pulled along one of the diagonals. Similar to the weakest link model, we obtain the failure probability of fishnet by calculating its counterpart---the survival probability, $1-P_f$. We consider not only the probability that every link would survive, but also the probabilities that of the fishnet remaining safe after some links have failed. These additional probabilities are then identified to be the cause of deviation of $P_f$ from the weakest-link model, producing Weibull distribution at the lower tail of $P_f$. The results of Monte Carlo simulations offer a concrete verification to the analytical derivation fishnet statistics theory and provide fruitful insights. In previous studies of electrical circuits, Monte Carlo simulations have mostly followed the random fuse model (RFM) \cite{Ala06,Ber14}, in which the elastic structure is simplified as a lattice of resisters with random burnout thresholds. The RFM simulates the gradual failure of resister networks under increasing voltage, which is similar to the failure process of brittle elastic materials under uniaxial loading. Here, however, the emphasis in on the finite element method (FEM) with random element (or link) strength because it reflects better the mechanical failure of fishnet. To obtain a sufficient number of samples ($>10^5$) within a not too long run time, a simple finite element code is here developed, in Matlab. A unprecedented number, $10^6$, is obtained within a few days of computation. With such a large number ($10^6$) of samples, the resulting histograms become visually identical to the theoretical cumulative probability density function (cdf) of failure probability $P_f$. \section{\large Statistical Modeling of Fishnet Structure} In nature, the mechanical responses of hydrated and dry nacres are quite different: Hydrated nacres like those in the shell of pearl oysters and abalones exhibit strong nonlinearity and a yielding plateau under tension, compression and shear \cite{WangSuo01}. However, dry nacres are mostly brittle and the ductility is vanishingly small under uniaxial tension as well as compression. In this paper, only a dry (and brittle) nacre is considered. Its behavior up to brittle failure may be treated as linearly elastic. \subsection{Equivalent Embedded Structure of Nacre: Fishnet} \begin{figure}[!h] \centering \includegraphics[width=0.8\textwidth]{Topology.pdf} \caption{a) Schematic illustration of original nacre micro-structure; b) Equivalent fishnet structure; c) Deforming mechanism of fishnet} \label{fig:topology equivalence} \end{figure} To simplify and capture the essence of load transmission in the staggered imbricated structure of nacreous materials, we ignore the relatively weak tensile bonds providing the longitudinal connections of the adjacent lamellae (or platelets) and assume that most of the strength and stiffness is provided by the shear bonds between parallel lamellae (Fig.~\ref{fig:topology equivalence}(a)). Next, if we focus on the longitudinal strength of nacre under tensile load parallel to the lamellae, the bending stiffness of the thin polymer layers providing transverse connections of the lamellae does not play a significant role. So, for failure under longitudinal tension, we may imagine the lamellae to be replaced by their centroids, shown as the black dots in Fig. \ref{fig:topology equivalence} (a)), with the centroids, or nodes, connected by bars, or links (dashed lines in Fig. \ref{fig:topology equivalence} (a)), that transmit only axial forces. Thus we obtain a system of nodes and links shown in Fig. (\ref{fig:topology equivalence} (b), equivalent to a truss. Obviously, this truss looks like a fishnet. For example, in Fig.\ref{fig:topology equivalence}(a) the lamellae (or platelet) A,B and C are mapped to nodes A,B and C in Fig. \ref{fig:topology equivalence}(b) and the shear bonds AB and AC in Fig.\ref{fig:topology equivalence}(a) are replaced by truss elements AB and AC in Fig.\ref{fig:topology equivalence}(b), respectively. This is equivalent to pulling an elastic fishnet pulled along the longitudinal diagonals of the parallelogram cells. The truss is not statically determinate. Each of the parallelograms in the fishnet forms a mechanism which will, under longitudinal tension, shrink immediately at the start of loading into a set of coinciding lines (or fibers) with staggered connections among them (Fig.~\ref{fig:topology equivalence}(c)). Evidently, this is a simplification, which nevertheless retains the essence of transverse interactions between the adjacent rows of lamellae. For the purpose of illustration, the stress field in the fishnet will always be displayed ini the original (Lagragian) coordinates, i.e., before the collapse of fishnet into coinciding lines. The stress redistribution captured by the fishnet model plays a key role in the failure probability of fishnet. In this regard, the fishnet is different from each of the other two basic models for the statistics of failure, namely the weakest link chain model and the fiber bundle model. \subsection{Stress Redistribution Near a Crack in the Fishnet } The failure probability of a fishnet obviously depends on the stress redistributions after successive link failures. As an approximation for an analytical model, we calculate such redistributions deterministically, using a continuous approximation of the fishnet. First we consider the failure of only one link. We assume the strength distributions of all links to be independent and identically distributed (i.i.d.) random variables (this implies that the autocorrelation length of the random strength field is assumed to be equal to the length of the link). The perimeter length of a set of geometrically similar fishnet structures (or domains) is proportional to the structure size, $D$, while the area of the fishnet structures is proportional to $D^2$. Thus the probability of the failed link to be located exactly on the boundary tends to zero as $D \to \infty$. Therefore, for large enough fishnets, the first link to fail lies, with probability almost 1, in the fishnet interior. So we study only the case of link failures in the fishnet interior. \subsubsection{Stress Redistribution in Equivalent Fishnet Continuum} \begin{figure}[!h] \centering \includegraphics[width=1.05\textwidth]{ThreeFigsContinuum.pdf} \caption{a) Schematic illustration of two orthogonal coordinate systems $x,y$ and $\xi,\eta$; b) Configuration of fishnet continuum with a pre-existing crack ; c) one quarter (shadowed region) of the fishnet continuum shown in (b)} \label{fig:discrete to continuum} \end{figure} For simplicity, fishnets consisting of many links can be treated as a continuum. To formulate its governing equation, we consider a fishnet whose initial configuration consists of orthogonal lines of links (Fig.~\ref{fig:discrete to continuum}a), and introduce Lagrangian coordinates $(\xi,\eta)$ parallel to link lines. After the collapse of the fishnet into one line, all the four links connecting to one node $(i,j)$ become parallel, aligned in the $x$-direction. Since the initial fishnet state is kinematically indeterminate, a mechanism, the equilibrium condition of a node must be written for the collapsed state of fishnet. Equilibrium requires that the sum of the forces in $x$ direction from the four links acting on node $i,j$ would vanish. This leads to the difference equation: \begin{equation} \label{finite difference} \frac{E A}{a}\left( \frac{u_{i,j+1}-u_{i,j}}{a} + \frac{u_{i,j-1}-u_{i,j}}{a} + \frac{u_{i+1,j}-u_{i,j}}{a} + \frac{u_{i-1,j}-u_{i,j}}{a} \right) = 0 \end{equation} where $u_{i,j}$ the displacement in the $x$ direction of any joint $(i,j)$, $a$ = length of each link, $E$ = Young's modulus and $A$ = cross section area of the link. To obtain the continuum limit of $a \to 0$, consider Lagrangian coordinates $\xi, \eta$ in the initial directions of the links before fishnet collapse (Fig.~\ref{fig:discrete to continuum}a). Obviously, the continuum limit is the partial differential equation: \begin{equation} \label{Laplace xi} \frac{\partial^2 u}{\partial \xi^2} + \frac{\partial^2 u}{\partial \eta^2} = 0 \mbox{~~~or~~~} \nabla_{(\xi,\eta)}^2u = 0 \end{equation} which is the Laplace equation. Since the Laplacian $\nabla^2$ is invariant at coordinate rotations, the differential equation of equilibrium in the $x$ direction in the initial $(x,y)$ coordinates before fishnet collapse reads: \begin{equation} \label{Laplace x} \frac{\partial^2 u}{\partial x^2} + \frac{\partial^2 u}{\partial y^2} = 0 \mbox{~~~or~~~} \nabla_{(x,y)}^2u = 0 \end{equation} where $x$ is the direction of loading of the fishnet and $y$ is the transverse direction with no load. Note that if we defined the $(\xi,\eta)$ coordinate system in the deformed configuration (in which all the links become parallel and coincident with one line), the governing equation would become $\mbox{d}^2 u/\mbox{d} x^2=0$, which is independent of transverse direction $y$. Then, in the collapsed configuration, we would have to distinguish the coincident link lines by numbers rather than by $y$. But this description would be inconvenient for graphical representation. The failure of one link or one group of links causes stress redistribution in the fishnet. Locally, many possibilities exist, which would complicate the calculation of failure probabilities. We assume that the redistributions can be characterized in the overall sense based on the continuum defined by Eq. (\ref{Laplace x}). The simplest case is a failure of a group of links approximated by a circular hole of radius $r_0$. Converting this partially differential equation to polar coordinates $(r, \tht)$, we have $(\partial^2 u / \partial r^2) + (1/r) (\partial u / \partial r) = 0$, and seeking an axisymmetric solution, one can readily find that the link strains $\partial u/\partial r$ as well as the stresses decay from the hole in proportion to $1/r$, according to the continuum approximation. In the case of a sharp crack of length $2a$ in the continuum, we may seek the displacement near the crack tip to be in the separated form $u = f(\tht) r^\lambda$ where $r$ is the distance from the crack tip. Upon substitution into Eq. (\ref{Laplace x}), it is then found that, like in linear elastic fracture mechanics (LEFM), the strains and stresses near the crack tip (i.e., for $r \to 0$) decay as $r^{-1/2}$ while far away from the crack (i.e., for $r \to infty$) they decay as $r^{-2}$. What is important is that the disturbance due to failed links is localized and decays to a negligible value within a certain finite distance. Around the crack tip, the regions near the crack surface are shielded from the load an are unloaded to near zero. Later these regions will be seen to complicate the probabilistic analysis, compared to the the classical weakest-link and fiber-bundle models. This is the trade-off that we must accept to obtain a more accurate tail of failure probability of nacreous materials. \begin{figure}[!h] \centering \includegraphics[width=0.7\textwidth]{stressFieldContinuum.pdf} \caption{Profile of $\eta=\sigma/\sigma_N$ of fishnet continuum for different crack lengths: $a=$ 1, 2, 3 and 4. In this case, $L=10$.} \label{fig:continuum stress redistribution} \end{figure} \subsubsection{Stress redistribution in the fishnet} Knowing the asymptotic stress distribution near a crack (i.e., near one or more failed links) but, to calculate the failure probability accurately, it helps to calculate the exact discrete stress field. This is easily done by finite element method; see the results in Fig.~\ref{fig:discrete stress redistribution}. Fig.\ref{fig:discrete stress redistribution}a shows the stress field in a square fishnet with $64 \times 64$ links under uniform horizontal tension with a single failed link on the inside. The link properties are here assumed uniform and one link is assumed to be failed at the outset. Except close to this link, the stresses are almost uniform. To render the detail near the damage zone (inside the red square), Fig.\ref{fig:discrete stress redistribution}b presents a schematic showing the stresses in the damage zone only. We see that 8 close neighbors of the failed link endure stress redistributions with stresses greater than 10\% ($\eta_{max}=\sigma_{max}/ \sigma=1.6$ and $\eta_{min}=\sigma_{min} / \sigma = 0.64$. Four links with larger stress changes are highlighted by red and orange, and further four with smaller stress changes by dark blue and blue). The stress amplification zone is marked in light red, and the stress shielding (unloading) zone in light green. As an example of how the stress ratio $\eta$ tends to 1 while moving away from the failed link, $\eta=\sigma/\sigma_N$ is plotted against the link number in Fig.\ref{fig:discrete stress redistribution}.c. In the figure, thresholds $|\eta-1|=5\%$ and $|\eta-1|=10\%$ are indicated by thick and dash lines respectively. Among 4095 links, $|\eta-1|>5\% $ occurs only on less than 20 links. The stress disturbance due to a failed link decays to a negligible value (less than 5\%) within the distance of 4 links. Later the exact values of $\eta$ near the crack tip are used to calculate the failure probability of fishnet. \begin{figure}[!h] \centering \includegraphics[width=0.9\textwidth]{DiscreteStress.pdf} \caption{a) Normalized stress profile of fishnet with one failed link on the inside; b) Schematic showing the stress ratios ($\eta=\sigma/\sigma_N$) in the highlighted region of (a); c) Stress ratios of each link in (a) indexed by the link number in FE simulation.} \label{fig:discrete stress redistribution} \end{figure} \subsection{Two Basic Models of Strength Statistics: Weakest-Link Chain and Fiber-Bundle} Before embarking on fishnet statistics, we need to review the basics of this classical model for brittle failure. We consider a chain of $n$ identical links under tensile stress $\sigma$ whose strengths represent independent identically distributed (i.i.d.) random variables. For the whole chain to survives, every single link must survive. So, according to the joint probability theorem, \begin{equation} \label{intro:chain} 1-P_f(\sigma) = [1-P_1(\sigma)]^n \end{equation} where $P_1$ and $P_f$ are the failure probabilities of a single link and of the whole chain, respectively. The limit of this equation for $n \to \infty$ may be written as \begin{equation} \label{e1} 1-P_f(\sigma) = \lim_{n \to 0} [1-x/n]^n = e^{-x},~~~x = n P_1(\sigma) \end{equation} According to the stability postulate of extreme value statistics \cite{Fis28}, the type of the distribution for $\sigma \to \infty$ must be invariant upon linear transformation of the independent variable $\sigma$. One may check that this condition is verified if $P_1$ is a power function, $P_1(\sigma) = \alpha \sigma^{m_0}$, where $m_0$ and $\alpha$ are constants. According to the extreme value theorem \cite{Fis28}, the power function is the only possibility (among three) since the tensile strength $\sigma$ cannot be negative. This leads to \begin{equation} P_f(\sigma) = 1 - e^{-\alpha \sigma^{m_0}} \end{equation} where $m_0$ is called the Weibull modulus and $\alpha$ is the scale parameter. For a chain with a finite number of links, only the left portion of $P_f(\sigma)$ is Weibullian, and this portion shortens as $N$ decreases \cite{PangBazLe08} Fiber composites as well as many other materials can often be treated, especially on a small scale, as bundle of fibers whose strengths are i.i.d. random variables. In contrast to a chain, the maximum load occurs only after the breakage of a certain number of fibers, which is generally larger than 1. After each fiber break, the load redistributes among the surviving fibers. Although the redistribution is different depending on the postpeak behavior of the fibers and stiffness of the loading platens, the total load distribution or on some empirical load-sharing rule. Asymptotically, the total load distribution of all fiber bundle models is Gaussian (or normal). \subsection{Fishnet Statistics} \subsubsection{Extension of Weakest Link Model} Consider a general 2D fishnet structure consisting of $N$ links whose failure probabilities $\sigma_i$ are i.i.d. random variables. In contract to a chain, more than one link may fail before the fishnet fails. Therefore, we define the random variable $X(\sigma)$ = number of links that have failed after stress $\sigma$ is imposed at the boundary. Now consider a fishnet with $N=m \times n$ links, i.e., with $m$ rows and $n$ columns, pulled in the direction of rows. Since events $\{X(\sigma)=k\}$ are mutually exclusive, the whole probability space can be partitioned by these exclusive events into $N+1$ subsets: $\{X(\sigma)=k\}, k=0,1,\cdots, N$. Different from a chain or a fiber bundle, the failure of fishnet, however, cannot be characterized as either $\{X(\sigma)=1\}$, $\{X(\sigma)=m\}$ or $\{X(\sigma)=N\}$ because its failure also depends on the position of failed links, i.e. the whole structure fails when the $n_f$ failed links form section cutting through all the rows (vertically in Fig.~\ref{fig:nacre}(c)). So the condition $n_f \geq m$ is necessary for failure but not sufficient. The failed links may be scattered in the fishnet discontinuously.Based on these considerations, the probability of fishnet survival may be expressed as: \begin{align} \label{general sum} \nonumber} \newcommand{\pg}{\paragraph 1-P_f(\sigma) =& P_{S_0}(\sigma) + P_{S_1}(\sigma) + P_{S_2}(\sigma) + \cdots + P_{S_{m-1}}(\sigma)\\ &~~~ + \cPr( X(\sigma) \geq m~~ \text{(the whole structure not yet failed )} \end{align} where $P_f(\sigma) = (\sigma_{max} \leq \sigma)$, $\sigma_{max}$ = nominal strength of structure; and $P_{S_k}(\sigma) = \cPr(X(\sigma)=k),~k=0,1,2,...,N$. Since the event $\{X(\sigma)=0\}$ means that no link can fail under the load $\sigma$, we have \begin{equation} \label{PS0} P_{S_0}(\sigma)=[1 - P_1(\sigma)]^n~~~\text{where}~~ P_1(\sigma) = \cPr(\sigma_i \leq \sigma). \end{equation} If we consider only the first term $P_{S_0}$ on the right-hand side of Eq.(\ref{general sum}), the model is equivalent to the classical weakest-link model,i.e., \begin{equation} \label{weakest link} 1-P_f(\sigma) = P_{S_0}(\sigma) = [1-P_1(\sigma)]^n \end{equation} Physically, this means rearranging all the links into a chain with only 1 row and $N$ columns. Because the other terms in the sum of Eq.~(\ref{general sum}) are excluded, the weakest-link model gives a strict upper bound of failure probability of the fishnet. \subsubsection Two-Term Fishnet Statistics} To get a better approximation, let us now truncate the sum in Eq.~(\ref{general sum}) after the second term $P_{S_1}$. Let $\sigma_N$ be the nominal stress representing the average stress in the cross section of the fishnet, and $\sigma_i$ be the stress at the $i^{th}$ link when the nominal stress is $\sigma_N=\sigma$. Also denote $\eta_j^{(1)} = \sigma_i /\sigma_N$, which is the ratio of stress change in link $i$ when some links failed. Based on our previous analysis of stress redistribution, we assume $\eta_j^{(1)}$ not to depend on the position of the failed link. For the two-term model, the survival probability is \begin{equation} \label{two term expansion} 1-P_f(\sigma) = P_{S_0}(\sigma) + P_{S_1}(\sigma), \end{equation} where $P_{S_0}$ is given by Eq.(\ref{PS0}). and$P_{S_1}(\sigma)$ is the probability that, under load $\sigma_N=\sigma$, only one link has failed. This event can be further decomposed as the union of mutually exclusive events: \begin{equation} \{X(\sigma)=1\}=\cup_{i=1}^{N}\Omega_i, \end{equation} where $\Omega_i$ is the event that the $i^{th}$ link is the only one that has failed under the loading $\sigma_N=\sigma$. Next, we define a family of events for every single link: \begin{equation} \omega_i(\sigma) = \text{the $i^{th}$ link survives under stress} \sigma_i = \sigma \end{equation} Then the event $\Omega_i$ that the $i^{th}$ link fails while the others survive is equivalent to \begin{equation} \Omega_i=\omega_i^c(\sigma) \cap \left\{ \bigcap_{j \neq i} \left[ \omega_j(\sigma) \cap \omega_j(\eta_j^{(1)}\sigma) \right] \right\} \end{equation} where $\omega_i^c(\sigma)$ is the event that the $i^{th}$ link fails under the initial stress field $\sigma_i = \sigma$ and the expression $\bigcap_{j \neq i}\left[ \omega_j(\sigma) \cap \omega_j( \eta_j^{(1)} \sigma) \right]$ represents the event that the remaining links survive under both the initial and redistributed stresses. Hence the expression for $P_{S_{k}}$ is: \begin{align} \label{partition of PS1} P_{S_1}(\sigma) &=\cPr\{ X(\sigma)=1 \} = \cPr\{\cup_{i=1}^{N}\Omega_i\} = \sum_{i=1}^{N} \cPr\{\Omega_i\} \\ &=N\cdot\cPr\left\{ \omega_i^c(\sigma) \cap \left[ \bigcap_{j \neq i}\left( \omega_j(\sigma)\cap \omega_j(\eta_j^{(1)}\sigma) \right) \right] \right\} \end{align} Assume the strength of links $P_1(\sigma) = \cPr\{\omega_i (\sigma)\}$ are i.i.d. random variables. Then Eq.~(\ref{partition of PS1}) reduces to \begin{align} \label{PS1 if statement} P_{S_1}(\sigma) &= N \cdot \cPr\{\omega_i^c(\sigma)\} \cdot \prod_{j\neq i}\cPr\left\{ \omega_j(\sigma)\cap \omega_j(\eta_j^{(1)}\sigma) \right\}\\ &= N P_1(\sigma)\cdot \prod_{j\neq i}\cPr\left\{ \omega_j(\sigma)\cap \omega_j(\eta_j^{(1)}\sigma) \right\} \end{align} When $\eta_j^{(1)} \geq 1$, the event $\left\{ \omega_j(\sigma)\cap \omega_j(\eta_j^{(1)}\sigma) \right\}$ is equivalent to $\omega_j (\eta_j^{(1)}\sigma)$, and when $\eta_j^{(1)} < 1$, it is equivalent to $\omega_j(\sigma)$. Therefore, the expression for $P_{S_1}$ further reduces to \begin{equation} \label{exact expression of PS1} \boxed{P_{S_1}(\sigma)=NP_1(\sigma)\cdot \prod_{i=1}^{N-1} \left[ 1 - P_1(\lambda_i \sigma) \right],~~~\lambda_i= \begin{cases} \eta_i~,& \eta_i\geq 1\\ 1~~,& \eta_i<1 \end{cases}} \end{equation} This equation has been derived without using any knowledge of stress redistribution or any assumptions about load sharing rules. To get a simpler estimate of $P_{S_1}$, we can make two reasonable simplifications of stress redistribution: \begin{enumerate} \item [1.] The stress redistributes only in the vicinity of a failed link. So we assume that links farther away are undisturbed, with all $\eta_i^{(1)} = 1$, and assume the stress to change only a few links, whose number is denoted as $\nu_1$ (not including the failed link); \item [2.] To keep $P_f$ either as an upper bound or an optimum prediction, we replace all the $\nu_1$ redistributed stresses $\eta_{i}^{(1)} \sigma$ by the maximum $\eta_{max}^{(1)} \sigma$ (or by some weighted average $\eta_{a}^{(1)} \cdot \sigma$ among them). \end{enumerate} Based on these two additional assumptions, $P_{S_1}$ is further simplified to \begin{equation} \label{simplified PS1} \boxed{P_{S_1}(\sigma) = N P_1(\sigma)[1 - P_1(\sigma)]^{N - \nu_1 - 1}[1 - P_1(\eta_a^{(1)}\sigma)]^{\nu_1}} \end{equation} As a reasonable estimate (to be checked by Monte Carlo simulations), we choose $\nu_1$ such that all the $\eta_i^{(1)}$'s that are smaller than 1.1 would be replaced by 1, and then determine the value of $\eta_{a}^{(1)}$ by approximating Eq.~(\ref{exact expression of PS1}) by Eq.~(\ref{simplified PS1}), i.e., \begin{equation} \prod_{i=1}^{N-1} \left[ 1 - P_1(\lambda_i \sigma) \right]\simeq [1-P_1(\sigma)]^{N - \nu_1 - 1}[1 - P_1(\eta_a^{(1)} \sigma)]^{\nu_1} \end{equation} Based on calculation, for the fishnet we are studying right now and various strength distribution $P_1(\sigma)$ of links, $\nu_1=4\sim 8$ and $\eta_{a}^{(1)}=1.34 \sim 1.36$. From this, we can see that $\eta_{a}^{(1)}$ is very close to $\eta_{max}^{(1)}$, meaning that using the maximum redistributed stress can actually give us a pretty good prediction of $P_f$. To get the failure probability, we plug Eq.~(\ref{simplified PS1}) into Eq.~(\ref{two term expansion}): \begin{align} 1-P_f(\sigma) &= [1-P_1(\sigma)]^N + N P_1(\sigma)[1 - P_1(\sigma)]^{N - \nu_1 - 1}[1 - P_1(\eta_a^{(1)} \sigma)]^{\nu_1} \\ & = [1 - P_1(\sigma)]^N \left\{ 1 + \frac{NP_1(\sigma)}{1 - P_1(\sigma)} \left[\frac{1 - P_1(\eta_a^{(1)}\sigma)}{1 - P_1(\sigma)}\right]^{\nu_1} \right\} \end{align} Denoting \begin{equation} P_{\Delta} = \frac{1}{1-P_1(\sigma)} \left[\frac{1 - P_1(\eta_a^{(1)}\sigma)}{1 - P_1(\sigma)}\right]^{\nu_1} \end{equation} we finally get \begin{equation} \label{extension} \boxed{1-P_f(\sigma) = [1-P_1(\sigma)]^N \cdot \left\{ 1 + N P_1(\sigma) P_{\Delta}(\sigma,\eta_a^{(1)},\nu_1) \right\}} \end{equation} From Eq.~(\ref{extension}), we can see that the main difference between weakest link model with the two-term fishnet model is the extra term: \begin{equation} N P_1(\sigma) \cdot P_{\Delta} \end{equation} In the expression for $P_{\Delta}$, $[(1-P_1(\eta_a^{(1)} \sigma))/(1-P_1(\sigma))]^{\nu_1}$ is the conditional probability of survival for the links in the region of stress redistribution with load load $\eta_a^{(1)} \sigma$, given that they have been carrying load $\sigma$ without failing. In other words, \begin{equation} 1-\left[\frac{1-P_1(\eta_a^{(1)} \sigma)}{1-P_1(\sigma)}\right]^{\nu_1} \end{equation} is a cumulative distribution function (cdf) of structural failure probability. Therefore, its complement has the following properties: \begin{equation*} \lim_{\sigma \rightarrow 0}\left[\frac{1-P_1(\eta_a^{(1)} \sigma)}{1-P_1(\sigma)}\right]^{\nu_1} = 1 ~~~\text{and}~~~ \lim_{\sigma \rightarrow \infty}\left[\frac{1-P_1(\eta_a^{(1)} \sigma)}{1-P_1(\sigma)}\right]^{\nu_1} = 0 \end{equation*} As for the other term in $P_{\Delta}$, i.e. $1/(1-P_1(\sigma))$, it tends to 1 as $\sigma$ tends to zero and blows up as $\sigma$ approaches $\infty$. Therefore as $\sigma$ tends to 0, the term $P_{\Delta}$ tends to 1. Numerical study of $P_{\Delta}$ shows that for most cases with $P_1$ being Gaussian, Weibull or other typical grafted distributions, $P_{\Delta}$ always tends to 0 as $\sigma$ approaches $\infty$ as long as $\eta_a^{(1)}>\eta_0$, where the constant $\eta_0$ depends on $P_1$ and is greater but very close to 1 (e.g $\eta_0=1.02$). For structures such as bridges or aircraft, it is generally desired that the structural failure probability be less than $10^{-6}$, and in that case we obviously need to pay attention only to the remote left tail of $P_f(\sigma)$, i.e., for $\sigma \to 1$. In that case we have \begin{equation} \label{two term simplification} 1-P_f(\sigma) \simeq [1-P_1(\sigma)]^N \left[ 1 + N P_1(\sigma) \right] \end{equation} To elucidate the difference from the classical weakest link model, it helps to transform the foregoing equation (Eq.~(\ref{two term simplification})) to the Weibull scale, which has the coordinates: \begin{equation} X^*=\ln \sigma,~Y^*=\ln[-\ln(1-P_f)] \end{equation} For comparison, we plot in this scale also the weakest link model. For $\sigma \to 0$, we have $P_1 \to 0$, and so we think of using the approximation $\ln(1+x) \simeq x$ for small $x$. However, with these approximations, the logarithm of Eq. (\ref{two term simplification}) gives 0. So we must use the second order approximation $\ln(1+x) \simeq x - x^2/2$. This leads to: \begin{align} \label{Taylor expansion} \ln[1 - P_f(\sigma)] &\simeq N\ln[1 - P_1(\sigma)] + \ln[1 + N P_1(\sigma)]\\ &\simeq N \left( - P_1 - \frac{P_1^2}{2} \right) + NP_1 - \frac{(N P_1)^2}{2}\\ & = - N(N+1)\frac{P_1^2}{2} \end{align} The previous derivation shows that by adding the term $P_{S_1}$, the dominant term of $\ln[1-P_f]$ changed from $P_1(\sigma)$ to $[P_1(\sigma)]^2$, which will be immediately seen to have a huge effect on the tail of $P_f$. To obtain the Weibull scale plot, we multiply both sides by $-1$ and take again the natural logarithm; this yields: \begin{equation} \label{fishnet2} Y^* = \ln[-\ln[1-P_f(\sigma)]] = \ln \frac{N(N+1)}{2} + 2\ln P_1(\sigma) \end{equation} For comparison, the Weibull plot for the weakest-link model is \begin{equation} \label{Weibull} Y^*=\ln[-\ln[1-P_f(\sigma)] ] = \ln N + \ln P_1 \end{equation} Since the independent variable of Weibull plot is $X^*=\ln\sigma$, and $\ln P_1 \simeq \ln(\sigma^{m_0}) = m_0 \ln \sigma $, the slope of the Weibull plot for the Weibull distribution is the Weibull modulus $m_0$. Comparing the expressions of Eq.~(\ref{fishnet2}) and Eq.~(\ref{Weibull}), one can find that the slope of the far left tail of Weibull plot in the two-term fishnet model is changed from $m_0$ into $2m_0$, which is twice as steep as in the weakest link model. \begin{figure}[!h] \centering \includegraphics[width=0.95\textwidth]{analyticalComparison.pdf} \caption{a) Cumulative distribution function (cdf) of failure for a single truss element; b) Comparison between finite weakest link model and fishnet model with 2 terms in expansion (Weibull scale).} \label{fig:analytical comparison} \end{figure} On the other hand, in the region where $P_{\Delta}$ is close to 0, i.e., for large enough $\sigma$, Eq.~(\ref{extension}) reduces to the weakest link model. Thus the addition of the term $P_{S_1}$ affects only the far left tail of the cdf of structural strength and has no effect on the right tail. Physically, this is because when $\sigma_N$ is very small (far below the mean), the links surrounding the failed link are generally strong enough to bear the redistributed load without breaking. But the weakest-link model characterizes this case as a failure of the whole structure, and this is why it overshoots $P_f(\sigma)$ when the load is small. However, when $\sigma_N$ is large (far above the mean), the survival probability of the links surrounding the failed one is very small, regardless of the failed link. So, on the far right tail, the two-term fishnet model is essentially the same as the weakest-link model. Fig.~\ref{fig:analytical comparison}(b) shows the difference between the finite weakest-link model and the two-term fishnet model for the case in which $N=512$, $\eta_a^{(1)}=1.36$, $\nu_1=6$, and the cdf $P_1(\sigma)$ of structure strength is given in Fig.~\ref{fig:analytical comparison}(a). Note that $P_1(\sigma)$ is the Gaussian (or normal) distribution with a power law tail grafted at cumulative probability $P_1(\sigma)=0.015$. From Fig.~\ref{fig:analytical comparison}(b), one should note that the two-term fishnet model shows, in the Weibull plot, a smooth transition of slope from $m_0=38$ to $2m_0=76$. Note that, since the two-term fishnet statistics does not consider all the terms in Eq.~(\ref{general sum}), it is still an upper bound for the true $P_f(\sigma)$. The difference between the weakest-link model and the two-term fishnet model is illustrated by the diagram in Fig.\ref{fig:analytical comparison}(b), in which $\sigma = 6.05$ MPa. The probability calculated from the two-term fishnet model is $1.19 \cdot 10^{-6}$, whereas the value calculated from the weakest-link model is $2.95\times10^{-5}$. This is 24.8 times higher than the value obtained by the two-term fishnet model. This unexpected observation shows that when $\sigma$ is small, the weakest-link model gives a much too high prediction of failure probability, and the two-term fishnet model yields much higher estimates of failure loads, provided that the fishnet action indeed takes place. \subsubsection{Location of the Slope Transition for the 2-Term Fishnet Statistics} It is not enough to know that the left terminal slope in the Weibull plot is doubled. One needs to know also at which $\sigma$ value the slope transition is centered. According to Eq.~\ref{general sum}, this value is controlled by two parameters, $\eta_a^{(1)}$ and $\nu_1$. Here $\eta_a^{(1)}$ is the ratio of the average redistributed stress to the initial uniform stress, and $\nu_1$ is the number of links in the redistribution zone. To study the effects of these parameters, we fix one of them plot $P_{\Delta}$ for various values of the other. We consider $N = 512$ and $\nu_1 = 6$. The calculated plots of $P_{\Delta}$ and $P_f$ for $\eta_a^{(1)}=$ 1.1, 1.3 and 1.6 are given in Fig.~\ref{fig:Various Eta}. \begin{figure}[!h] \centering \includegraphics[width=0.95\textwidth]{locationTransition.pdf} \caption{a) Approximate position of transition for $\eta_a^{(1)}=$ 1.1, 1.3 and 1.6; b) Cumulative distribution function (cdf) of $P_f(\sigma)$ in Weibull scale with different 5$\eta_a^{(1)}$.} \label{fig:Various Eta} \end{figure} \begin{figure}[!h] \centering \includegraphics[width=0.95\textwidth]{alphaTransition.pdf} \caption{a) Approximate position of transition for $\nu_1=$ 6, 36, 216 and 512; b) Cumulative distribution function (cdf) of $P_f(\sigma)$ in Weibull scale with different $\nu_1$.} \label{fig:Various alpha1} \end{figure} As the value of $P_{\Delta}$ varies from 0 to 1, the slope of cdf in Weibull scale gradually transits from $m_0$ to $2m_0$. Thus the center of the transition is the value $\sigma_T$ of $\sigma$ at which $P_{\Delta}(\sigma_T)=0.5$. So we set $P_{\Delta}=0.5$ for various values of $\eta_a^{(1)}$, and compare the $\sigma_T$ values. Shown in Fig.~\ref{fig:Various Eta}(a), they are seen match well with the kink locations in Fig.~\ref{fig:Various Eta}(b). Also note that the kink location shifts dramatically to the left when $\eta_a^{(1)}$ is increased from 1.1 to 1.6. Finally, as $\eta_a^{(1)} \to \infty$, the kink position approaches $\sigma_T=0$, which means that the fishnet degenerates into the weakest-link model---as long as 1 link fails, the stress in its neighborhood becomes infinitely large, then the structure must fail right after a single link fails. Next, we fix $\eta_a^{(1)} = 1.2$ and let $\nu_1$ = 6, 36, 216 and 512. Note that, since $N = 512$, the largest $\nu_1$ value cannot exceed $512$. Similarly, as $\nu_1$ increases, the kink location shifts to the left, but the shift is much smaller than the change of $\eta_a^{(1)}$. Thus we conclude that the stress ratio $\eta_a^{(1)}$ has a big effect on the location of slope change from $m_0$ to $2m_0$, while $\nu_1$ has a much smaller effect. \subsubsection{Three-Term Fishnet Statistics} After a link fails, the next one to fail will be either a neighboring link or a link located farther away. Since these two events are mutually exclusive, we may write: \begin{equation} P_{S_2} = P_{S_{21}} + P_{S_{22}}, \end{equation} where $P_{S_{21}}$ (or $P_{S_{22}}$) is the probability of $\{X = 2\}$ when the failed link is close to (or far away from) the previously failed link. Furthermore, the probability density function (pdf) characterizing $P_1(\sigma)$ is denoted as $\psi(\sigma) = \mbox{d} P_1(\sigma) /\mbox{d} \sigma$. If the second link failure after the original link failure happens in the neighborhood of the first one, we let $\nu_2$ be the number of links that will endure the redistributed stresses after 2 links (after the original one) fail and let the new stress ratio be $\eta^{(2)}~(note that \eta^{(2)}>\eta_a^{(1)}>0)$. In both foregoing cases, since there are only 2 failed links (after the original one), we still assume that the stress in the links far away from the failed ones remains undisturbed and equals the remotely applied stress $\sigma$ (this ceases to be valid if number of failed inks keeps increasing further). Thus we may write: \begin{eqnarray} \label{formulation of PS21} P_{S_{21}} &=& {N \choose 1}{\nu_1 \choose 1}\int_{0}^{\sigma}\int_{x_1}^{\eta_b^{(1)} \sigma}\psi(x_1)\psi(x_2)dx_2dx_1\ [1-P_1(\sigma)]^{N-\nu_2-2}\ [1-P_1(\eta^{(2)} \sigma)]^{\nu_2} \\ \label{formulation of PS22} P_{S_{22}} &=& {N \choose 1}{N-\nu_1-1 \choose 1} \int_{0}^{\sigma}\int_{x_1}^{ \sigma}\psi(x_1)\psi(x_2)dx_2dx_1\ [1-P_1(\sigma)]^{N-2\nu_1-2}\ [1-P_1(\eta^{(2)}\sigma)]^{2\nu_1}~~ \end{eqnarray} where $x_1$ is .... and $\eta_b^{(1)}$ is a parameter calculated from $\eta_i^{(1)}$. This parameter is used by another approximate relation which is similar but different from that for $\eta_a^{(1)}$: \begin{equation} \label{new approximation} \nu_1\int_{0}^{\sigma}\int_{x_1}^{\eta_b^{(1)} \sigma}\psi(x_1)\psi(x_2)dx_2dx_1 \simeq \sum_{j=1}^{\nu_1}\int_{0}^{\sigma}\int_{x_1}^{\eta_j^{(1)} \sigma}\psi(x_1)\psi(x_2)dx_2dx_1 \end{equation} \begin{figure}[!h] \centering \includegraphics[width=0.85\textwidth]{integralSchematic.pdf} \caption{a) Schematic showing the domain of integration when $\eta \geq 1$; b) domain of integration when $\eta<1$.} \label{fig:integral schematic} \end{figure} Further note that \begin{equation} \int_{0}^{\sigma}\int_{x_1}^{ \sigma}\psi(x_1)\psi(x_2)dx_2dx_1=\frac{1}{2}[P_1(\sigma)]^2 \end{equation} and then, according to Fig.~\ref{fig:integral schematic}(a), \begin{align} \int_{0}^{\sigma}\int_{x_1}^{\eta_b^{(1)} \sigma}\psi(x_1)\psi(x_2)dx_2dx_1 &= \int_{0}^{\sigma}\int_{x_1}^{ \sigma}\psi(x_1)\psi(x_2)dx_2dx_1 +\int_{0}^{\sigma}\int_{x_1}^{\eta_b^{(1)} \sigma}\psi(x_1)\psi(x_2)dx_2dx_1\\ &=\frac{1}{2}[P_1(\sigma)]^2+P_1(\sigma)[P_1(\eta_b^{(1)} \sigma)-P_1(\sigma)]\\ &=P_1(\sigma)P_1(\eta_b^{(1)} \sigma)-\frac{1}{2}[P_1(\sigma)]^2 \end{align} Finally, we obtain \begin{align} \label{3-term fishnet} P_{S_{21}} &= N \nu_1 \left\{ P_1(\sigma)P_1(\eta_b^{(1)} \sigma)-\frac{1}{2}[P_1(\sigma)]^2 \right\}\cdot[1-P_1(\sigma)]^{N-\nu_2-2} \cdot [1-P_1(\eta^{(2)} \sigma)]^{\nu_2}\\ P_{S_{22}} &= \frac{1}{2}N (N-\nu_1-1) [P_1(\sigma)]^2\cdot [1-P_1(\sigma)]^{N-2\nu_1-2} \cdot [1-P_1(\eta^{(2)} \sigma)]^{2\nu_1} \end{align} So, considering three terms in Eq.~\ref{general sum}, we find the failure probability of fishnet to be \begin{align} 1-P_f(\sigma) &\simeq [1-P_1(\sigma)]^N \cdot \left\{ 1 + P_{S_1}/[1-P_1(\sigma)]^N + P_{S_2}/[1-P_1(\sigma)]^N \right\}\\ &=[1-P_1(\sigma)]^N \cdot \left\{ 1 + NP_1(\sigma)P_{\Delta} + N\nu_2\left[P_1(\sigma)P_1(\eta_b^{(1)} \sigma)-\frac{1}{2}[P_1(\sigma)]^2\right] P_{\Delta_{21}}\right.\\ & + \left. \frac{1}{2}N(N-\nu_1-1)[P_1(\sigma)]^2 P_{\Delta_{22}} \right\}, \end{align} where \begin{equation} \label{estimation of PS2} P_{\Delta} = \frac{[1-P_1(\eta_a^{(1)} \sigma)]^{\nu_1}}{[1-P_1(\sigma)]^{\nu_1+1}},~~~ P_{\Delta_{21}} = \frac{[1-P_1(\eta^{(2)} \sigma)]^{\nu_2}}{[1-P_1(\sigma)]^{\nu_2+2}},~~~ P_{\Delta_{22}} = \frac{[1-P_1(\eta_a^{(1)} \sigma)]^{2\nu_1}}{[1-P_1(\sigma)]^{2\nu_1+2}} \end{equation} Similar to $P_{\Delta}$, $\lim_{\sigma \to 0} P_{\Delta_{21}} = 1$ and $\lim_{\sigma \to 0} P_{\Delta_{22}} = 1$. Note that the foregoing expression for $P_{S_2}$is is not exact expression only an approximate estimate because we simplified, in two steps, the stress redistribution as a uniform scaling of stress by factors $\eta_(b)^{(1)}$ and $\eta^{(2)}$. They are both greater than 1. In reality, however, some regions near the group of failed links get unloaded. These are regions in which the stress is smaller than the remotely applied stress $\sigma$. The failure probability of these regions is the integral of joint density over the domain shown in Fig.~\ref{fig:integral schematic}(b). This integral makes a more accurate solution very complicated, since stronger links could fail prior to the weaker ones if unloading happens in the weak links. Nevertheless, our estimation can still be quite accurate if $\eta_b^{(1)}$ is chosen properly, based on Eq.~(\ref{new approximation}). Since the probability $P_{S_2}$ consists of two terms, namely $P_{S_{21}}$ and $P_{S_{22}}$, another interesting question arises: which one of these two terms is larger? Eq.~(\ref{formulation of PS21}) and Eq.~(\ref{formulation of PS22}) tell us that $P_{S_{21}}$ is proportional to $N[P_1(\sigma)]^2$, while $P_{S_{22}}$ is proportional to $N(N-\nu_1-1)[P_1(\sigma)]^2$, which approximately equals $N^2 [P_1(\sigma)]^2$. Therefore, $P_{S_{22}}$ is much larger than $P_{S_{21}}$. This means that the second link failure will most likely appear far away from the first one if the left tail of $P_1(\sigma)$ is relatively heavy but such that the effect of $[P_1(\sigma)]^2$ is still recognizable. This tendency to scattered damage will be discussed later. \subsubsection{Ramifications to Higher-Order Terms in Failure Probability} Intuitively, $P_{S_k}$ is proportional to $[P_1(\sigma)]^k$ when $\sigma$ is close to 0, and so Eq.~(\ref{general sum})is similar to a Taylor series expansion of some real function in terms of $P_1(\sigma)$. The higher the order, the smaller the contribution to the total sum. If the tail of $P_1(\sigma)$ is very light, $[P_1(\sigma)]^k$ for $k \geq 3$ are usually too small to be seen on the cdf directly. So, in order to see the effect of the higher order terms, we need, once again, to study them in the Weibull scale. This scale exponentially magnifies tiny differences in the tail of a distribution. What will happen if we include more and more terms on the right-hand side of Eq.\ref{general sum}? Will they cause further slope increases in the Weibull plot? The answer is affirmative: The higher-order terms of survival probability would lead to further slope increase of cdf in the Weibull scale. From the derivation of Eq.~(\ref{Taylor expansion}), we know that the very reason for slope increase by the factor of 2 is that the term $P_1(\sigma)$ canceled out by Taylor expansion, allowing $[P_1(\sigma)]^2$ dominates. So, if there is another slope increase from $2m_0$ to $3m_0$, the square terms $[P_1(\sigma)]^2$ in Eq.~(\ref{Taylor expansion}) must vanish after adding more terms of $P_{S_k}$ in Eq.(\ref{general sum}). In order to show that the slope of cdf could further increase due to the presence of more terms in the expansion of survival probability we must use the exact law of stress redistribution, otherwise it could lead to false conclusions. However, the exact law of stress redistribution is almost impossible to obtain analytically. Therefore, instead of working on a general fishnet, it is much easier if we consider a special form of it i.e. fiber bundle: by changing the aspect ratio $m:n$ gradually to $N:1$, a fishnet with a fixed number of links reduces to a fiber bundle. Then we can use the law of stress redistribution of a fiber bundle in derivation and study the slope change of cdf and the case for general fishnet is studied numerically by Monte Carlo simulations. Now, consider a fiber bundle consisting of $N$ fibers and we truncate Eq.(\ref{general sum}) at $P_{S_2}$. Consequently $P_{S_0}$, $P_{S_1}$ and $P_{S_2}$ can be expressed as: Similarly, \begin{equation} \int_{0}^{\sigma}\int_{0}^{N\sigma/(N-1)}\psi(x_1)\psi(x_2)dx_2dx_1=P_1(\sigma)P_1[N \sigma/(N-1)]-\frac{1}{2}[P_1(\sigma)]^2 \end{equation} Therefore, \begin{equation} P_{S_2}=N(N-1)\left\{P_1(\sigma)P_1[N \sigma/(N-1)]-\frac{1}{2}[P_1(\sigma)]^2\right\}\left[ 1-P_1\left(\frac{N \sigma}{N-2}\right) \right]^{N-2} \end{equation} The probability of survival of the whole fishnet can then be expressed as: \begin{equation} 1-P_f(\sigma) \simeq P_{S_0} + P_{S_1} + P_{S_2} \end{equation} Then we factor out $[1-P_1(\sigma)]^N$ and let $\sigma$ tends to 0: \begin{equation} 1-P_f(\sigma) \simeq [1-P_1(\sigma)]^N \cdot \left\{ 1 + NP_1(\sigma) + N(N-1)P_1(\sigma)P_1[N \sigma/(N-1)]-\frac{N(N-1)}{2}[P_1(\sigma)]^2 \right\} \end{equation} By the same procedure, we take natural log on both sides and then use Taylor expansion of $\log(1+x)$ and collect all the terms of order smaller than $[P_1(\sigma)]^3$: We can see that considering the term $P_{S_2}$ in Eq.~(\ref{general sum}) could make all the first and second order terms of $\log[1-P_f(\sigma)]$ vanish, which means $[P_1(\sigma)]^3$ dominates when $\sigma$ is small enough and the slope of cdf of fishnet failure in Weibull scale can increase by a factor of 3. \subsubsection{Upper and Lower Bounds of Failure Probability of Fishnet} As is already seen in previous sections, the fishnet possesses two geometrical limits i.e. chain (weakest link) and fiber bundle: the structure reduces to a chain if we set the aspect ratio to $m:n=1:N$ and to a fiber bundle if we set the ratio to $m:n=N:1$ (Loads are applied horizontally). Intuitively, given the same amount of links, a fiber bundle would be much more reliable than a single chain: failure of one link will not necessarily lead to rupture of the whole bundle. Therefore, we conjecture that the upper and low bounds of fishnet's failure probability should be that of a weakest link and fiber bundle consisting of the same number ($N$) of links, respectively (see Fig.~\ref{fig:Geometric Transform}). Furthermore, by assuming that $P_f(\sigma)$ changes continuously as the fishnet gradually transforms from a chain to a bundle, the failure probability decreases when the aspect ratio $m/n$ increases at a fixed value of the product $m\times n = N$ . \begin{figure}[!h] \centering \includegraphics[width=0.6\textwidth]{Geometric_Transform.pdf} \caption{Schematic showing the change of failure probability of fishnet by changing its aspect ratio $m/n$ gradually from $1:N$ to $N:1$.} \label{fig:Geometric Transform} \end{figure} \section{\large Monte Carlo Simulation of Fishnet Failure} \subsection{Setup of Finite Element Model} To verify the theory, numerical Monte Carlo experiments are conducted by finite element simulations (in Matlab). In the finite element model (FEM) model, the size of rectangular fishnet is defined by its number of rows and columns $m \times n$. Each link is treated as an elastic truss element. All the elements (or links) have the same cross section area and Young's modulus, and differ only in their strength, $s_i$, which is a random variable that follows the probability distribution $P_1(\sigma)$. The nodes at the left fishnet boundary are fixed in $x$ direction but allowed to slide freely in the transverse $y$ direction. The fishnet is loaded under displacement control. The tensile load is applied by prescribing increments of a uniform displacement $u_0$ at the right boundary nodes while allowing transverse free sliding. \subsection{Random Variable Generation} Random variables $s_i$ are generated by the inverse-transform method. First, we use the random number generator in Matlab to generate random variables $x_i$ in the interval $[0,1]$, and then apply the inverse of $P_1$ to each $x_i$, i.e. $s_i=P_1^{-1}(x_i)$. Based on previous research\cite{BazLeBaz09}, $P_1(s)$ is defined by grafting a power-law left tail onto a Gaussian distribution. The stiffnesses of links ($EA/l_e$) are not treated here as random variables. This is not a major simplification. To explain why not, consider an $m\times n$ fishnet with i.i.d. random stiffness $K_{i,j}$ for each link. Now, if the $x$-displacement at left boundary is zero and on the right boundary is $n u_0$, then the elongation of each link is $u_0$. So, if we pick any cross-section, the total force and nominal stress are: \begin{equation} \label{LLN} P=u_0\sum_{r=1}^{m}K_r,~~~\sigma_N=\frac{u_0}{A}\left( \frac{1}{m}\sum_{r=1}^{m}K_r \right) \end{equation} where $K_r$ are the element stiffnesses along the $r$-th cross-section of fishnet, and $A$ is the cross-section area of each element. This means that the random variable $\sigma_N$ is proportional to the sample mean of $K_r$. According to the weak law of large numbers the sample mean converges to true mean with probability 1 as $m\rightarrow \infty$. Intuitively, this means that given any form of the distribution of $K_{i,j}$, the nominal stress $\sigma_N$ always follows the law of a degenerate Gaussian distribution, i.e., the Dirac Delta function, centered at $\sigma_N=Ku_0/A$ if the cross-section contains a sufficiently large number of elements, where $K$ is the mean of $K_r$. Therefore, no matter what the distribution is for the stiffness of a single element, its influence on the randomness of nominal strength negligible. This is also true if the fishnet is slightly damaged, because we can always find a cross-section that is sufficiently far away from the zone of failed links. Indeed, the elongation of these elements on the chosen cross-section is still approximately $u_0$, which means that Eq.~(\ref{LLN}) still holds. Therefore, it suffices to randomize strength of each link while considering the element length, elastic modulus and cross-section area as deterministic. \subsection{Element Deletion and Propagation of Cracks} The time steps are indexed by the total number ($k$) of failed links. At the beginning of time step $k$, we set $u_0=1$ and calculate the stresses of each element $\sigma_j^{(k)}$. Then the only element, indexed by $i$, that is going to fail in this new time step is the one whose stress satisfies the condition: \begin{equation} \lambda^{(k)}=s_i/\sigma_i^{(k)}=\min_j\ \{s_j/\sigma_j^{(k)} \} \end{equation} where $s_j$ is the strength of the $j^{th}$ element. Since the constitutive law is linear elastic, $\lambda^{(k)}$ is the load multiplier such that if we reset $u_0 = \lambda^{(k)}$ and recalculate the stress field, we will have $\sigma_i^{(k)} = s_i$ and $\sigma_j^{(k)} < s_j$~for~$i\neq j$. So the final stress state of each element at the current time step is calculated by $\sigma_{j_{\text{new}}}^{(k)} = \lambda \ \sigma_i^{(k)}$. After updating the stresses, the critical $i^{th}$ element is deleted, and its element stiffness matrix $\bm{K}_{e^i}^{(k)}$ will not be assembled into the global stiffness matrix $\bm{K}^{(k)}$ for future loading steps. This process keeps going until the global stiffness matrix becomes singular, which means that a crack has already gone through the cross-section and the fishnet has failed. Indexing the time steps by the number of failed links allows us to obtain not only the peak load but also the complete load-displacement curve without worrying about stability issues. In fact, the load-displacement curve of elastic fishnet shows a strong snap-back instability, as discussed paper. \subsection{Results of FE Simulation} Fig.~\ref{fig:FE Simulation}(a) shows the load-displacement curve of a typical result of FE simulation on $16 \times 32$ fishnets with random strength. The distribution of random strength is a Gaussian distribution $N\sim(10,0.4^2)$ grafted with a power law tail at $P_1(\sigma)=0.015$. Often, peaking of the load and a strong snap-back instability is observed right already before the rupture of the first or second link. This is no surprise because, if there is no randomness in strength, the fishnet will reach the maximum load (and fail) as soon as any one of the links succumbs. So it is the strength randomness that makes it possible for the whole structure to survive after failure of a few links. On the other hand, in real nacreous materials, in which the shear connections between the lamellae do not act locally as pin nodes and resist bending moments, a few links (or shear connections) will probably have to break before the maximum load is reached. This would be similar type I failure in brittle heterogenous materials, in which several microcracks between grains must form in a representative volume element (RVE) before a macrocrack propagation from the RVE is initiated. Thus it might be necessary to generalize the present theory by stipulating that a certain small number of links forming an RVE must break before the maximum load is reached. This means that the true nacreous behavior would ba a transition from Type I fracture to a fishnet fracture. Such a generalization, however, must be relegated to further work. \begin{figure}[!h] \centering \includegraphics[width=0.98\textwidth]{loadDispFishBlock.pdf} \caption{a) Load-displacement curve of a $16\times32$ fishnet with random strength together with its crack pattern; (b) Stress evolution as crack propagates through the fishnet (the darker the color, the larger the normalized stress $\sigma/\sigma_{max}$), where $k$ is the number of failed links.} \label{fig:FE Simulation} \end{figure} Fig.~\ref{fig:FE Simulation}(b) illustrates the stress field of 4 typical fishnet frames ($k=1,~2,~8,~15$) in the process of crack propagation. In this particular case, subsequent failures localize immediately after the crack initialization, and no scattered damage is observed. One can see that the crack path in this case has a strong tendency to move vertically and form a cross-section, even though the crack path is random. Another observation is that as crack propagates, sharper contrast of darkness in the figures are seen, meaning that the difference between maximum stress $\sigma_{max}$ and nominal stress $\sigma_N$ becomes larger and larger, making the whole structure even weaker. \subsection{Verification of Fishnet Theory} Millions of finite element simulations are run to verify the fishnet statistics. The criterion of convergence is set as follows: First we consider the curve of the estimated distribution obtained from many runs of fishnet sample of size $n_1$ in Weibull scale. Then we increase the sample size $n_1$ by one and consider the curve of the newly estimated distribution. The part of the curve that does not change much upon doubling the sample size is considered as converged. To obtain an accurate estimate of the distribution, especially in its left tail, at least on million ($10^6$) samples have been computed for each case. Based on this scenario, the distribution estimated from the histogram of the results of all computer runs converges very well to the exact distribution in the region $Y = \ln[-\ln(1-P_f)] > - 10$ in Weibull scale. This corresponds to the interval $4.54\times10^{-5} \leq P_f <1$. \subsubsection{Two-Term Fishnet Model} \begin{figure}[!h] \centering \includegraphics[width=1\textwidth]{histogramPG.pdf} \caption{(a) Histogram of Monte Carlo Experiment of $10^6$ samples (frequency is normalized to probability density) on $16 \times 32$ fishnets compared with the density functions of weakest link model and 2-term fishnet model; (b) Same data converted into cumulative probability and plotted in Weibull scale.} \label{fig:histogramPG} \end{figure} When $P_1(\sigma)$ is a Gaussian $N(10,0.8^2)$ grafted with a power law tail at $P_f=0.015$, its tail is relatively light and 2-term fishnet model works very well. The expression of $P_1(\sigma)$ is chosen as \begin{equation} \label{P1 PG} P_1(\sigma) = \begin{cases} 0.11338\cdot (\sigma/10)^{38}, & \sigma \leq 8.4~MPa\\ 0.015 + \left\{0.481 - 0.504\cdot\text{Erf}[0.884 (10 - x)]\right\}, & \sigma>8.4~MPa \end{cases} \end{equation} where \begin{equation} \text{Erf}(x)=\frac{2}{\sqrt{\pi}}\int_{x}^{\infty}e^{-t^2}dt. \end{equation} Fig.~\ref{fig:histogramPG}(a) shows the estimated probability density function (pdf), $p_f(\sigma) = \mbox{d} P_f(\sigma)/ \mbox{d} \sigma$, obtained from the histogram of Monte Carlo simulations, and compares this pdf with the prediction of the weakest-link model (black dashed line) and of the two-term fishnet model (red continuous line). These two predictions are almost indistinguishable in the range $\sigma>6.7 MPa$ and match very well the Monte Carlo experiments. However the difference shows up in the tail ($\sigma \leq 6.7 MPa$). Indeed, the two-term fishnet model fits the Monte Carlo data much better than the classical weakest-link model. The difference is more obvious when it is plotted in Weibull scale (Fig~\ref{fig:histogramPG}(b)): the results of Monte Carlo simulations match the two-term fishnet model everywhere in the figure, while the weakest link model works well only in the range $\ln\sigma>1.9$. \subsubsection{Three-Term Fishnet Model} The effect of $P_{S_2}$ in Eq.~(\ref{general sum}) becomes more significant if the tail of $P_1(\sigma)$ gets heavier. Now consider the case where $P_1(\sigma)$ is a grafted distribution of Gaussian $N(10,0.8^2)$ and a power law tail with the grafting point $P_f(\sigma)=8.955\%$: \begin{equation} \label{P1 WG} P_1(\sigma) = \begin{cases} 2.551 \cdot \left[ 1-e^{-(\sigma/12)^{10}} \right], & \sigma \leq 8.6~MPa\\ 0.08955 + \left\{ 0.436 - 0.474\cdot \text{Erf}[0.884 (10 - x)] \right\}, & \sigma>8.6~MPa \end{cases} \end{equation} To see the effect on the left tail "thickness", we calculate that, for $\sigma=6.7 MPa$, a change of the grafting point from $P_1(\sigma) = 0.1\%$ to $P_1(\sigma) = 9\%$ increases $P_1$ from $2.79\times10^{-6}$ to $7.5\times10^{-3}$ (note that these grafting point values are much higher than what was identified for particulate composites \cite{BazLe17}). This increase makes the tail much "thicker" than in the previous case. Once again, for this particular strength distribution $P_1(\sigma)$ of a single element, and for the $16 \times 32$ fishnet, one million samples of Monte Carlo simulations have been obtained. \begin{figure}[!h] \centering \includegraphics[width=1\textwidth]{histogramWG.pdf} \caption{(a) Histogram of Monte Carlo Experiment of $10^6$ samples (frequency is normalized to probability density) compared with the probability density functions of weakest link model, 2-term and 3-term fishnet model; (b) Same data converted into cumulative probability and plotted in Weibull scale.} \label{fig:histogramWG} \end{figure} Fig.~\ref{fig:histogramWG} shows the estimated density function of $P_f$ with $P_1(\sigma)$ as mentioned above and its comparison with the predictions of the weakest link model, 2-term (Eq.~(\ref{extension})) and 3-term (Eq.~(\ref{3-term fishnet})) fishnet model. We can see that the weakest link model gives a poor prediction of failure probability, while the fishnet models are much better. Note that, as more and more terms of $P_{S_k}$ are considered in the fishnet model, the skewness of the corresponding distribution becomes smaller and smaller. From Fig.~\ref{fig:histogramWG}(b), all of the three predictions are upper bounds of the true failure probability. As $\sigma$ decreases, the Monte Carlo results begin to deviate from the two-term fishnet model and a further slope increase is observed. As we see, the three-term fishnet model gives the best prediction. To get a still more accurate prediction, we would need to consider the next term, $P_{S_3}$, or even more terms, in the expansion of Eq.~(\ref{general sum}). \subsubsection{Scattered Damage vs. Localized Damage} The previous Monte Carlo simulations show that changing the tail of strength distribution of a single link could have a huge effect on the failure probability of the whole structure. To explain it intuitively, we run finite element simulations for a $32\times32$ square fishnet for two different strength distributions of a single link $P_1(\sigma)$ and $P_1^*(\sigma)$, where $P_1(\sigma)$ is the Gaussian distribution grafted with a light power law tail (Eq.~(\ref{P1 PG})) and $P_1^*(\sigma)$ is the one with a heavy Weibull tail (Eq.~(\ref{P1 WG})). \begin{figure}[!h] \centering \includegraphics[width=0.95\textwidth]{stressEvolutionHeavyPG.pdf} \caption{Stress evolution of a $32\times32$ square fishnet whose strength distribution of a single link is $P_1$, which has a thin power law tail. In each figure, the stress is normalize by the maximum $\sigma_{max}^k$ of that moment. Pure black corresponds to $\sigma_{max}^k$ and pure white corresponds to zero stress.} \label{fig:stress evolution heavy PG} \end{figure} First, consider the case of $P_1(\sigma)$. A typical simulation result is shown in Fig.~\ref{fig:stress evolution heavy PG}$(a)\sim (e)$. Due to the fact that $P_1(\sigma)$ has a very thin power law tail, the probability that there exists an extremely weak link is vanishingly small. Therefore, in most cases, the peak load is reached right before the first rupture. Then the successive failures localize and form a single crack. This means that, with a very high probability, the failure of structure is the result of rupture of a single link. Then the weakest link model predicts the $P_f$ quie accurately, as long as $\sigma$ is not too small. \begin{figure}[!h] \centering \includegraphics[width=0.95\textwidth]{stressEvolutionHeavy.pdf} \caption{Stress evolution of a horizontally pulled $32\times32$ square fishnet in which the strength distribution, $P_1^*$, of a single link has a thick Weibull tail. In each figure, the stress is normalized by the maximum $\sigma_{max}^k$ reached at that moment. Perfect black corresponds to $\sigma_{max}^k$ and perfect white corresponds to zero stress.} \label{fig:stress evolution heavy WG} \end{figure} The scenario gets more complicated as the tail of $P_1$ becomes thicker. Very likely, a few fishnet links have a very low strength and their failures will affect the fishnet strength very little. Moreover, these very weak links are scattered through the whole fishnet. As the loading of fishnet begins, these weakest links will fail successively at very small nominal stresses, while the rest of the "normal" links are still sound and safe. As long as the first few damages are scattered, the stress field will keep to be almost uniform except near these failed links. In this case, the failure of one or two links need not lead to the failure of the whole structure, and the weakest-link model two-term fishnet models cannot give good estimates of $P_f$. This is exactly why we need to consider more higher-order terms in the formula (Eq.~(\ref{general sum})) of survival probability. Fig.~\ref{fig:stress evolution heavy WG} (a)--(e), shows the typical pattern of stress evolution when the strength distribution of links, $P_1^*(\sigma)$, has a thicker Weibull tail. In this particular case, the damage zone does not localize until the fifth rupture, ossurring just after the peak load is reached. Once the damages start to localize, the stress concentration at the crack front will only get higher and higher, making the rest of the links bear smaller and smaller stresses and next failures more likely to localize. Consequently, the nominal stress keeps decreasing. In this process, damage localization offers a positive feedback to the system: the current localization leads to a higher stress concentration, making the next failure more likely to localize. Such a process keeps going until the structure fails. Eventually the stability of fishnet (under load control) is lost and the peak load occurs right at the moment of damage localization, which depends strongly on the "heaviness" of the tail of $P_1(\sigma)$. \subsubsection{Transition from Chain to Bundle (Shape Effect)} Based on the fact that the peak load is most likely reached at the onset of damage localization helps to decide how many terms of $P_{S_k}$ are needed to get an accurate enough prediction of $P_f$: For a given $P_1(\sigma)$ of strength distribution of links and a given size and shape of fishnet, the approximate number of terms we need to add in the fishnet model should be greater than the average number of scattered failures before localization, and the more terms get added, the more accurate the estimation will be in the tail of $P_f$. It thus becomes clear that the fiber bundle must give the lower bound on the strength of all fishnets consisting of the same number of links. The fiber bundle has the largest cross section, and no stress concentration. So the stability limit of a bundle is reached the latest and each term $P_{S_k}$ is the largest among all fishnets. Therefore we have to consider most terms $P_{S_k}$ in the expansion of survival probability Eq.~(\ref{general sum}) so as to get an accurate estimation of $P_f$. Hence, the survival probability, $1-P_f$, of a bundle is the upper bound for those of all fishnets and, accordingly, the failure probability, $P_f$, of a bundle is the lower bound on all the failure probabilities of all fishnets. \begin{figure}[!h] \centering \includegraphics[width=0.95\textwidth]{transitionFishnet.pdf} \caption{a) Monte Carlo simulations showing the transition of $P_f$ as aspect ratio of fishnet is changed from $1\times N$ to $N \times 1$; b) Same data plotted in Weibull scale.} \label{fig:transition fishnet} \end{figure} Fig.~\ref{fig:transition fishnet} shows the transition of failure probability $P_f$ of fishnets of various aspect ratios, consisting of the same number, $N$, of links. The circles with different colors corresponds to results of Monte Carlo simulations. Since we want to verify only the qualitative effect of aspect ratio on $P_f$, we reduce the sample size from $10^6$ to $2\times10^5$. Accordingly, we focus only on the range $\ln[-\ln(1-P_f)] \geq -6$, in which the histogram has converged quite close to the true distribution. As shown in the figure, the weakest link model (black dashed line) is the strict upper bound of all fishnets with the same number of links, and the fiber bundle (dark blue dashed line) is the strict lower bound. When the fishnet is long and thin, for example $m \times n = 2 \times 128$ (dark red circles), the corresponding $P_f$ can be described quite well by the two-term Fishnet model, which shows a gradual slope increase by a factor of 2 as $\sigma_N = \sigma$ tends to 0. This last case might look similar to the real nacre shell, which is much longer than wide. However, in nacre shells and similar structures, the highly stressed zone of often highly localized, as in bending, and then the shell may rather behave as our fishnet with a similar length and width (the statistics of fishnets under flexure, or transverse stress gradient, as well as the statistics of three-dimensional fishnet generalization, would probably be similar, but its study must be relegated to a subsequent article). Returning to the uniformly stressed long and narrow fishnet, it cannot be described adequately by the two-term fishnet, because this model applies if only one additional link fails before the maximum load. The higher-order terms in the expansion of $P_f$ matter. Although they are hard to calculate analytically, insight can be gained by Monte Carlo simulations. We run simulations for fishnets of size $64 \times 16$ and $16 \times 64$, and then count the average number $r_p$ of scattered link failures before the peak load is reached (the distribution of $r_p$ should in fact lead to the Poisson distribution with rate parameter $\mu_p$ when total number of links $N\rightarrow \infty$). For fishnets of size $64 \times 16$, $\mu_p \simeq 5.2$, while $\mu_p \simeq 4.4$ for fishnets of size $16 \times 64$. This shows that more terms of $P_{S_k}$ are needed for short and wide fishnets than for the long and narrow ones. Due to the fact that the laws of stress redistribution around scattered failures are almost identical, the common terms of $P_{S_k}, k \leq k_0$ in $P_f$ for both fishnets are almost the same. The only difference is that the next few terms $P_{S_k}, k > k_0$ for the short and wide fishnets are much larger than those for the long and narrow ones. The cause is the delay of damage localization. \subsection{Comparison with the Chain of Bundles} Attempts have previously been made \cite[e.g.]{Har78I,Har78II,Wei15} to use a chain of fiber bundles to model the failure probability of fiber composites under uniaxial tension. A long specimen under uniaxial tension is subdivided, by imagined cross sections of an assumed spacing, into fictitious segments, each of which is modeled as a fiber bundle. This is an approach that has physical basis in the microstructure of a fiber composite but not of nacre-like materials. If a fiber bundle with equal load sharing is represented mechanically by loading through rigid platens, each parallel coupling reduces the reach of a power law tail by about one order of magnitude \cite{BazPan06, BazLe17}. For 10 parallel fibers, the distribution becomes Gaussian except for a power law (or Weibull) tail reaching to the probability of only about $10^{-20}$. The parallel couupling of fibers extends the reach of the Weibull tail \cite{BazPan06, BazLe17}, but about $10^{22}$ bundles in the chain would be needed to approach the Weibull distribution expected for a very long structure. Obviously, such mechanics based equal load-sharing hypothesis gives clearly unreasonable predictions. The problem with power law (or Weibull) tail shortening is avoided by some convenient, non-mechanical, purely intuitive, load-sharing rules for the transfer of load from a failed fiber to its neighbors. A convenient load-sharing rule can give a very different probability distribution $G_n$ for each bundle, with a realistic reach of power law tail. Like the fishnet, a chain of bundles, each with a suitable $G_n$, can then predict, for low probabilities, a reasonable slope increase in the low-probability range of Weibull plot, as shown by Harlow and Phoenix \cite{Har78I,Har78II}. In the fishnet model, by contrast, this slope decrease is due to the addition of non-zero probability $P_{S_k}$ of structure survival after a failure of $k$ links. The slope of $P_f$ will increase, at least by a factor of 2, due to adding the first term, $P_{S_1}$. As mentioned before, adding more terms $P_{S_k}$ increases the slope further. Importantly, no separate hypothesis about transverse load sharing or redistribution is needed in the fishnet model to get the above result. \section{\large Conclusions} \begin{itemize} \setlength{\itemsep}{-1.5mm} \item Based on similar mechanical responses, nacre-like imbricated laminar materials under uniaxial tension can be modelled as fishnets with square holes pulled in the diagonal direction. \item Severe stress redistribution around isolated damages of fishnets are confined in their close neighborhood, but greatly affect the failure probability. \item Assuming the link strength values in a $m \times n$ fishnet to be i.i.d. random variables characterized by failure probability $P_1(\sigma)$, one can express the fishnet failure probability as a finite series $P_f(\sigma)= 1 - \sum_{k=0}^{m(n-1)} P_{S_k} (\sigma)$ in which $P_{S_k}(\sigma)$ is the probability of the event that total of $k$ links have failed while the structure is still safe, while $P_{S_0}$ corresponds to the classical survival probability of a chain with $m\cdot n$ links. Apart from the first term in the series, the remaining terms tend to 0 as $\sigma$ approaches $\infty$ and tend to $c_k [P_1(\sigma)]^k$ as $\sigma$ approaches to 0. Consequently, in the upper tail $P_f$ is essentially the same as the tail of weakest link model while in the lower tail, $P_f$ exhibits a major deviation from the weakest link model and curves downward in the Weibull scale. \item As $\sigma$ decreases, the slope of $P_f$ in the Weibull plot gets steeper by a factor of 2 due to the effect of $P_{S_1}$. The center of transition to increased slope depends on the level of stress concentration near the failed link. A higher stress concentration causes the transition to happen at smaller $\sigma$. The further term in the expansion cause smaller and smaller increases of slope of $P_f$ in Weibull plot, and the subsequent slope transitions are centered at smaller $\sigma$ values, due increasing stress concentration. \item The fishnet probability $P_f$ exhibits strong shape effects. By changing the aspect ratio $m/n$ from $1/N$ to $N/1$, a fishnet gradually transforms from a chain to a fiber bundle, and the corresponding failure probability transits smoothly from the Weibull distribution to the Gaussian (or normal) distribution. When the shape $m\cdot n$ is fixed, a larger value of $m/n$ corresponds to a strictly smaller $P_f$ for all $\sigma$. So, when $m \cdot n$ is fixed, the weakest-link model and fiber bundle model give, respectively, the strict upper and lower bounds of the failure probability, $P_f$. \item There is a strong size effect, similar to, though different from, the Type 1 quasibrittle size effect characterizing particulate or granular materials and fiber composites. \end{itemize}
c5e8af76e1b73cbf7eacacdc863844f60f742c48
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section*{Introduction} Quantum phase transition is one of the pillars underpinning condensed matter physics~\cite{sac11}. Conventional wisdom states that different quantum phases are generally discriminated in terms of the symmetry carried by the ground state or other features that have an underlying topological interpretation~\cite{wen04}. The former is described by local order parameters associated with the symmetries and the latter by topological orders, which are nowadays classified into intrinsic and symmetry-protected ones~\cite{wen90,kit01,wen04,sch08,gu09,che10,fid10,has10}. In both cases, a continuous transition between different phases is mediated by a spectrally gapless critical point, in the vicinity of which thermodynamic quantities exhibit scaling behaviours classified into universality classes~\cite{fis98}. Modern understanding of quantum phase transition has been significantly enriched by incorporating the concept of entanglement~\cite{ost02,osb02,vid03,kit06,lev06,li08,che10,fid10,ali12}. Quantum phases are determined after all by the way how different particles or different parties in the system are mutually related. In this sense, it is natural to expect that entanglement would bear the fingerprint of the quantum phase. This perspective is especially powerful in the study of topological orders, which are a purely quantum effect. For example, states with an intrinsic topological order have a long-range entanglement and a nonzero topological entanglement entropy~\cite{kit06,lev06,che10}. Symmetry-protected topological orders are signified by a degenerate entanglement spectrum~\cite{fid10}. Topological quantum phase transition would then be thought of as a rearrangement of the pattern of entanglement. While it is a common practice to study macroscopic bipartite entanglements in topological phases, they apparently reveal only a partial aspect of many-body entanglement and, on the practical side, are hardly accessible in experiments. It is thus worthwhile to carry out a more detailed inspection of the many-body entanglement for a deeper understanding of topological phases. In particular, when it comes to the aspect of phase transition, local entanglement may be enough to gain information on the critical singularities, as is suggested by earlier works on symmetry-breaking quantum phase transitions in Heisenberg spin chains~\cite{ost02,osb02}. If then, an interesting question is how its singular nature differs from that of the symmetry-breaking transitions. Besides, from the viewpoint that different quantum phases are imprinted in different patterns of entanglement, to examine many-body entanglement in topological models is an interesting problem in its own right. \begin{figure} \center\includegraphics[width=0.6\columnwidth]{fig1.pdf} \caption{Su-Schrieffer-Heeger model. A unit cell consists of two sites. The hopping rates are set to be $t_{1}=1-\lambda$ and $t_{2}=1+\lambda$ for $0\le\lambda\le1$.} \label{fig:model} \end{figure} The aim of this paper is to investigate the quantum phase transition of one-dimensional topological models in terms of the two-site entanglements, namely, the concurrences, in the ground state~\cite{hor09}. As a prototypical model, we consider the Su-Schrieffer-Heeger (SSH) model on a one-dimensional lattice, as shown in Figure~\ref{fig:model}~\cite{su79}. The system has $N$ unit cells, each consisting of two sites $\{\text{a}_{n},\text{b}_{n}\}$. The model Hamiltonian is given by \begin{equation} H=\sum_{n=1}^{N}\left(t_{1}a_{n}^{\dagger}b_{n}+t_{2}b_{n}^{\dagger}a_{n+1}+\text{H.c.}\right), \label{eq:model} \end{equation} where $\{a_{n},b_{n}\}$ denote the fermion operators for the $n$-th unit cell and the periodic boundary condition $\{a_{N+1},b_{N+1}\}=\{a_{1},b_{1}\}$ is taken. We take the hopping rates \begin{equation} t_{1}=1-\lambda,\quad t_{2}=1+\lambda \end{equation} to have a single control parameter $\lambda\in[-1,1]$. This model has been well studied in the context of the band topology~\cite{sch08,has10}. It is in a topological phase for $\lambda>0$ and in a trivial phase for $\lambda<0$ (this distinction of the phase, of course, depends on the choice of the unit cell). We first derive an analytic formula for the concurrence between any two sites and show that in the thermodynamic limit, the first derivative of the concurrence between adjacent sites with respect to $\lambda$ diverges logarithmically at the critical point $\lambda_{0}=0$, the exact form of which is also derived. This result is similar to the case of the symmetry-breaking quantum phase transition in the Heisenberg spin chain~\cite{ost02,osb02}. However, due to the topological origin, there exists an interesting difference: for finite even $N$, the concurrence is discontinuous at $\lambda=\lambda_{0}$ with a gap inversely proportional to $N$, while it remains analytic for odd $N$. This feature contrasts with the case of symmetry-breaking quantum phase transitions wherein the nonanalyticity appears only in the thermodynamic limit. We provide a geometric interpretation of that, directly relating the singularity with the change of the band topology. This phenomenon has a universal nature in one-dimensional topological phase transitions of noninteracting fermions. As an example, we show that for the Kitaev chain~\cite{kit01}, the local electron density is an analogous quantity exhibiting the identical nonanalyticity at the critical point: its first derivative, i.e., the local compressibility, diverges logarithmically in the thermodynamic limit and it is discontinuous for finite even system sizes. Another finding we present in this paper is that there exists a different type of phase transition in the SSH model whereby the many-body entanglement of the ground state undergoes a sudden change in the following sense. As a means to characterise the many-body entanglement, we represent the pairwise pattern of all the concurrences as a (simple) graph, where each edge means the existence of entanglement, i.e., a nonzero concurrence, between the two vertices (sites). We call this graph an ``entangled graph'', following Ref.~\cite{ple03}. If two many-body states have different entangled graphs, we will regard them as having different classes of many-body entanglement and hence belonging to different phases. This kind of characterisation of many-body entanglement has a relatively long tradition~\cite{dur00,bri01,ple03}. In the present work, our particular motivation is coming from the fact that at two extreme phases $\lambda=\pm1$, the ground state is dimerised in such a way that either two sites in every unit cell form a singlet ($\lambda=-1$) or every adjacent pair of sites across unit cells form a singlet ($\lambda=+1$), the entanglement of which can be naturally represented by the entangled graphs shown in Figure~\ref{fig:phase}. The problem now is then to figure out how the entangled graph for $\lambda\in(-1,1)$ interpolates between the two. It turns out that at $\lambda_{\pm}\simeq\pm0.138$, the entangled graph changes suddenly along with a nonanalyticity of the concurrence. This singularity is reminiscent of the phenomenon called the entanglement sudden death~\cite{yu09}. We emphasise, however, that this transition should not be confused with conventional quantum phase transitions because it has nothing to do with a nonanalyticity of the ground-state wavefunction itself: the nonanalytic behaviour comes from the way the entanglement is defined and quantified. A further remark on this transition will be made later. In what follows, ``quantum phase transition'' will refer only to the transition at $\lambda=\lambda_{0}$. \section*{Results} \subsection*{Reduced density matrices in the Su-Schrieffer-Heeger model} It is convenient to switch to the momentum space, in which the Hamiltonian~\eqref{eq:model} takes the Bogoliubov-de Gennes form: \begin{equation} H=\sum_{k\in\text{BZ}}\phi_{k}^{\dagger}\left[\vec{h}(k)\cdot\vec{\sigma}\right]\phi_{k}, \label{eq:hamiltonian} \end{equation} where $\phi_{k}=(a_{k}~b_{k})^{T}$, $\vec{\sigma}=\sigma_{x}\hat{x}+\sigma_{y}\hat{y}+\sigma_{z}\hat{z}$ is the vector composed of Pauli matrices, and $\vec{h}(k)$ is given by \begin{equation} \vec{h}(k)=(t_{1}+t_{2}\cos k)\hat{x} +(t_{2}\sin k)\hat{y}. \label{eq:vector} \end{equation} Our aim is to obtain the concurrences between all pairs of lattice sites, which we denote by $\mathcal{C}(\text{a}_{n},\text{b}_{m})$, $\mathcal{C}(\text{a}_{n},\text{a}_{m})$, and $\mathcal{C}(\text{b}_{n},\text{b}_{m})$. For this, we need to obtain the corresponding reduced density matrices $\rho_{\text{a}_{n}\text{b}_{m}}$, $\rho_{\text{a}_{n}\text{a}_{m}}$, and $\rho_{\text{b}_{n}\text{b}_{m}}$. To this end, we follow the method presented in Ref.~\cite{fid10}, which we also recast in Methods. The first step needed is to spectrally flatten the Hamiltonian, which means that all positive eigenvalues of the Hamiltonian are replaced by +1, while all negative ones by -1. A crucial observation is that the spectral flattening actually amounts to replacing $\vec{h}(k)$ with a normalised one $\hat{h}(k)=\hat{h}_{x}(k)\hat{x}+\hat{h}_{y}(k)\hat{y}=\vec{h}(k)/|\vec{h}(k)|$. We can write \begin{equation} \frac{i}{4}c^{T}\bar{M}c=\sum_{k\in\text{BZ}}\phi_{k}^{\dagger}\left[\hat{h}(k)\cdot\vec{\sigma}\right]\phi_{k}, \end{equation} where it is understood that the lefthand side is the conventional Majorana representation of the righthand side with $\bar{M}$ being a real skew-symmetric matrix. The next step is to project $c$ and $\bar{M}$ onto the subspace under consideration. For example, in order to obtain $\rho_{\text{a}_{n}\text{b}_{m}}$, one takes \begin{equation} \frac{i}{4}c_{\text{a}_{n}\text{b}_{m}}^{T}\bar{M}_{\text{a}_{n}\text{b}_{m}}c_{\text{a}_{n}\text{b}_{m}}=\frac{1}{N}\sum_{k\in\text{BZ}}\left(\begin{matrix}a_{n}^{\dagger}e^{ikn}\\b_{m}^{\dagger}e^{ikm}\end{matrix}\right)^{T}\hat{h}(k)\cdot\vec{\sigma}\left(\begin{matrix}a_{n}e^{-ikn}\\b_{m}e^{-ikm}\end{matrix}\right)=\eta_{\text{a}_{n}\text{b}_{m}}(a_{n}^{\dagger}b_{m}+b_{m}^{\dagger}a_{n}), \label{eq:mab} \end{equation} where \begin{align} \eta_{\text{a}_{n}\text{b}_{m}}&=\frac{1}{N}\sum_{k\in\text{BZ}}\cos\left[k(m-n)+\varphi(k)\right],\\ e^{i\varphi(k)}&=\hat{h}_{x}(k)+i\hat{h}_{y}(k). \end{align} The quantity $\eta_{\text{a}_{n}\text{b}_{m}}$ will play a central role in our analysis. Once the $4\times4$ matrix $\bar{M}_{\text{a}_{n}\text{b}_{m}}$ is obtained from Eq.~\eqref{eq:mab}, one can follow the prescription in Methods to have \begin{equation} \rho_{\text{a}_{n}\text{b}_{m}}=\frac{1}{4}\left(\begin{matrix} 1-\eta^{2} & 0 & 0 & 0 \\ 0 & 1+\eta^{2} & -2\eta & 0 \\ 0 & -2\eta & 1+\eta^{2} & 0 \\ 0 & 0 & 0 & 1-\eta^{2} \end{matrix}\right) \label{eq:reduced} \end{equation} in the basis $\{\ket{0},b_{m}^{\dagger}\ket{0},a_{n}^{\dagger}\ket{0},a_{n}^{\dagger}b_{m}^{\dagger}\ket{0}\}$, the subscript in $\eta_{\text{a}_{n}\text{b}_{m}}$ being omitted for brevity. \begin{figure} \center\includegraphics[width=0.4\columnwidth]{fig2.pdf} \caption{Phase diagram of many-body entanglement in the thermodynamic limit. There exist four phases $\mathbf{P}_{\{0,1\}}$ and $\mathbf{Q}_{\{0,1\}}$ with transition points $\lambda_{0}=0$ and $\lambda_{\pm}\simeq\pm0.138$. The corresponding entangled graphs are depicted in the figure. $d\mathcal{C}_{1}/d\lambda$ is omitted as it can be obtained from $\mathcal{C}_{1}(\lambda)=\mathcal{C}_{2}(-\lambda)$.} \label{fig:phase} \end{figure} \subsection*{Phase diagram of many-body entanglement} The concurrence can be directly calculated from the reduced density matrix~\eqref{eq:reduced} as \begin{equation} \mathcal{C}_{\text{a}_{n}\text{b}_{m}}=\max\left\{0, \frac{1}{2}(\eta_{\text{a}_{n}\text{b}_{m}}^{2}+2\eta_{\text{a}_{n}\text{b}_{m}}-1)\right\}, \label{eq:concurrence} \end{equation} which is nonzero only for $\eta_{\text{a}_{n}\text{b}_{m}}>\sqrt{2}-1$~\cite{hor09}. It turns out that $\eta_{\text{a}_{n}\text{a}_{m}}=\eta_{\text{b}_{n}\text{b}_{m}}=0$ for all $\{n,m\}$, which implies that $\rho_{\text{a}_{n}\text{a}_{m}}$ and $\rho_{\text{b}_{n}\text{b}_{m}}$ are fully mixed states and thus $\mathcal{C}_{\text{a}_{n}\text{a}_{m}}=\mathcal{C}_{\text{b}_{n}\text{b}_{m}}=0$. Furthermore, $\mathcal{C}(\text{a}_{n},\text{b}_{m})$ also all vanish except for $\mathcal{C}(\text{a}_{n},\text{b}_{n})$ and $\mathcal{C}(\text{b}_{n},\text{a}_{n+1})$. As a result, there are only three possible entangled graphs associated with the ground state, as shown in Figure~\ref{fig:phase}. Hereafter, for a notational simplicity, we let $\eta_{1}\equiv\eta_{\text{a}_{n}\text{b}_{n}}$, $\mathcal{C}_{1}\equiv\mathcal{C}_{\text{a}_{n}\text{b}_{n}}$, $\eta_{2}\equiv\eta_{\text{b}_{n}\text{a}_{n+1}}$, and $\mathcal{C}_{2}\equiv\mathcal{C}_{\text{b}_{n}\text{a}_{n+1}}$. The two concurrences are related as \begin{equation} \mathcal{C}_{1}(\lambda)=\mathcal{C}_{2}(-\lambda). \label{eq:sym} \end{equation} In Figure~\ref{fig:phase}, we plot $\mathcal{C}_{1}(\lambda)$, $\mathcal{C}_{2}(\lambda)$, and $d\mathcal{C}_{2}(\lambda)/d\lambda$ with respect to $\lambda$. One can distinguish four different phases $\mathbf{P}_{\{0,1\}}$ and $\mathbf{Q}_{\{0,1\}}$. The subscript represents the $Z_{2}$ index for the band topology with 0 (1) representing the trivial (topological) phase. In the trivial (topological) phase, $\mathcal{C}_{1}>\mathcal{C}_{2}$ ($\mathcal{C}_{1}<\mathcal{C}_{2}$). In the phase $\mathbf{Q}$, the entangled graph is connected, while in the phase $\mathbf{P}$, it is disconnected. The phase transition of the band topology occurs at $\lambda_{0}=0$ and that of the entangled graph occurs at $\lambda_{\pm}\simeq\pm0.138$. \subsection*{Quantum phase transition at $\lambda=\lambda_{0}$} The nonanalyticity of the concurrence here can be ascribed to the sudden change of the band topology. The vector $\vec{h}(k)$ in Eq.~\eqref{eq:hamiltonian} traverses a circle on the $x-y$ plane as $k$ sweeps over the Brillouin zone $0\le k<2\pi$, as in Figure~\ref{fig:topology}. The $Z_{2}$ topological index is then determined by whether the circle encloses the origin or not~\cite{ali12}. In order to make this topological distinction more pronounced, one can take the unit vector $\hat{h}(k)$, as in Figure~\ref{fig:topology}. In the trivial phase ($\lambda<0$), $\hat{h}(k)$ wanders on the half circle in $x>0$. To close the loop, it traverses the same path twice. In the topological phase ($t_{1}<t_{2}$), on the other hand, $\hat{h}(k)$ traverses the full circle once. \begin{figure} \center\includegraphics[width=0.6\columnwidth]{fig3.pdf} \caption{The trajectories of $\vec{h}(k)$ and $\hat{h}(k)$ (a) in the topologically trivial phase ($\lambda<0$) and (b) in the topological phase ($\lambda>0$).} \label{fig:topology} \end{figure} Such a topological difference is in fact captured by the quantity $\eta_{1}$: \begin{equation} \eta_{1}(\lambda)=\frac{1}{N}\sum_{k\in\text{BZ}}\hat{h}_{x}(k)\xrightarrow{N\rightarrow\infty}\frac{1}{2\pi}\int_{0}^{2\pi}\hat{h}_{x}(k)dk. \label{eq:eta} \end{equation} At the phase transition, the trajectory of $\hat{h}(k)$ should change its shape from one to the other in Figure~\ref{fig:topology}. In the thermodynamic limit wherein the trajectory becomes {\em continuous}, such a change cannot be made continuously. In view of Eq.~\eqref{eq:eta}, this discontinuity should be reflected as a sudden jump of $\eta_{1}$ in the vicinity of the critical point, rendering the derivative of $\eta_{1}$ with respect to $\lambda$, and hence that of $\mathcal{C}_{1}$, diverging at the critical point. This nonanalyticity, as shown in Figure~\ref{fig:phase}, is reminiscent of earlier results for the cases of symmetry-breaking quantum phase transitions in spin chains~\cite{ost02,osb02}. However, a stark difference is found for finite systems due to the different origins of the singularity. In the present case, the behaviour of $\eta_{1}(\lambda)$ depends on the parity of $N$, as shown in Figure~\ref{fig:evenodd}. For even $N$, $\eta_{1}(\lambda)$ is discontinuous at $\lambda=0$ even though the system size is finite. This can be understood by re-examining Figure~\ref{fig:topology} and Eq.~\eqref{eq:eta}. One can realise that for even $N$, as the trajectory of $\vec{h}(k)$ is made of $N$ equally spaced points on the circle, the difference between $\eta_{1}(0_{+})$ and $\eta_{1}(0_{-})$ is made solely by the contribution of $\hat{h}_{x}(k=\pi)$, which is either $1$ or $-1$ depending on the phase. We thus find that \begin{equation} \delta(N)\equiv\left|\eta_{1}(0_{+})-\eta_{1}(0_{-})\right|=\frac{2}{N}. \end{equation} For odd $N$, due to the exclusion of $k=\pi$, the discrete nature of $\eta_{1}(\lambda)$ disappears. We perform additional calculations taking more realistic situations into account. \figurename~\ref{fig:evenodd}(d) shows $\mathcal{C}_{2}(\lambda)$ in the presence of disorder, which is introduced by adding $\sum_{n}(\epsilon_{n}^{a}a_{n}^{\dagger}a_{n}+\epsilon_{n}^{b}b_{n}^{\dagger}b_{n})$ to the Hamiltonian with $\epsilon_{n}^{\{a,b\}}$ being taken randomly and uniformly from the interval $[-0.1,0.1]$. It turns out that small disorder does not significantly alter the essential features of the entanglement including the distinction between the cases of even and odd $N$. \figurename~\ref{fig:evenodd}(e) shows $d\mathcal{C}_{2}/d\lambda$ obtained by taking the two sites at the centre of the chain in the case of the open boundary condition. In this case, the peak of $d\mathcal{C}_{2}/d\lambda$ does not coincide with $\lambda=0$ because the symmetry with respect to $\lambda\leftrightarrow-\lambda$, as in Eq.~\eqref{eq:sym}, is broken down. Also, the difference according to the parity of $N$ is absent because its origin---the inclusion or exclusion of $k=\pi$ in the Brillouin zone---now loses its meaning. Here, the chemical potential is placed in the gap either below or above the two zero-energy states that appear due to the open boundary condition. Either case produces the same results. As is expected, as $N$ increases, the singularity is more pronounced and the peak approaches $\lambda=0$. It is worthwhile to interpret the nonanalyticity in terms of the conventional language of the phase transition. In fact, the derivative of the free energy with respect to $\lambda$ picks up $\eta$: \begin{equation} \begin{split} \left.\frac{\partial}{\partial\lambda}F(T,\lambda)\right|_{T\rightarrow0} &=N\avr{-a_{1}^{\dagger}b_{1}+b_{1}^{\dagger}a_{2}+\text{H.c.}}_{T\rightarrow0}\\ &=N\left[\eta_{1}(\lambda)-\eta_{2}(\lambda)\right], \end{split} \end{equation} where $F(T,\lambda)=-k_{B}T\ln\text{Tr}[e^{-H(\lambda)/(k_{B}T)}]$. As the phase transition is second order, the derivative of $\eta$, and hence the derivative of the concurrence, diverges at the critical point. In the thermodynamic limit, $\eta_{1}(\lambda)$ diverges logarithmically for $|\lambda|\ll1$ as \begin{equation} \frac{\partial}{\partial\lambda}\eta_{1}(\lambda)\simeq\frac{2}{\pi}\log\left[\left(\frac{e}{2}\right)^{2}|\lambda|\right], \label{eq:diverge} \end{equation} which can be derived by using the property of the elliptic integral: $-\int_{0}^{\pi/2}(\lambda^{2}+\sin^{2}\theta)^{-1/2}d\theta\simeq\log(\lambda/4)$. \begin{figure} \center\includegraphics[width=0.96\columnwidth]{fig4.pdf} \caption{(a) Different behaviour of $\mathcal{C}_{2}(\lambda)$ according to the parity of $N$. $\mathcal{C}_{2}(\lambda)$ is discontinuous at the critical point for even $N$. $d\mathcal{C}_{2}(\lambda)/d\lambda$ for (b) even $N$ and (c) odd $N$. (d) Typical behaviour of $\mathcal{C}_{2}(\lambda)$ in the presence of small disorder. (e) $d\mathcal{C}_{2}(\lambda)/d\lambda$ at the centre of the chain in the case of the open boundary condition.} \label{fig:evenodd} \end{figure} The above arguments remain valid for arbitrary one-dimensional topological phase transitions governed by a two-band Hamiltonian as in Eq.~\eqref{eq:hamiltonian}. In the thermodynamic limit, there should be a local quantity corresponding to $\eta_{1}$, which becomes nonanalytic at the critical point, reflecting the change of the winding number. For finite systems, it is discontinuous if the band-touching point belongs to the (discrete) Brillouin zone, which would be naturally related to a commensurability problem. For example, in the Kitaev chain~\cite{kit01}, the reduced density matrix for a single site, say, site 1, is obtained as \begin{equation} \rho_{1}=\frac{1}{N}\sum_{k\in\text{BZ}}\hat{h}_{z}(k)(a_{1}^{\dagger}a_{1}-a_{1}a_{1}^{\dagger}), \end{equation} where $a_{1}$ is the fermion operator for site 1. Note that the coefficient is identical to Eq.~\eqref{eq:eta} except for the orientation of the vector being different. In this case, the local electron density $\langle a_{1}^{\dagger}a_{1}\rangle$ as a function of the chemical potential is discontinuous at the critical point for finite even $N$ and the local compressibility diverges logarithmically as Eq.~\eqref{eq:diverge} in the thermodynamic limit. The latter behaviour has been addressed in a recent work~\cite{noz16}. \subsection*{Phase transition of entanglement at $\lambda=\lambda_{\pm}$} The nonanalyticity of the concurrence here is originated from the property of entanglement, which is defined as ``not being separable''. In the Hilbert space of bipartite density operators, the set of all separable states forms a compact convex set~\cite{hor96,ter00}. As a result, if one traces a continuous path in the Hilbert space from an entangled to a separable state, the entanglement suddenly disappears when one crosses the hyperplane separating the sets of separable and entangled states. When this occurs in a dynamical problem, the phenomenon is called an entanglement sudden death (or sudden birth in the opposite way)~\cite{yu09}. The entanglement sudden death is observed occasionally when a state evolves in a dissipative environment. However, it is rare to see an analogous phenomenon in the course of a quantum phase transition (to our best efforts, we could not find out a prior example). In view of Eq.~\eqref{eq:concurrence}, the existence of this phase transition should be robust against a small perturbation to the system. As the system remains gapped, one can transform it into a dynamical problem by considering an adiabatic evolution varying $\lambda$, making the link to the entanglement sudden death clearer. \begin{figure} \center\includegraphics[width=0.4\columnwidth]{fig5.pdf} \caption{Phase transition point $\lambda_{+}$ of the entangled graph for different system sizes.} \label{fig:lambda} \end{figure} Near $\lambda=\lambda_{+}$, $\mathcal{C}_{1}(\lambda)$ changes linearly for $\lambda<\lambda_{+}$ and vanished for $\lambda>\lambda_{+}$. In the thermodynamic limit, the former behaviour is given by \begin{equation} \mathcal{C}_{1}(\lambda)\simeq-1.476(\lambda-\lambda_{+}). \end{equation} For finite $N$, $\lambda_{+}$ changes with $N$ as shown in \figurename~\ref{fig:lambda}. For $N=2$ or $N=4$, $\mathcal{C}_{1}>0$ for $\lambda<0$ and $\mathcal{C}_{1}=0$ for $\lambda>0$, and hence we cannot find $\lambda_{+}$. As we have addressed in Introduction, this singularity is not originated from the nonanalyticity of the ground-state wave function and hence the transition is not a quantum phase transition in the conventional sense. Nonetheless, the transition may find meaning in the context of quantum information theory. For example, supposing two parties, say, Alice and Bob, possess each of the two sites in a unit cell, the usefulness of the state as a resource for a quantum information processing depends on the phase~\cite{nie00}. Here, instead of considering entanglement of the fermion occupation number, which is somewhat impractical, one can make the scenario more practical by turning the SSH model into an equivalent $s=1/2$ spin-chain model with nearest-neighbour interaction. That is, regarding $a_{n}$ and $b_{n}$ in Eq.~\eqref{eq:model} as $s=1/2$ spin lowering operators, in the subspace with the half-filling $\sum_{n}(a_{n}^{\dagger}a_{n}+b_{n}^{\dagger}b_{n})=N$, one can realise that the equivalent spin-chain Hamiltonian is \begin{equation} H_{\text{spin}}=\sum_{n=1}^{N-1}(t_{1}a_{n}^{\dagger}b_{n}+t_{2}b_{n}^{\dagger}a_{n+1}+\text{H.c.})+t_{1}(a_{N}^{\dagger}b_{N}+\text{H.c.})+(-1)^{N-1}t_{2}(b_{N}^{\dagger}a_{1}+\text{H.c.}). \end{equation} Note that the last term introduces a gauge field for even $N$, which would be responsible for the different behaviour at $\lambda=\lambda_{0}$ for even and odd $N$. A deeper operational meaning of the entanglement phase transition at $\lambda=\lambda_{\pm}$ is open to question due to the lack of a relevant quantum informational protocol in the multipartite setting. \section*{Discussion} We have fully characterised two-site entanglements in the ground state of the SSH model and obtained the phase diagram of the entanglement. It was found out that there are two kinds of singularities in the entanglement: one due to the topological quantum phase transition and the other one due to the entanglement sudden death. Several remarks are in order. (i) The presented singularities are expected to be verifiable in optical lattices. For example, one could prepare a fermionic Mott insulator in a one-dimensional optical lattice and adiabatically change the potential shape by superimposing an additional lattice potential so that the number of sites is twice the number of atoms in the end~\cite{jor08,ata13}. More detailed and rigorous analysis of its feasibility is left as a future work. (ii) As can be seen in Figure~\ref{fig:phase}, one can detect the topological order of the SSH model simply by comparing local quantities $\mathcal{C}_{1}$ and $\mathcal{C}_{2}$, instead of referring to the entanglement spectrum. This might greatly facilitate the experimental detection of the topological phase. However, the validity of this idea in the presence of disorder or interaction and its generalisation to other models are unclear. (iii) While our way of characterising the many-body entanglement seems reasonable for the SSH model, one can employ a different characterisation to see a different aspect of the many-body entanglement. The phases in Figure~\ref{fig:phase} would then be divided into subphases, enriching the phase diagram. \section*{Methods} \subsection*{Reduced density matrix for noninteracting gapped fermion systems} We recast the formulae presented in Refs.~\cite{kit01,bra04,fid10} to derive a reduced density matrix of the ground state of a gapped quadratic fermion Hamiltonian. Consider a system described by $N$ fermion annihilation (creation) operators $a_{j}$ ($a_{j}^{\dagger}$) with $1\le j\le N$. It is convenient to introduce Majorana operators $c_{l}$ with $1\le l\le 2N$ such that $a_{j}=\frac12(c_{2j-1}+ic_{2j})$. Let $c$ be the vector with $2N$ elements $c_{l}$. Hereafter, we will use a similar convention for other operators as well. The Hamiltonian can be generally written as \begin{equation} H=\frac{i}{4}c^{T}Mc, \end{equation} where $M$ is a $2N\times2N$ real skew-symmetric matrix with $M_{jk}=-M_{kj}$. The matrix $M$ is block diagonalised as \begin{equation} WMW^{T}=\left(\begin{matrix} 0 & \epsilon_{1} & & & \\ -\epsilon_{1} & 0 & & & \\ & & \ddots & & \\ & & & 0 & \epsilon_{N} \\ & & & -\epsilon_{N} & 0 \end{matrix}\right) \label{eq:blockd} \end{equation} by a $2N\times2N$ real orthogonal matrix $W$ with $W^{T}W=WW^{T}=I$, where $\epsilon_{j}>0$. The Hamiltonian is then written as \begin{equation} H=\frac{i}{2}\sum_{j=1}^{N}\epsilon_{j}c'_{2j-1}c'_{2j}=\sum_{j=1}^{N}\epsilon_{j}\left({a'_{j}}^{\dagger}a'_{j}-\frac{1}{2}\right), \end{equation} where $c'=Wc$ and $a'_{j}=\frac12(c'_{2j-1}+ic'_{2j})$. The ground state in the density matrix form is thus \begin{equation} \rho_{0}=\prod_{j=1}^{N}a'_{j}{a'_{j}}^{\dagger}=\prod_{j=1}^{N}\left(\frac{1}{2}-i\frac{1}{2}c'_{2j-1}c'_{2j}\right). \end{equation} For later use, let us define a spectral flattening of the Hamiltonian $H$ as \begin{equation} \bar{H}=\frac{i}{4}c^{T}\bar{M}c=\sum_{j=1}^{N}\left({a'_{j}}^{\dagger}a'_{j}-\frac{1}{2}\right), \label{eq:flatten} \end{equation} which amounts to replacing all $\epsilon_{j}$ with 1. We also define a Grassmann representation $\omega(X)$ for a polynomial $X$ of Majorana operators, which is done by replacing all Majorana operators in $X$ with Grassmann variables. For example, a Grassmann representation of $\rho_{0}$ is obtained by replacing $c_{l}$ and $c'_{l}$ with Grassmann variables $\theta_{l}$ and $\theta'_{l}=\sum_{m}W_{lm}\theta_{m}$, respectively, as \begin{equation} \omega(\rho_{0})=\prod_{j=1}^{N}\left(\frac{1}{2}-i\frac{1}{2}\theta'_{2j-1}\theta'_{2j}\right)=\frac{1}{2^{N}}\exp\left(-\frac{i}{2}\theta^{T}\bar{M}\theta\right). \label{eq:gaussian} \end{equation} Note that $\bar{M}$ is obtained from the spectrally flattened Hamiltonian~\eqref{eq:flatten}. A state that has a Gaussian form of a Grassmann representation as in Eq.~\eqref{eq:gaussian} is called a Gaussian state. It can be checked that $\bar{M}$ is in fact a two point correlation Matrix \begin{equation} \bar{M}_{jk}=\left\{\begin{array}{ll} -i\text{Tr}(\rho_{0}c_{j}c_{k}) & \text{ for }j\not=k\\ 0 & \text{ for }j=k\end{array}\right. \end{equation} and higher order correlations are given by \begin{equation} \text{Tr}(\rho_{0}c_{j_{1}}c_{j_{2}}\cdots c_{j_{2n}})=i^{n}\text{Pf}(\bar{M}|_{j_{1}j_{2}\cdots j_{2n}}) \end{equation} for $j_{1}<j_{2}<\cdots<j_{2n}$, where $\bar{M}|_{j_{1}j_{2}\cdots j_{2n}}$ is a $2n\times2n$ submatrix of $\bar{M}$ restricted to the designated indices and $\text{Pf}(\cdot)$ is the Pfaffian. All odd-order correlations vanish. Now let us divide the system into two parts $A$ and $B$. $A$ is described by $N_{A}$ pairs of fermion operators and $B$ by the rest. Our aim is to calculate the reduced density matrix $\rho_{A}=\text{Tr}_{B}(\rho_{0})$. One can check that if the Grassmann representation of $\rho_{A}$ is given by \begin{equation} \omega(\rho_{A})=\frac{1}{2^{N_{A}}}\exp\left(-\frac{i}{2}\theta_{A}^{T}\bar{M}_{A}\theta_{A}\right), \label{eq:grassmann} \end{equation} where $\theta_{A}$ and $\bar{M}_{A}$ are the corresponding submatrices restricted to the indices for the subsystem $A$, then for an arbitrary polynomial $X_{A}$ of the Majorana operators supported on A, \begin{equation} \text{Tr}(\rho_{A}X_{A})=\text{Tr}(\rho_{0}X_{A}). \end{equation} This implies that Eq.~\eqref{eq:grassmann} is indeed correct. As $\bar{M}_{A}$ is also skew-symmetric, it is block diagonalised as \begin{equation} W_{A}\bar{M}_{A}W_{A}^{T}=\left(\begin{matrix} 0 & \eta_{1} & & & \\ -\eta_{1} & 0 & & & \\ & & \ddots & & \\ & & & 0 & \eta_{N} \\ & & & -\eta_{N} & 0 \end{matrix}\right), \end{equation} where $W_{A}$ is real orthogonal and $0\le\eta_{j}\le1$. Taking the submatrix $c_{A}$ of $c$ and letting $c'_{A}=W_{A}c_{A}$, we finally obtain \begin{equation} \rho_{A}=\prod_{j=1}^{N_{A}}\left(\frac{1}{2}-i\frac{\eta_{j}}{2}c'_{A,2j-1}c'_{A,2j}\right), \end{equation} which has the Grassmann representation as in Eq.~\eqref{eq:grassmann}.
e3ac3862568ba0c8d8897eb3b731a7876353aa36
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Single photons are a key requirement for photonic implementations of quantum-enhanced technologies and quantum information processing. Scaling up the capabilities of algorithms and techniques currently under investigation requires the simultaneous delivery of larger numbers of single photons from independent sources \cite{Nunn2013Enhancing-Multiphoton-Rates}. These photons must be completely indistinguishable to enable high-visibility Hong-Ou-Mandel interference \cite{Mosley2008Heralded-Generation-of-Ultrafast, Lenzini2016Active-demultiplexing-of-single-photons}. Single-photon sources are an area of vigorous research activity, and impressive progress has been made in developing sources based on single emitters such as quantum dots \cite{Somaschi2016Near-optimal-single-photon-sources, Ding2016On-Demand-Single-Photons}, colour centres \cite{Li2015Efficient-Photon-Collection}, and dye molecules \cite{Polisseni2016Stable-single-photon-emitter}. An alternative approach that minimises technical complexity is to produce photons in pairs by parametric nonlinear processes; detection of one photon can then be used to herald the presence of its twin \cite{Burnham1970Observation-of-Simultaneity-in-Parametric}. By pumping the source with short pulses and managing both the dispersion and nonlinearity of the medium, heralded single photons can be delivered with very high purity \cite{Grice2001Eliminating-frequency-and-space-time, Halder2009Nonclassical-2-photon-interference}. Although their technical simplicity is advantageous, this type of source has the drawback that the generation mechanism is probabilistic. Hence more than one pair of photons can be generated by a single pump pulse. Despite advanced heralding detectors with photon-number-resolving capabilities, multi-pair contributions cannot be perfectly discriminated. Hence a pragmatic approach to minimising the second-order coherence of the heralded output is to reduce the generation probability until multi-pair contributions become negligible. Furthermore there exists the fundamental limit that the probability of generating exactly one pair in two single modes cannot exceed 0.25 \cite{Christ2012Limits-on-the-deterministic-creation}. While increasing pump repetition rates can help limit higher-order pair generation \cite{Broome2011Reducing-multi-photon-rates, Morris2014Photon-pair-generation-in-photonic}, ultimately this restriction on single-pair generation probability is a serious bottleneck in scaling up photonic quantum processors to operate with larger numbers of single photons simultaneously. Conditionally routing the heralded output from several pair-generation modes into a single mode by active switching -- known as multiplexing -- provides a way of bypassing these limitations \cite{Migdall2002Tailoring-single-photon-and-multiphoton}. Multiplexing techniques can be classified by the degree of freedom used to distinguish the input modes \cite{Bonneau2015Effect-of-loss-on-multiplexed}. Spatial multiplexing schemes combine two or more spatially-distinct generation modes into an output which has a greater probability of occupation \cite{Mazzarella2013Asymmetric-architecture-for-heralded}. This approach has been investigated extensively and has been demonstrated to be effective \cite{Ma2011Experimental-generation-of-single, Meany2014Hybrid-photonic-circuit, Francis-Jones2016All-fiber-multiplexed-source, Kiyohara2016Realization-of-multiplexing-of-heralded}. However the overhead required to yield a useful increase in delivery probability is large; for example it has been shown that even in the ideal case 17 sources must be multiplexed to give over 99\% probability of delivering a single photon \cite{Christ2012Limits-on-the-deterministic-creation}. Spectral multiplexing -- enacting conditional frequency shifts to combine photons generated in different spectral modes -- has recently been demonstrated on three modes \cite{Grimau-Puigibert2017Heralded-single-photons}; larger frequency shifts will enable greater numbers of modes to be combined. By noting that the parameter of interest is the probability of delivering a single photon per clock cycle, rather than the overall count rate, it becomes clear that temporal multiplexing, in which the outputs of a single source are re-timed and delivered at a lower repetition rate with higher occupation probability, can offer similar advantages without the need for many separate sources \cite{Schmiegelow2013Multiplexing-photons-with, Mendoza2016Active-temporal-and-spatial, Xiong2016Active-temporal-multiplexing}. The reduction in the number of usable bins per second is a price worth paying in experiments requiring many sources to fire simultaneously, as the success probability scales exponentially in probability per bin but only linearly in number of bins per second. While many schemes use concatenated networks of switches, it is significantly more resource-efficient to recycle photons through a single switch in a storage cavity \cite{Pittman2002Single-photons-on-pseudodemand, Jeffrey2004Towards-a-periodic-deterministic, Mower2011Efficient-generation-of-single, Glebov2013Deterministic-generation-of-single, Adam2014Optimization-of-periodic-single-photon, Kaneda2015Time-multiplexed-heralded-single-photon}. In this Letter we present an implementation of such a resource-efficient scheme in a fully-spliced fibre architecture using only a single source and a single multiplexing switch. The photons that we multiplex are from a source built to herald high-purity states directly, and by multiplexing over four time bins we demonstrate an improvement in the probability per bin of delivering heralded single photons. \section{Temporal Loop Multiplexing Model} \begin{figure} \centering \includegraphics[width=0.8\linewidth]{loop_multiplexing_schematic_v4} \caption{Schematic of temporal loop multiplexing scheme. Individual sources produce heralded single photons randomly distributed between time bins. Optical delay enables feed-forward from heralding signals to control a switchable delay loop that re-times photons into every fourth time bin.} \label{fig:schematic} \end{figure} A general schematic of resource-efficient temporal multiplexing using a recycling loop is shown in Figure~\ref{fig:schematic} \cite{Rohde2015Multiplexed-single-photon-state-preparation}. Our source operates at a low mean photon number per pulse, hence we can ignore contributions from multi-pair events. Considering a source that produces a thermal distribution of $n$ photon pairs per pulse with probability $p_\mathrm{th}(n)$, we define the probability that this source will successfully deliver a single heralded photon to its output as $p_1 = p_\mathrm{th}(1) \, \eta_{d}$, where $\eta_{d}$ is the lumped efficiency of the herald detection system and transmission of the remaining photon from source to output. We can the write down the probability of successfully delivering a single photon by temporal multiplexing over $m$ pulses with our loop as: \begin{equation} p_1^{(m)} = 1 - \prod_{t=1}^{m}\left(1 - p_1 \, \eta_{l}^t\right), \label{eq:temp_multi_simple} \end{equation} where $\eta_{l}$ is the lumped efficiency for a single pass of the switch and storage loop. Eq.~\ref{eq:temp_multi_simple} can be thought of as the probability that all of the previous pulses do not fail to deliver a photon. In order to compare the multiplexed source with a single source, we define an improvement factor, \begin{equation} f_{p1}^{(m)} = \frac{p_1^{(m)}}{p_1}, \end{equation} which describes the change in probability of delivering heralded photons per output time bin effected by multiplexing over $m$ pulses relative to using only a single pump pulse. Of course, this does not take into account the reduction in the number of time bins resulting from multiplexing in the time domain. For a laser with repetition rate $R$ the number of output bins per second is $R/m$ and the resulting overall single-photon count rate per second is \begin{equation} C_1^{(m)} = \frac{R \, p_1^{(m)}}{m} \end{equation} yielding a change in count rate relative to a non-multiplexed (simplex) source, $C_1 = R \, p_1$ of \begin{equation} f_{C1}^{(m)} = \frac{C_1^{(m)}}{C_1} = \frac{p_1^{(m)}}{m \, p_1}. \end{equation} Finally, we consider the requirement for $N$ sources to fire simultaneously, as required in photonic quantum processors. If each source is multiplexed over $m$ pulses, the probability of delivering $N$ single photons from independent sources in the same output time bin is $p_N^{(m)} = [p_1^{(m)}]^N$ at a rate of \begin{equation} C_N^{(m)} = \frac{R}{m} \, p_N^{(m)}. \end{equation} Hence we find the improvement factor expected from $m$-pulse multiplexed sources relative to non-multiplexed sources is \begin{equation} f_{N}^{(m)} = \frac{C_N^{(m)}}{C_1^{(m)}} = \frac{1}{m}\left(\frac{p_1^{(m)}}{p_1}\right)^N, \end{equation} so we see that the ``speed-up'' expected as a result of multiplexing increases exponentially in the number of independent sources $N$ as long as $p_1^{(m)} > p_1$. These quantities are plotted in Figure \ref{fig:theory} for values of repetition rate and loss that reflect our experiment. Figure \ref{fig:theory}\,(a) shows up to a factor of four enhancement in per-bin probability, $f_{p1}^{(m)}$, by multiplexing over 20 pulses, but that even with $m = 4$ the enhancement is already greater than a factor of two for our switch loss of 1\,dB. Despite the reduction in overall count rate, Figure \ref{fig:theory}\,(c) demonstrates that the scheme yields orders of magnitude improvement when considering the requirement for \mycomment{$N = 10$} sources to fire simultaneously. Finally, Figure \ref{fig:theory}\,(d) shows that loop multiplexing is advantageous in almost all multi-source experiments. \begin{figure} \centering \includegraphics[width=\linewidth]{temporal_theory.eps} \caption{Performance of loop multiplexing for switch loss of 1.0\,dB ($\eta_l = 0.8$) and multiplexing over up to $m = 20$ pulses. Red lines indicate break-even threshold relative to simplex source performance. (a) Enhancement in per-bin probability, $f_{p1}^{(m)}$; (b) Reduction in per-second count rate, $f_{C1}^{(m)}$; (c) Enhancement in N-source rate, $f_{N}^{(m)}$, with \mycomment{$N = 10$}; (d) Enhancement in N-source rate, $f_{N}^{(m)}$, as a function of number of sources $N$ where black circles indicate optimum value of $m$ for each $N$. Note logarithmic scaling of panels (c) and (d).} \label{fig:theory} \end{figure} \section{Implementation} Our starting point was a source that generates pairs of photons by four-wave mixing in photonic crystal fibre (PCF) \cite{Francis-Jones2016All-fiber-multiplexed-source}. The source was pumped by $\sim$1\,ps duration pulses at 1064\,nm derived from a 10\,MHz amplified modelocked fibre laser (Fianium FP-1060-PP) pulse-picked to 5\,MHz. The dispersion of the PCF was designed to produce heralded single photons at 1550\,nm directly in pure quantum states by minimizing frequency correlation by group-velocity matching \cite{Garay-Palmett2007Photon-pair-state-preparation}. The PCF was spliced into a fully-integrated source that separated 810\,nm signal and 1550\,nm idler photons and isolated them from the pump with fibre Bragg gratings and bandgap-guiding fibres. The 810\,nm photons were sent to a silicon avalanche photodiode to provide a heralding signal. Our source included a 2$\times$1 optical switch to minimise noise in the output mode \cite{Brida2011Experimental-realization-of-a-low-noise}; this did not play any role in multiplexing. Using feed-forward from field-programmable gate array (FPGA) logic, the state of the switch was conditioned to be open only when the heralding detector had fired. Due to the time required for the logical operations and for the optical switch to settle into a new state, 200\,ns of static fibre delay was included between the source and the switch. \subsection{Delay loop and loss budget} To follow the source, we built a fully fibre-integrated temporal multiplexing system from a switchable loop of fibre that produces a delay similar to the pulse separation of the pump laser system (200\,ns). The delay loop, shown in Figure \ref{fig:optical_scheme}, could be inserted or removed from the optical path by a fibre-integrated 2$\times$2 optical switch. In the ``cross'' state, photons leaving the source were stored in the loop, and any light already in the loop was directed to the output. With the switch set to ``bar'', light exiting the source bypassed the loop, while light in the loop made additional passes unless removed by loss. In this manner photons could be delayed by multiples of the loop transit time while experiencing commensurate delay-dependent loss. \begin{figure} \centering \includegraphics[width=0.8\linewidth]{loop_multiplexing_source_v2} \caption{Schematic of the source and temporal multiplexing implementation. PD - photodiode to provide clock signal; PCF - dispersion-engineered photonic crystal fibre for FWM pair generation; FBG - fibre Bragg gratings to reject pump; WDM - wavelength division multiplexer splits 1550\,nm photons (top rail) and 800\,nm photons (bottom rail) from residual 1064\,nm (centre); PBGF - photonic bandgap fibre filters for additional wavelength isolation around FWM; Si APD - silicon avalanch photodiode makes heralding detections; $\tau$ - fixed optical delay in SMF-28; FPGA - field-programmable gate array implements fast logic operations; Gate - $2 \times 1$ fibre-coupled optical switch to prevent uncorrelated noise in the 1550\,nm channel from exiting the source; Delay loop - fibre delay matched to laser repetition rate with $2 \times 2$ optical switch for multiplexing; InGaAs APD to monitor output; \& - coincidence counting.} \label{fig:optical_scheme} \end{figure} Due to the concatenated effect of consecutive passes through the loop, the performance of this scheme is critically dependent on switch and fibre loss. Hence it was vital that our source produce heralded photons at 1550\,nm enabling us to implement our delays in telecoms fibre (Corning SMF-28) with negligible loss. The quoted insertion loss for the switch was 1\,dB, though we measured small variations depending on the path taken. A photon heralded in a given time bin experiences loss on each pass through the loop; hence earlier time bins contribute less to the overall output relative to later bins, and total loop loss determines the number of time bins over which it is worthwhile multiplexing. In our case, the loop was used to multiplex over four consecutive pump pulses and hence deliver heralded photons in every fourth time bin. \subsection{Feed forward control} The control protocol is represented in Figure \ref{fig:optical_scheme}. The 5\,MHz pulse train of the pump laser was monitored with a photo-diode and used as the clock input to a phase-locked loop providing the fundamental clock for the FPGA electronics. A counter was set to label clock edges from 1 (early) to 4 (late) cyclically, and additional higher-frequency clocks were derived for the purposes of edge sampling. When a herald signal arrived in a particular time bin, the switch was set to ``cross'' to divert the corresponding idler photon into the loop. After half the loop delay, the switch was set to ``bar'' to keep the idler circulating and a flag set to record that the loop contained a photon. At the onset of every fourth time bin, the switch was returned to ``cross'' to deliver the contents of the loop if a photon was flagged to be present. Although not shown schematically, in the event that additional herald signals occur during one cycle of four time bins, the logic is configured to use a later-arriving photons that will be subject to lower loss. To make way for the newer photons, older photons stored in the loop are dumped to the output and exit at an incorrect time (not on the subsequent fourth time bin). This behavior adds an accidental output that can be straightforwardly gated out later; however, the frequency of such events was negligible in the experiments presented here. Alignment of the timing signals, critical for the success of this scheme, was performed externally to the main FPGA logic by home-built electrical delay lines with up to 130ns delay available in steps of 250ps. \section{Multiplexing performance} Firstly we quantified the contribution of each of the four time bins to the overall count rate of heralded single photons by using an oscilloscope to create a histogram of InGaAs detector click arrival times. The results are displayed in in Table \ref{tab:contributions}. It can be seen clearly that later time bins make a much greater contribution to the overall output, as the effectiveness of earlier bins is reduced by loss. We see that the earliest bin contributes less than 10\,\% of the photons delivered; hence in our case it is clear that multiplexing over a larger number of bins would not be advantageous. \begin{table} \centering \caption{Contributions to output from each time bin. The photons generated were less than 1\,ns in duration and not close to the time bin edges. The slight reduction in the time window for bin 4 is an artefact of the reset logic and is inconsequential to the operation of the source.} \begin{tabular}{ccc} \hline Herald time bin & Bin width & Relative contribution \\ \hline $b = 4$ & 121.5ns & 0.37 \\ $b = 3$ & 121.5ns & 0.35 \\ $b = 2$ & 121.5ns & 0.19 \\ $b = 1$ & 89.0ns & 0.09 \\ \hline \end{tabular} \label{tab:contributions} \end{table} Secondly we assessed the performance of our multiplexing scheme through measuring the count rates in the target bin with and without loop multiplexing enabled. This was achieved by deactivating the switch (leaving it in the ``bar'' state) rather than making any change to the logic to avoid any electronic timing change between enabling and disabling multiplexing. Hence, the constant factor of static switch loss remains in the simplex source data but can be backed out later. Shown in Figure \ref{fig:loopdata}\,(a) is the critical metric: the probability of detecting a photon per output time bin. It can be seen at higher count rates that the loop increases the probability of detecting a photon in the target bin, indicating that we have successfully stored heralded photons and retrieved them at the correct time. The maximum improvement in probability that we measured as a result of re-timing photons with the loop was a factor of 1.54(1). In Figure \ref{fig:loopdata}\,(b), we see that loop multiplexing enables the heralding efficiency (Klyshko efficiency) to increase as the heralding count rate increases as more photons are stored and re-synchronised by the multiplexing scheme. This is in contrast with the simplex source whose heralding efficiency cannot increase beyond the limits set by the single source performance and channel loss. Figure \ref{fig:loopdata}\,(c) shows the increase in cross-correlation, $g^{\mathrm{h,i}}(0)$, between the herald and idler channels as a result of re-timing photons with the loop, defined as: \begin{equation} g^{\mathrm{h,i}}(0) = \frac{R C}{S_{\mathrm{h}} S_{\mathrm{i}}}, \end{equation} where $C$ is the coincidence count rate, and $S_{\mathrm{h}}$ and $S_{\mathrm{i}}$ are the singles count rates for the re-timed herald and idler respectively. All of these figures of merit improve as a result of implementing our time-multiplexing scheme. Although the improvement in delivery probability achieved by our system are relatively modest, considered in the context of operating several single-photon sources in parallel the benefit becomes apparent. Figure \ref{fig:loopdata}\,(d) shows the rate at which $N$ independent multiplexed sources would fire simultaneously relative to $N$ simplex sources, $F_N^{(m)}$ based on our measured source performance for a multiplexing depth of $m = 4$. In order to make a fair comparison, we have backed the static switch loss of approximately 1\,dB out of the simplex source data to yield an improvement factor of 1.22(1) at the maximum performance of our system. We see that, even for this small improvement, the break-even point at which multiplexing becomes advantageous occurs at $N = 10$ sources. With lower switch loss, the improvement would increase dramatically. \begin{figure} \centering \includegraphics[width={\linewidth}]{loop_multiplexing_results} \caption{Data displayed with loop disabled (black) and with loop multiplexing enabled (blue). (a) Probability per time bin of detecting a single photon in the output. (b) Heralding efficiency both as a function of heralding count rate. (c) Cross-correlation between herald and idler output channels. (d) Improvement in $N$-source clock rate afforded by temporal multiplexing, $f^{(m)}_N$, when per-bin probabilities are at maximum values available in panel (a). Break-even point when multiplexed sources overtake simplex sources shown in red.} \label{fig:loopdata} \end{figure} \section{Conclusion} Through combining a switchable fibre delay loop with a PCF-based source of high-purity heralded single photons, we have demonstrated that the probability of delivering a single photon per bin can be enhanced in an integrated architecture by combining four time bins with only a single optical switch. The reduction in the number of usable bins per second is a price worth paying in experiments requiring many sources to fire simultaneously, as the success probability scales exponentially in probability per bin but only linearly in clock speed. Although the improvement we have demonstrated is modest, advances in fibre-integrated optical switch technology -- in particular reduction of loss -- will enable much larger numbers of bins to be combined while retaining the benefits of an alignment-free package. \section{Acknowledgements} This work was funded by the UK EPSRC Quantum Technology Hub \textit{Networked Quantum Information Technologies}, grant number EP/M013243/1. RAH thanks Hiroko and Jim Sherwin for funding. \section*{References}
5982c378ae42c017f72f19d40d1d472a93063755
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} New models of Grand Unified Theory (GUT) have recently been developed using F-theory, a branch of string theory which provides a geometric realization of strongly coupled Type IIB string theory backgrounds see e.g., \cite{BHV08I, BHV08II}. In particular, one can compactify F-theory on an elliptically fibered manifold, i.e. a fiber bundle whose general fiber is a torus. We are interested in some of the mathematical questions posed by F-theory - above all - the construction of some of these models. For us, F-theory will be of the form $\mathbb{R}^{3,1} \times Y$, where $Y$ is a Calabi-Yau fourfold admitting an elliptic fibration with a section on a complex threefold $V$, namely: \[ \begin{xy} \xymatrix E \ar@^{(->}[r] & Y \ar^{\mathcal{E}}[d] \\ & V. } \end{xy} \] In general, the elliptic fibers $E$ of $\mathcal{E}$ degenerate over a locus contained in a complex codimension one sublocus $\Delta(\mathcal{E})$ of $V$, the discriminant of $\mathcal{E}$. Due to theoretical speculation in physics, $\Delta(\mathcal{E})$ should contain del Pezzo surfaces above which the general fiber is a singular fiber of type $I_5$ (\verb|Figure 1|): see, for instance, \cite{BHV08I, BP17}. The aim of this work is to investigate explicit examples of elliptically fibered Calabi--Yau fourfolds $Y$ with this property by using a generalized Borcea--Voisin construction. The original Borcea--Voisin construction is described independently in \cite{Bo97} and \cite{V93} , there the authors produce Calabi--Yau threefolds starting form a K3 surface and an elliptic curve. Afterwards generalization to higher dimensions are considered, see e.g. \cite{CH07}, \cite{Dil12}. There are two ways to construct fourfolds of Borcea--Voisin type, by using involutions, either starting from a pair of K3 surfaces, or considering a Calabi--Yau threefolds and an elliptic curve. In this paper we will consider the former one. A first attempt to construct explicit examples of such Calabi--Yau fourfolds $Y$ was done in \cite{BP17}, also using a generalized Borcea--Voisin's construction but applied to a product of a Calabi--Yau threefold and an elliptic curve. In that case the Calabi--Yau threefold was a complete intersection $(3,3)$ in $\mathbb{P}^5$ containing a del Pezzo surface of degree $6$, this construction was inspired by \cite{K}. In order to construct a Calabi--Yau fourfold $Y$ with the elliptic fibration $\mathcal{E}$ as required one needs both a map to a smooth threefold $V$ whose generic fibers are genus 1 curves and a distinguished del Pezzo surface $dP$ in $V$. A natural way to produce these data is to consider two K3 surfaces $S_1$ and $S_2$ such that $S_1$ is the double cover of $dP$ and $S_2$ admits an elliptic fibration $\pi:S_2\rightarrow\mathbb{P}^1$. In this way we will obtain $\mathcal{E}:Y\rightarrow V\simeq dP\times \mathbb{P}^1$. To get $Y$ from $S_1$ and $S_2$ we need a non-symplectic involution on each surface. Since $S_1$ is a double cover of $dP$, it clearly admits the cover involution, denoted by $\iota_1$, while the involution $\iota_2$ on $S_2$ is induced by the elliptic involution on each smooth fiber of $\pi$. Thus, $\left(S_1\times S_2\right)/\left(\iota_1\times \iota_2\right)$ is a singular Calabi--Yau fourfolds which admits a crepant resolution $Y$ obtained blowing up the singular locus. It follows at once that there is a map $Y\rightarrow (S_1/\iota_1)\times \mathbb{P}^1\simeq dP \times\mathbb{P}^1$ whose generic fiber is a smooth genus 1 curve and the singular fibers lies either on $dP\times \Delta(\pi)$ or on $C\times \mathbb{P}^1$ (where $C\subset dP$ is the branch curve of $S_1\rightarrow dP$ and $\Delta(\pi)$ is the discriminant of $\pi$). The discriminant $\Delta(\pi)$ consists of a finite number of points and generically the fibers of $\mathcal{E}$ over $dP\times \Delta(\pi)$ are of the same type as the fiber of $\pi$ over $\Delta(\pi)$. Therefore the requirements on the singular fibers of $\mathcal{E}$ needed in F-Theory reduce to a requirements on the elliptic fibration $\pi:S_2\rightarrow\mathbb{P}^1$. Moreover we show that the choice of $S_1$ as double cover of a del Pezzo surface and of $S_2$ as elliptic fibration with specific reducible fibers can be easily modified to obtain Calabi--Yau fourfolds with elliptic fibrations with different basis (isomorphic to $S_1/\iota_1\times \mathbb{P}^1$) and reducible fibers (over $S_1/\iota_1\times \Delta(\pi)$). Our first result (see Propositions \ref{prop: BV ef with singular fibers} and \ref{prop: Hodge numbers Y}) is \begin{theo} Let $dP$ be a del Pezzo surface of degree $9-n$ and $S_1 \rightarrow dP$ a double cover with $S_1$ a K3 surface. Let $S_2\rightarrow \mathbb{P}^1$ be an elliptic fibration on a K3 surface with singular fibers $mI_5+(24-5m)I_1$. The blow up $Y$ of $(S_1\times S_2)/(\iota_1\times \iota_2)$ along its singular locus is a crepant resolution. It is a Calabi--Yau fourfold which admits an elliptic fibration $\mathcal{E}:Y\rightarrow dP\times \mathbb{P}^1$ whose deiscriminant contains $m$ copies of $dP$ above which the fibers are of type $I_5$. The Hodge numbers of $Y$ depends only on $n$ and $m$ and are \begin{eqnarray*}\begin{array}{c}h^{1,1}(Y)=5+n+2m, \ h^{2,1}(Y)=2(15-n-m),\\ h^{2,2}(Y)=4(138-9n-19m+2nm),\ h^{3,1}(Y)=137-11n-22m+2nm. \end{array}\end{eqnarray*} \end{theo} We also give more specific results on $Y$. Indeed, recalling that a del Pezzo surface is a blow up of $\mathbb{P}^2$ in $n$ points $\beta: dP\rightarrow\mathbb{P}^2$, for $0\leq n\leq 8$, we give a Weierstrass equation for the elliptic fibration $Y\rightarrow \beta(dP)\times \mathbb{P}^1$ induced by $\mathcal{E}$, see \eqref{eq: Y weierstrass cF}. Moreover, in case $n=5,6$ we provide the explicit Weierstrass equation of the fibration $\mathcal{E}:Y\rightarrow dP\times\mathbb{P}^1$, see \eqref{eq: Y if n=5} and \eqref{eq: Y if n=6}. In case $m=4$, there are two different choices for $\pi:S_2\rightarrow\mathbb{P}^1$. One of them is characterized by the presence of a 5-torsion section for $\pi:S_2\rightarrow \mathbb{P}^1$ and in this case the K3 surface $S_2$ is a $2:1$ cover of the rational surface with a level 5 structure, see \cite{BDGMSV17}. We observe that if $\pi:S_2\rightarrow \mathbb{P}^1$ admits a 5-torsion section, the same is true for $\mathcal{E}$.\\ The particular construction of $Y$ enables us to find other two distinguished fibrations (besides $\mathcal{E}$): one whose fibers are K3 surfaces and the other whose fibers are Calabi--Yau threefolds of Borcea--Voisin type. So $Y$ admits fibrations in Calabi--Yau manifolds of any possible dimension. The geometric description of these fibrations and their projective realization is based on a detailed study of the linear systems of divisors on $Y$. In particular we consider divisors $D_Y$ induced by divisors on $S_1$ and $S_2$. We relate the dimension of the spaces of sections of $D_Y$ with the one of the associated divisors on $S_1$ and $S_2$. Thanks to this study we are also able to describe $Y$ as double cover of $\mathbb{P}^2\times\mathbb{F}_4$ (where $\mathbb{F}_4$ is the Hirzebruch surface $S_2/\iota_2$) and as embedded variety in $\mathbb{P}^{59-n}$. The main results in this context are summarized in Propositions \ref{prop: maps induced by D_Y} and \ref{prop: maps induced by delta_Y}. The paper is organized as follows. In Section \ref{sec: preliminaries}, we recall the definition of Calabi--Yau manifold, K3 surface and del Pezzo surface. Moreover, we describe non-symplectic involutions on K3 surfaces. Finally in \ref{sec_BC} we introduce the Borcea--Voisin construction. Section \ref{sec: The construction} is devoted to present models $Y$ for the F-theory described in the introduction. The Hodge number of $Y$ are calculated in Section \ref{sec: hodge numbers}. Section \ref{sec: linear system} is devoted to the study of the linear systems on $Y$. The results are applied in Section \ref{sec_FibEmod} where several fibrations and projective models of $Y$ are described. Finally, in Section \ref{sec: explicit} we provide the explicit equations for some of these models and fibrations. \bigskip \textbf{Acknowledgements.} The authors would like to thank Sergio Cacciatori and Gilberto Bini for suggesting this problem at the meeting {\it Workshop ``Interazioni fra Geometria algebrica e Fisica teorica'' Villa Grumello, Como, January 2016} , Lidia Stoppino and Matteo Bonfanti for useful conversations and suggestions. The second author is partially supported by FIRB 2012 ``\emph{Moduli spaces and their applications}''; the third author is partially supported by Progetto MIUR di Rilevante Interesse Nazionale \emph{Geometria delle Variet$\grave{a}$ Algebriche e loro Spazi di Moduli} PRIN 2015. The authors were also partially supported by GNSAGA of INdAM. \bigskip \textbf{Notation and conventions.} We work over the field of complex numbers $\mathbb{C}$. \section{Preliminaries}\label{sec: preliminaries} \begin{defin} A \emph{Calabi--Yau} manifold $X$ is a compact k\"ahler manifold with trivial canonical bundle such that $h^{i,0}(X)=0$ if $0< i < \dim X$. A \emph{K3} surface $S$ is a Calabi-Yau manifold of dimension $2$. The Hodge numbers of $S$ are uniquely determined by these properties and are $h^{0,0}(S)=h^{2,0}(S)=1$, $h^{1,0}(S)=0$, $h^{1,1}(S)=20$. \end{defin} \subsection{} An involution $\iota$ on a K3 surface $S$ can be either symplectic, i.e. it preserves the symplectic structure of the surface, or not in this case we speak of non-symplectic involution. In addition, an involution on a K3 surface is symplectic if and only if its fixed locus consists of isolated points; an involution on a K3 surface is non-symplectic if and only if there are no isolated fixed points on $S$. These remarkable results depend on the possibility to linearize $\iota$ near the fixed locus. Moreover, the fixed locus of an involution on $S$ is smooth. In particular, the fixed locus of a non-symplectic involution on a K3 surface is either empty or consists of the disjoin union of curves. From now on we consider only non-symplectic involutions $\iota$ on K3 surfaces $S$. As a consequence of the Hodge index theorem and of the adjunction formula, if the fixed locus contains at least one curve $C$ of genus $g(C):=g\geq 2$, then all the other curves in the fixed locus are rational. On the other hand, if there is one curve of genus 1 in the fixed locus, than the other fixed curves are either rational curves or exactly one other curve of genus 1. So one obtains that the fixed locus of $\iota$ on $S$ can be one of the following: \begin{itemize} \item empty; \item the disjoint union of two smooth genus 1 curves $E_1$ and $E_2$; \item the disjoint union of $k$ curves, such that $k-1$ are surely rational, the other has genus $g\geq 0$.\end{itemize} If we exclude the first two cases ($Fix_\iota(S)=\emptyset$, $Fix_\iota(S)=E_1\coprod E_2$) the fixed locus can be topologically described by the two integers $(g,k)$. There is another point of view in the description of the involution $\iota$ on $S$. Indeed $\iota^*$ acts on the second cohomology group of $S$ and its action is related to the moduli space of K3 surfaces admitting a prescribed involution; this is due to the construction of the moduli space of the lattice polarized K3 surfaces. So we are interested in the description of the lattice $H^2(S,\mathbb{Z})^{\iota^*}$. This coincides with the invariant part of the N\'eron--Severi group $NS(S)^{\iota_*}$ since the automorphism is non-symplectic, and thus acts on $H^{2,0}(S)$ as $-\operatorname{id}_{H^{2,0}(S)}$, see \cite{nik}. The lattice $H^2(S,\mathbb{Z})^{\iota^*}$ of rank $r:=\operatorname{rk}(H^2(S,\mathbb{Z})^{\iota^*})$ is known to be 2-elementary, i.e. its discriminant group is $(\mathbb{Z}/2\mathbb{Z})^a$. Hence one can attach to this lattice the two integers $(r,a)$. A very deep and important result on the non-symplectic involutions on K3 surfaces is that each admissible pair of integers $(g,k)$ is uniquely associated to a pair of integers $(r,a)$, see e.g.\ \cite{nik}. We observe that for several admissible choices of $(r,a)$ this pair uniquely determines the lattice $H^2(S,\mathbb{Z})^{\iota^*}$, but there are some exception. The relation between $(g,k)$ and $(r,a)$ are explicitly given by \begin{equation}\label{eq: relations (g,k), (r,a)} g=\frac{22-r-a}{2},\ \ k=\frac{r-a}{2}+1,\ \ r=10+k-g,\ \ a=12-k-g. \end{equation} \subsection{} A surface $dP$ is called a \emph{del Pezzo surface} of degree $d$ if the anti-canonical bundle $-K_{dP}$ is ample and $K^2_{dP}=d$. Moreover we say that $dP$ is a \emph{weak del Pezzo} surface if $-K_{dP}$ is big and nef. The anti-canonical map embeds $dP$ in $\mathbb{P}^d$ as a surface of degree $d$. Another way to see $dP$ is as a blow up of $\mathbb{P}^2$ in $9-d$ points in general position \begin{equation}\label{eq_delPezzoP2} \beta\colon dP \cong Bl_{9-d}(\mathbb{P}^2) \longrightarrow \mathbb{P}^2, \end{equation} see e.g., \cite{D13}. \subsection{} A double cover of a del Pezzo surface $dP$ ramified along a smooth curve $C \in |-2K_{dP}|$ is a K3 surface $S$, endowed with the covering involution $\iota$. Since $dP$ is not a symplectic manifold $\iota$ is non-symplectic. We can see $S$ as the minimal resolution of a double cover of $\mathbb{P}^2$ branched along $\beta(C)$, which is a sextic with $9-d$ nodes. Let us denote by $\rho'\colon S \rightarrow \mathbb{P}^2$ the composition of the double cover with the minimal resolution. The ramification divisor of $\rho'$ is a genus $1+d$ smooth curve, which is the fixed locus of $\iota$. \begin{defin}An \emph{elliptic fibration} $\mathcal{E}\colon Y \rightarrow V$ is a surjective map with connected fibers between smooth manifolds such that: the general fiber of $\mathcal{E}$ is a smooth genus $1$ curve; there is a rational map $O \colon V \dashrightarrow Y$ such that $\mathcal{E} \circ O = id_{V} $. A \emph{flat elliptic fibration} is an elliptic fibration with a flat map $\mathcal{E}$. In particular a flat elliptic fibration has equidimensional fibers. \end{defin} \subsection{}\label{subsec: K3 with hyperelliptic invo} If $Y$ is a surface then any elliptic fibration is flat. Moreover, on $Y$ there is an involution $\iota$ which restricts to the elliptic involution on each smooth fiber. If $Y$ is a K3 surface, then $\iota$ is a non-symplectic involution. \subsection{The Generalized Borcea--Voisin construction}\label{sec_BC} Let $X_i$, $i=1,2$ be a Calabi--Yau manifold endowed with an involution $\iota_i$ whose fixed locus has codimension $1$. The quotient \[ (X_1 \times X_2) / (\iota_1 \times \iota_2) \] admits a crepant resolution which is a Calabi--Yau manifold as well (see \cite{CH07}). We call \emph{Borcea--Voisin} of $X_1$ and $X_2$ the Calabi--Yau $BV(X_1,X_2)$ which is the blow up of $ (X_1 \times X_2) / (\iota_1 \times \iota_2)$ in its singular locus. \subsection{} Let $b\colon \widetilde{X_1 \times X_2} \rightarrow X_1 \times X_2$ be the blow up of $ X_1 \times X_2$ in the fixed locus of $\iota_1 \times \iota_2$. Let $\tilde{\iota}$ be the induced involution on $ \widetilde{X_1 \times X_2}$ and $q\colon \widetilde{X_1 \times X_2} \rightarrow \widetilde{X_1 \times X_2}/{\tilde{\iota}}=:Y$ its quotient. The following commutative diagram: \[\xymatrix{\widetilde{X_1 \times X_2} \ar[d]_{q} \ar[r]^{b} & X_1 \times X_2 \ar[d]\\ BV(X_1,X_2) \cong Y \ar[r] & (X_1 \times X_2) / (\iota_1 \times \iota_2),}\] exhibit the Borcea--Voisin manifold as a smooth quotient. \section{The construction}\label{sec: The construction} \subsection{} In the following we apply the just described Borcea--Voisin construction in order to get a Calabi--Yau fourfold $Y$ together with a fibration $\mathcal{E}\colon Y \longrightarrow V$ onto a smooth threefold $V$, with the following property: the general fiber of $\mathcal{E}$ is a smooth elliptic curve $E$, the discriminant locus of $\mathcal{E}$ contains a del Pezzo surface $dP$ and for a generic point $p \in dP$ the singular fibers $\mathcal{E}^{-1}(p)$ is of type $I_5$ (see Figure 1). \begin{center} \begin{tikzpicture}[line cap=round,line join=round,>=triangle 45,x=0.35cm,y=0.35cm] \clip(-5.5,0.1) rectangle (-0.1,5.); \draw (1.82,0.96)-- (4.64,0.98); \draw (3.94,0.74)-- (4.84,2.84); \draw (4.98,2.16)-- (2.88,3.66); \draw (4.02,3.64)-- (1.7,2.28); \draw (1.88,3.38)-- (2.66,0.52); \draw (-5.070087854421566,2.3602155818315578)-- (-1.9681467574189369,4.658927073789729); \draw (-0.5843923132977713,3.8075232900966816)-- (-1.6748476802200527,0.34049514794709257); \draw (-0.762046549892759,0.9667731457557286)-- (-4.512887329300956,0.9313878553839531); \draw (-3.377801429369542,0.2774755617821425)-- (-4.480042967694254,3.5640041559443296); \draw (-3.006518982335188,4.522691801137968)-- (-0.2689692460922668,2.5729354072620056); \begin{scriptsize} \draw[color=black] (3.2800344297313693,0.8496097668616738) node {$f$}; \draw[color=black] (4.684523322620731,1.843028739880978) node {$g$}; \draw[color=black] (4.136430096127321,3.281773459426177) node {$h$}; \draw[color=black] (2.7661970298937977,3.3502851127378532) node {$i$}; \draw[color=black] (2.0468246701211976,2.031435786488087) node {$j$}; \end{scriptsize} \end{tikzpicture} \centerline{\bf Figure 1: Fibre of type $I_5$} \end{center} \subsection{}\label{say_K3} Let $S_1$ and $S_2$ be two $K3$ surfaces with the following properties \begin{enumerate} \item $S_1$ admits a $2 : 1$ covering $\rho': S_1 \longrightarrow \mathbb{P}^2$, branched along a curve $C$, which is a (possibly singular and possibly reducible) sextic curve in $\mathbb{P}^2$. \item $S_2$ admits an elliptic fibration $\pi: S_2 \longrightarrow \mathbb{P}^1$, with discriminant locus $\Delta(\pi)$. \end{enumerate} The surface $S_1$ has the covering involution $\iota_1$, which is a non-symplectic involution. Moreover, if the branch curve $C\subset \mathbb{P}^2$ is singular, then the double cover of $\mathbb{P}^2$ branched along $C$ is singular. In this case the K3 surface $S_1$ is the minimal resolution of this last singular surface. The fixed locus of $\iota_1$ consists of the strict transform $\tilde{C}$ of the branch curve, and possibly of some other smooth rational curves, $W_i$ (which arise from the resolution of the triple points of $C$). Moreover notice that if we choose $C$ to be a sextic with $n \leq 9$ nodes in general position then $\rho'$ factors through \[ \rho\colon S_1 \stackrel{2:1}{\longrightarrow} dP := {\rm Bl}_n \mathbb{P}^2, \] where $dP$ is a del Pezzo surface of degree $d = 9-n$. The second $K3$ surface $S_2$ admits a non-symplectic involution too, as in \ref{subsec: K3 with hyperelliptic invo}. This is the elliptic involution $\iota_2$, which acts on the smooth fibers of $\pi$ as the elliptic involution of each elliptic curve. In particular it fixes the 2-torsion group on each fiber. Therefore, it fixes the zero section $O$, which is a rational curve, and the trisection $T$ (not necessarily irreducible) passing through the 2-torsion points of the fiber. \subsection{} Applying the Borcea--Voisin construction \ref{sec_BC} to $(S_1, \iota_1)$ and $(S_2, \iota_2)$ we obtain a smooth Calabi--Yau fourfold $Y$. In particular, the singular locus of the quotient $X := (S_1 \times S_2) / (\iota_1 \times \iota_2)$ is the image of the fixed locus of the product involution $\iota_1 \times \iota_2$. As the involution acts componentwise we have \[\operatorname{Fix}_{S_1 \times S_2} (\iota_1 \times \iota_2) = \operatorname{Fix}_{S_1} \iota_1 \times \operatorname{Fix}_{S_2} \iota_2,\] therefore the fix locus consists of the \emph{disjoint union} of: \begin{enumerate} \item the surface $\tilde{C} \times O$, where $O \simeq \mathbb{P}^1$ is the section of $\pi$; \item the surface $\tilde{C} \times T$, where $T$ is the trisection of $\pi$; and eventually \item the surfaces $\tilde{C} \times E_i$ (where $E_i \simeq \mathbb{P}^1$ are the fixed components in the reducible fibers of $\pi$) and the surfaces $W_i \times O$, $W_i \times T$ and $W_i \times E_j$. \end{enumerate} As in \ref{sec_BC} we have the following commutative diagram. \begin{equation}\label{de diagrame}\xymatrix{\widetilde{S_1 \times S_2} \ar[d]_q \ar[r]^b & S_1 \times S_2 \ar[d]\\ Y \ar[r] & X.}\end{equation} \subsection{}\label{subsec: singular fibers} By construction the smooth fourfold $Y$ comes with several fibrations. Let us analyze one of them and we postpone the description of the other in Section \ref{sec_FibEmod}. We have the fibration $ Y \rightarrow \mathbb{P}^2 \times \mathbb{P}^1$ induced by the covering $\rho'_d\colon S_1 \rightarrow \mathbb{P}^2$ and the fibration $\pi\colon S_2 \rightarrow \mathbb{P}^1$. Reacall from Paragraph \ref{say_K3} that we can specialize the fibration if we require that $\rho'$ is branched along a sextic with $n$ nodes in general position. This further assuption yields \[\xymatrix{ Y\ar[d]^{\varphi}\\ dP \times \mathbb{P}^1, \,}\] where $dP$ is the del Pezzo surface obtained blowing up the nodes of the branch locus. The general fiber of $\varphi$ is an elliptic curve. Indeed, let $(p, q) \in dP \times \mathbb{P}^1$ with $p \notin C$ and $q \notin \Delta(\pi)$. Then $(\varphi)^{-1}(p, q)$ is isomorphic of the smooth elliptic curve $\pi^{-1}(q)$. Hence the singular fibers lies on points $(p,q)\in dP \times \mathbb{P}^1$ of one of the following types: $p\in C$, $q\not \in \Delta(\pi)$; $p\not \in C$, $q \in \Delta(\pi)$; $p\in C$, $q\in \Delta(\pi)$. We discuss these three cases separately. {\bf Case 1} $(p , q) \in dP \times \mathbb{P}^1$ with $p \notin C$ and $q \in \Delta(\pi)$. Clearly $\pi^{-1}(q)$ is a singular curve, and since $p \notin C$, we get a singular fiber for $\varphi$ \begin{equation}\label{eq_singE} \varphi^{-1}(p, q) \simeq \pi^{-1}(q), \end{equation} {\bf Case 2} $(p , q) \in dP \times \mathbb{P}^1$ with $p \in C$ and $q \notin \Delta(\pi)$. Consider first $(\rho \times \pi)^{-1}(p, q)$ in $S_1 \times S_2$. This is a single copy of $\pi^{-1}(q)$, which is a smooth elliptic curve, over the point $p \in C \subseteq S_1$. In addition, this curve meets the fixed locus of $\iota_1 \times \iota_2$ in $4$ distinct points: one of them corresponds to the intersection with $C \times O$ and the other three correspond to the intersections with $C \times T$. Notice that $\iota_1 \times \iota_2$ acts on $p \times \pi^{-1}(q)$ as the elliptic involution $\iota_2$, hence the quotient curve is a rational curve. This discussion yields that $\varphi^{-1}(p,q)$ is a singular fiber of type $I_0^*$, where the central rational components is isomorphic to the quotient of $\pi^{-1}(q)/\iota_2$ and the other four rational curves are obtained by blowing up the intersection points described above. {\bf Case 3} $(p , q) \in dP \times \mathbb{P}^1$ with $p \in C$ and $q \in \Delta(\pi)$. This time, $(\rho \times \pi)^{-1}(p, q)$ is the singular fiber $\pi^{-1}(q)$. Moreover, the quotient of this curve by $\iota_2$ is determined by its singular fiber type. If $\iota_2$ does not fix a component of $\pi^{-1}(q)$, then $(\rho \times \pi)^{-1}(p, q)$ meets the fixed locus of $\iota_1 \times \iota_2$: in a certain number of isolated points, depending on the fiber $\pi^{-1}(q)$ (which correspond to the intersection of the fiber with $O$ and $T$). On the other hand, if $\iota_2$ does fix a component of $\pi^{-1}(q)$, then there are curves in $(\rho \times \pi)^{-1}(p, q)$. In the later case $\phi^{-1}(p,q)$ contains a divisor. In each of the previous case, the fiber over $(p,q)$ is not smooth and thus we obtain that the discriminant locus of $\varphi$ is \[\Delta(\varphi) = (C \times \mathbb{P}^1) \cup (dP \times \Delta(\pi)).\] This discussion yields $\forall q \in \Delta(\pi)$ the surface $dP \times \{q\} \subset \Delta(\varphi)$ and for the generic point $p \in dP$ the fiber of $\varphi$ over $(p,q)$ are of the same type as the fiber of $\pi$ over $q$. This implies the following Proposition. \begin{prop}\label{prop: BV ef with singular fibers} There exists a Calabi--Yau fourfold with an elliptic fibration over $dP \times \mathbb{P}^1$ such that the discriminant locus contains a copy of $dP$. If moreover we assume that the generic fiber above it is reduced, i.e. is of type $I_n$, $II$, $III$, $IV$, then it is possible to construct this elliptic fibration to be flat. \end{prop} \begin{proof} It remains to prove that for the fibers of type $I_n$, $II$, $III$, and $IV$ the fibration is flat. This follows by the analysis of case 3 since the involution $\iota_2$ does not fix any components of reduced fibers. \end{proof} \subsection{} We shall now discuss a special case of the elliptic fibration $\varphi$. Apparently, a good model for F-Theory (see Introduction and references there) is the one where the discriminant locus contains a del Pezzo surface over which there are $I_5$ singular fiber. Let us discuss this situation. \begin{rem}\label{rem: no only I5} By Propostion \ref{prop: BV ef with singular fibers} it is possbile to constrcut elliptic fibrations with fibers $I_5$. Nevertheless, it is not possible to obatin elliptic fibrations such that \emph{all} the singular fibers are of type $I_5$. Indeed there are two different obstructions: \begin{enumerate} \item the fibers obtained in Case 2 of \ref{subsec: singular fibers} are of type $I_0^*$ and this does not depend on the choice of the properties of the elliptic fibration $S_2\rightarrow\mathbb{P}^1$; \item the singular fibers as in Case 1 of \ref{subsec: singular fibers} depend only on the singular fibers of $S_2\rightarrow\mathbb{P}^1$ and these can not be only of type $I_5$, indeed $24=\chi(S_2)$ is not divisible by 5. \end{enumerate} However, it is known that there exist elliptic K3 surfaces with $m$ fibers of type $I_5$ and all the other singular fibers of type $I_1$ for $m=1,2,3,4$, cf.\ \cite{Shim}. In this case the fibers of type $I_1$ are $24-5m$. \end{rem} \section{The Hodge numbers of \texorpdfstring{$Y$}{Y}}\label{sec: hodge numbers} The aim of this Section is the computation of the Hodge numbers of the constructed fourfolds. \subsection{} By \eqref{de diagrame} the cohomology of $Y$ is given by the part of the cohomology of $\widetilde{S_1\times S_2}$ which is invariant under $(\iota_1\times\iota_2)^*$. The cohomology of $\widetilde{S_1\times S_2}$ is essentially obtained as sum of two different contributions: the pullback by $b^*$ of the chomology of $S_1\times S_2$ and the part of the cohomology introduced by the blow up of the fixed locus $Fix_{\iota_1\times \iota_2}(S_1\times S_2)$. The fixed locus $Fix_{\iota_1\times \iota_2}(S_1\times S_2)=Fix_{\iota_1}(S_1)\times Fix_{\iota_2}(S_2)$ consists of surfaces, which are product of curves. So $b:\widetilde{S_1\times S_2}\rightarrow S_1\times S_2$ introduces exceptional divisors which are $\mathbb{P}^1$-bundles over surfaces which are product of curves. The Hodge diamonds of these exceptional 3-folds depends only on the genus of the curves in $Fix_{\iota_1}(S_1)$ and $Fix_{\iota_2}(S_2)$. Since, up to an appropriate shift of the indices, the Hodge diamond of $\widetilde{S_1\times S_2}$ is just the sum of the Hodge diamond of $S_1\times S_2$ and of all the Hodge diamonds of the exceptional divisors, the Hodge diamond of $\widetilde{S_1\times S_2}$ depends only on the properties of the fixed locus of $\iota_1$ on $S_1$ and of $\iota_2$ on $S_2$. Denoted by $(g_i, k_i)$, $i=1,2$ the pair of integers which describes the fixed locus of $\iota_i$ on $S_i$, we obtain that the Hodge diamond of $\widetilde{S_1\times S_2}$ depends only on the four integers $(g_1,k_1,g_2,k_2)$. Now we consider the quotient 4-fold $Y$. Its cohomology is the invariant cohomology of $\widetilde{S_1\times S_2}$ for the action of $(\iota_1\times\iota_2)^*$. Since the automorphism induced by $\iota_1\times \iota_2$ on $\widetilde{S_1\times S_2}$ acts trivially on the exceptional divisors, one has only to compute the invariant part of the cohomology of $S_1\times S_2$ for the action of $(\iota_1\times \iota_2)^*$. But this depends of course only on the properties of the action of $\iota_i^*$ on the cohomology of $S_i$. We observe that $\iota_i^*$ acts trivially on $H^0(S_i,\mathbb{Z})$, and that $H^1(S,\mathbb{Z})$ is empty. Denoted by $(r_i,a_i)$, $i=1,2$ the invariants of the lattice $H^2(S_i,\mathbb{Z})^{\iota_i^*}$, these determine uniquely $H^*(S_1\times S_2,\mathbb{Z})^{(\iota_1\times\iota_2)^*}$. Thus the Hodge diamond of $Y$ depends only on $(g_i,k_i)$ and $(r_i,a_i)$, $i=1,2$. By \eqref{eq: relations (g,k), (r,a)}, it is immediate that the Hodge diamond of $Y$ depends only either on $(g_1,k_1,g_2,k_2)$ or on $(r_1,a_1,r_2,a_2)$. This result is already known, and due to J. Dillies who computed the Hodge numbers of the Borcea--Voisin of the product of two K3 surfaces by mean of the invariants $(r_1,a_1,r_2,a_2)$ in \cite{Dil12}: \begin{prop}{\rm(\cite[Section 7.2.1]{Dil12})}\label{prop: dillies} Let $\iota_i$ be a non-symplectic involution on $S_i$, $i=1,2$, such that its fixed locus is non empty and does not consists of two curves of genus 1. Let $Y$ be the Borcea--Voisin 4-fold of $S_1$ and $S_2$. Then \begin{eqnarray*}\begin{array}{l} h^{1,1}(Y)=1+\frac{r_1r_2}{4}-\frac{r_1a_2}{4}-\frac{a_1r_2}{4}+\frac{a_1a_2}{4}+\frac{3r_1}2-\frac{a_1}{2}+\frac{3r_2}{2}-\frac{a_2}{2}\\ h^{2,1}(Y)=22-\frac{r_1r_2}{2}+\frac{a_1a_2}{2}+5r_1-6a_1+5r_2-6a_2\\ h^{2,2}(Y)=648+3r_1r_2+a_1a_2-30r_1-30r_2-12a_1-12a_2\\ h^{3,1}(Y)=161+\frac{r_1r_2}{4}+\frac{a_1a_2}{4}+\frac{r_1a_2}{4}+\frac{a_1r_2}{4}-\frac{13r_1}{2}-\frac{13r_2}{2}-\frac{11a_1}{2}-\frac{11a_2}{2}.\\ \end{array}\end{eqnarray*} \end{prop} \subsection{} Now we apply these computations to our particular case: $S_1$ is the double cover of $\mathbb{P}^2$ branched along a sextic with $n$ nodes and $S_2$ is an elliptic K3 surface with $m$ fibers of type $I_5$. So we obtain the following proposition. \begin{prop}\label{prop: Hodge numbers Y} Let $m \geq 0$ be an integer, and suppose that $\pi\colon S_2 \rightarrow \mathbb{P}^1$ in an elliptic fibration with singular fibers of type $mI_5 + (24 - 5m)I_1$. Then \begin{eqnarray*}\begin{array}{l} h^{1,1}(Y)=5+n+2m\\ h^{2,1}(Y)=2(15-n-m)\\ h^{2,2}(Y)=4(138-9n-19m+2nm)\\ h^{3,1}(Y)=137-11n-22m+2nm.\\ \end{array} \end{eqnarray*} \end{prop} \proof In order to deduce the Hodge numbers of $Y$ by Proposition \ref{prop: dillies}, we have to compute the invariants $(g_i,k_i)$ of the action of $\iota_i$ on $S_i$ in our context. The surface $S_1$ is a $2:1$ cover of $\mathbb{P}^2$ branched on a sextic with $n$ nodes and $\iota_1$ is the cover involution, so the fixed locus of $\iota_1$ is isomorphic to the branch curve hence has genus $10-n$. So $(g_1,k_1)=(10-n,1)$ and thus $r_1=1+n$ and $a_1=1+n$. The involution $\iota_2$ on $S_2$ is the elliptic involution, hence fixes the section of the fibration, which is a rational curve, and the trisection passing through the 2 torsion points of the fibers. Moreover, $\iota_2$ does not fix components of the reducible fibers. So $k_2=2$ and it remains to compute the genus of the trisection. The Weierstrass equation of the elliptic fibration $S_2$ is $y^2=x^3+A(t)x+B(t)$ and the equation of the trisection $T$ is $x^3+A(t)x+B(t)=0$, which exhibits $T$ as $3:1$ cover of $\mathbb{P}^1_{t}$ branched on the zero points of the discriminant $\Delta(t)=4A(t)^3+27B(t)^2$. Under our assumptions, the discriminant has $m$ roots of multiplicity 5 and $24-5m$ simple roots, so that $T$ is a $3:1$ cover branched in $24-5m+m=24-4m$ points with multiplicity 2. Therefore, by Riemann-Hurwitz formula, one obtains $2g(T)-2=-6+24-4m$, i.e. $g(T)=10-2m$. Hence $k_2=2$, $g_2=10-2m$ and so $r_2=2+2m$ and $a_2=2m$.\endproof \section{Linear systems on \texorpdfstring{$Y$}{Y}}\label{sec: linear system} \subsection{} Here we state some general results on linear systems on the product of varieties with trivial canonical bundle, which will be applied to $S_1\times S_2$. Let $X_1$ and $X_2$ be two smooth varieties with trivial canonical bundle, and $\mathcal{L}_{X_1}$ and $\mathcal{L}_{X_2}$ be two line bundles on $X_1$ and $X_2$ respectively. Observe that we have a natural injective homomorphism \[\begin{array}{ccc} H^0(X_1, \mathcal{L}_{X_1}) \otimes H^0(X_2, \mathcal{L}_{X_2}) & \longrightarrow & H^0(X_1 \times X_2, \pi_1^* \mathcal{L}_{X_1} \otimes \pi_2^* \mathcal{L}_{X_2})\\ s \otimes t & \longmapsto & \pi_1^* s \cdot \pi_2^* t, \end{array}\] where the $\pi_i$'s are the two projections. We now want to determine some conditions which guarantee that this map is an isomorphism. Using the Hirzebruch--Riemann--Roch theorem, we have that \[\chi(X_1 \times X_2, \pi_1^* \mathcal{L}_{X_1} \otimes \pi_2^* \mathcal{L}_{X_2}) = \chi(X_1, \mathcal{L}_{X_1}) \cdot \chi(X_2, \mathcal{L}_{X_2}).\] If $\mathcal{L}_{X_1}$ and $\mathcal{L}_{X_2}$ are nef and big line bundles such that $\pi_1^* \mathcal{L}_{X_1} \otimes \pi_2^* \mathcal{L}_{X_2}$ is still nef and big, then the above formula and Kawamata--Viehweg vanishing Theorem lead to \[h^0(X_1 \times X_2, \pi_1^* \mathcal{L}_{X_1} \otimes \pi_2^* \mathcal{L}_{X_2}) = h^0(X_1, \mathcal{L}_{X_1}) \cdot h^0(X_2, \mathcal{L}_{X_2}).\] However, we are interested also in divisors which are not big and nef, therefore we need the following result. \begin{prop}\label{prop: iso section} Let $X_1$, $X_2$ be two smooth varieties of dimension $n_1$ and $n_2$ respectively. Assume that they have trivial canonical bundle $\omega_{X_i} = \mathcal{O}_{X_i}$ and that $h^{0,n_i-1}(X_i) = 0$. Let $D_i \subseteq X_i$ be a smooth irreducible codimension 1 subvariety. Then the canonical map \[H^0(X_1, \mathcal{O}_{X_1}(D_1)) \otimes H^0(X_2, \mathcal{O}_{X_2}(D_2)) \stackrel{\psi}{\longrightarrow} H^0(X_1 \times X_2, \pi_1^* \mathcal{O}_{X_1}(D_1) \otimes \pi_2^* \mathcal{O}_{X_2}(D_2))\] is an isomorphism. \end{prop} \proof By K\"unnet formula \[\begin{array}{rl} h^{0, n - 1}(X_1 \times X_2) = & h^{0, n_1 - 1}(X_1) \cdot h^{0, n_2}(X_2) + h^{0, n_1}(X_1) \cdot h^{0, n_2 - 1}(X_2) =\\ = & h^{0, n_1 - 1}(X_1) + h^{0, n_2 - 1}(X_2)=0, \end{array}\] where $n = n_1 + n_2 = \dim X_1 \times X_2$. As already remarked the $\psi$ map is injective, so it suffices to show that the source and target spaces have the same dimension. We begin with the computation of $h^0(X_i, \mathcal{O}_{X_i}(D_i))$. From the exact sequence \[0 \longrightarrow \mathcal{O}_{X_i}(-D_i) \longrightarrow \mathcal{O}_{X_i} \longrightarrow \mathcal{O}_{D_i} \longrightarrow 0\] we deduce the exact piece \[\begin{array}{c} H^{n_i - 1}(X_i, \mathcal{O}_{X_i}) \longrightarrow\ H^{n_i - 1}(D_i, \mathcal{O}_{D_i}) \longrightarrow H^{n_i}(X_i, \mathcal{O}_{X_i}(-D_i)) \longrightarrow\\ \longrightarrow H^{n_i}(X_i, \mathcal{O}_{X_i}) \longrightarrow 0. \end{array}\] Since $H^{n_i - 1}(X_i, \mathcal{O}_{X_i}) = 0$ by hypothesis, we get by Serre duality that \[h^0(X_i, \mathcal{O}_{X_i}(D_i)) = h^{n_i}(X_i, \mathcal{O}_{X_i}(-D_i)) = h^{n_i - 1}(D_i, \mathcal{O}_{D_i}) + 1.\] Now we pass to the computation of $h^0(X_1 \times X_2, \pi_1^* \mathcal{O}_{X_1}(D_1) \otimes \pi_2^* \mathcal{O}_{X_2}(D_2))$. Let $D = D_1 \times X_2 \cup X_1 \times D_2$; and observe that \[\pi_1^* \mathcal{O}_{X_1}(D_1) \otimes \pi_2^* \mathcal{O}_{X_2}(D_2) = \mathcal{O}_{X_1 \times X_2}(D).\] By the previous part of the proof, we have that \[h^0(X_1 \times X_2, \pi_1^* \mathcal{O}_{X_1}(D_1) \otimes \pi_2^* \mathcal{O}_{X_2}(D_2)) = h^{n - 1}(D, \mathcal{O}_D) + 1,\] so we need to compute $h^{n - 1}(D, \mathcal{O}_D)$ in this situation. Consider the following diagram of inclusions \[\xymatrix{X_1 \times D_2 \ar@{^(->}[r]^(0.6){i_1} & D\\ D_1 \times D_2 \ar@{^(->}[u] \ar@{^(->}[ur]^{i} \ar@{^(->}[r] & D_1 \times X_2, \ar@{^(->}[u]_{i_2}}\] and the short exact sequence \[0 \longrightarrow \mathcal{O}_D \longrightarrow {i_1}_* \mathcal{O}_{X_1 \times D_2} \oplus {i_2}_* \mathcal{O}_{D_1 \times X_2} \longrightarrow i_* \mathcal{O}_{D_1 \times D_2} \longrightarrow 0,\] where \[\begin{array}{ccc} \mathcal{O}_D & \longrightarrow & {i_1}_* \mathcal{O}_{X_1 \times D_2} \oplus {i_2}_* \mathcal{O}_{D_1 \times X_2}\\ s & \longmapsto & (s_{|_{X_1 \times D_2}}, s_{|_{D_1 \times X_2}}) \end{array}\] and \[\begin{array}{ccc} {i_1}_* \mathcal{O}_{X_1 \times D_2} \oplus {i_2}_* \mathcal{O}_{D_1 \times X_2} & \longrightarrow & i_* \mathcal{O}_{D_1 \times D_2}\\ (s_1, s_2) & \longmapsto & {s_1}_{|_{D_1 \times D_2}} - {s_2}_{|_{D_1 \times D_2}}. \end{array}\] This sequence induces the exact piece \[\begin{array}{c} H^{n - 2}(D_1 \times D_2, \mathcal{O}_{D_1 \times D_2}) \rightarrow H^{n - 1}(D, \mathcal{O}_D) \rightarrow\\ \rightarrow H^{n - 1}(X_1 \times D_2, \mathcal{O}_{X_1 \times D_2}) \oplus H^{n - 1}(D_1 \times X_2, \mathcal{O}_{D_1 \times X_2}) \longrightarrow 0, \end{array}\] from which we have that \[\begin{array}{rl} h^{n - 1}(D, \mathcal{O}_D) \leq & h^{n - 1}(X_1 \times D_2, \mathcal{O}_{X_1 \times D_2}) + h^{n - 1}(D_1 \times X_2, \mathcal{O}_{D_1 \times X_2}) +\\ & + h^{n - 2}(D_1 \times D_2, \mathcal{O}_{D_1 \times D_2}). \end{array}\] These last numbers are easy to compute using K\"unneth formula: \[\begin{array}{rl} h^{n - 1}(X_1 \times D_2, \mathcal{O}_{X_1 \times D_2}) = & \sum_{i = 0}^{n - 1} h^{0, i}(X_1) \cdot h^{0,n - 1 - i}(D_2) =\\ = & h^{0, n_1}(X_1) \cdot h^{0, n_2 - 1}(D_2) =\\ = & h^{0, n_2 - 1}(D_2);\\ h^{n - 1}(D_1 \times X_2, \mathcal{O}_{D_1 \times X_2}) = & h^{0, n_1 - 1}(D_1);\\ h^{n - 2}(D_1 \times D_2, \mathcal{O}_{D_1 \times D_2}) = & h^{0, n - 2}(D_1 \times D_2) =\\ = & \sum_{i = 0}^{n - 2} h^{0, i}(D_1) \cdot h^{0,n - 2 - i}(D_2) =\\ = & h^{0, n_1 - 1}(D_1) \cdot h^{0, n_2 - 1}(D_2). \end{array}\] where we used the trivial observation that $h^{0,k}(D_i)=0$ if $k\geq n_i$. Finally, we have the following chain of inequalities: \[\begin{array}{l} (h^{n_1 - 1}(D_1, \mathcal{O}_{D_1}) + 1) (h^{n_2 - 1}(D_2, \mathcal{O}_{D_2}) + 1) =\\ = h^0(X_1, \mathcal{O}_{X_1}(D_1)) \cdot h^0(X_2, \mathcal{O}_{X_2}(D_2)) \leq\\ \leq h^0(X_1 \times X_2, \mathcal{O}_{X_1 \times X_2}(D)) =\\ = h^{n - 1}(D, \mathcal{O}_D) + 1 \leq\\ \leq h^{0, n_1 - 1}(D_1) + h^{0, n_2 - 1}(D_2) + h^{0, n_1 - 1}(D_1) \cdot h^{0, n_2 - 1}(D_2) + 1 =\\ = (h^{n_1 - 1}(D_1, \mathcal{O}_{D_1}) + 1) (h^{n_2 - 1}(D_2, \mathcal{O}_{D_2}) + 1), \end{array}\] from which the Proposition follows. \endproof \subsection{} In particular, this result applies when $X_1$ and $X_2$ are $K3$ surfaces or, more generally, when they are Calabi--Yau or hyperk\"ahler manifolds. By induction, it is easy to generalize this result to a finite number of factors. Notice that we require $D_i$ to be smooth in order to use K\"unneth formula. Indeed, there is a more general version of Proposition \ref{prop: iso section} for line bundles. Namely, if $\mathcal{L}_i$ are globally generated/base point free line bundles over $X_i$ then their linear systems $|\mathcal{L}_i|$ have, by Bertini's theorem, a smooth irreducible member, and we can apply Proposition \ref{prop: iso section}. Let us denote $D_1+D_2:=\pi_1^*\mathcal{O}(D_1)+\pi_2^*\mathcal{O}(D_2)$. The linear system $|D_i|$ naturally defines the map $\varphi_{|D_i|}\colon X_i\rightarrow\mathbb{P}^{n_i}$. Denoted by $\sigma_{n_1,n_2}\colon\mathbb{P}^{n_1}\times\mathbb{P}^{n_2}\rightarrow\mathbb{P}^{n_1n_2+n_1+n_2}$ the Segre embedding, Proposition \ref{prop: iso section} implies that $\varphi_{|D_1+D_2|}$ coincides with $\sigma_{n_1,n_2}\circ \left(\varphi_{|D_1|}\times\varphi_{|D_2|}\right)$. \begin{cor}\label{cor: D_i on S_i and h^0(S_1xS_2)} Let $S_i$, $i=1,2$ be two K3 surfaces and $D_i$ be an irreducible smooth curve of genus $g_i$ on $S_i$. Then $h^0(S_1\times S_2, D_1+D_2)=(g_1+1)(g_2+1)$. \end{cor} \subsection{ }\label{subsection: linear systems on Y} Use the same notation as in Section 3 diagram \eqref{de diagrame}. On $S_1 \times S_2$, let $D$ be an invariant divisor (resp.\ an invariant line bundle $\mathcal{D}$) with respect to the $\iota_1 \times \iota_2$ action. Moreover, denote by $D_Y$ the divisor on $Y$ such that $q^* D_Y = b^* D$ (resp.\ $\mathcal{D}_Y$ is the line bundle such that $q^* \mathcal{D}_Y = b^* \mathcal{D}$). Since $q$ is a double cover branched along a codimension 1 subvariety $B$, it is uniquely defined by a line bundle $\mathcal{L}$ on $Y$ such that $\mathcal{L}^{\otimes 2}=\mathcal{O}_Y(B)$ and we have \[ H^0(\widetilde{S_1 \times S_2}, q^* \mathcal{M}) = H^0(Y, \mathcal{M}) \oplus H^0(Y, \mathcal{M} \otimes \mathcal{L}^{\otimes -1}). \] for any line bundle $\mathcal{M}$ on $Y$. The isomorphism $H^0(\widetilde{S_1 \times S_2}, b^* \mathcal{D}) \simeq H^0(S_1 \times S_2, \mathcal{D})$ yields \[\begin{array}{rl} H^0(S_1 \times S_2, \mathcal{D}) \simeq & H^0(\widetilde{S_1 \times S_2}, q^* \mathcal{D}_Y) \\ \simeq & H^0(Y, \mathcal{D}_Y) \oplus H^0(Y, \mathcal{D}_Y \otimes \mathcal{L}^{\otimes -1}). \end{array}\] As a consequence, one sees that the space $H^0(Y, \mathcal{D}_Y)$ corresponds to the invariant subspace of $H^0(S_1 \times S_2, \mathcal{D})$ for the $\iota^*$ action, while $H^0(Y, \mathcal{D}_Y \otimes \mathcal{L}^{-1})$ corresponds to the anti-invariant one. This yields at once the following commutative diagram: \begin{equation}\label{eq: diagram of maps} \xymatrix{\widetilde{S_1 \times S_2} \ar[r]^b \ar[d]_q & S_1 \times S_2 \ar[d] \ar[r]^(0.35){\varphi_{|\mathcal{D}|}} & \mathbb{P}(H^0(S_1 \times S_2, \mathcal{D})^{\vee}) \ar[d]\\ Y \ar[r] \ar@/_1pc/[rr]_{\varphi_{|\mathcal{D}_Y|}} & X \ar[r] & \mathbb{P}(H^0(Y, \mathcal{D}_Y)^{\vee}),} \end{equation} where the vertical arrow on the right is the projection on $\mathbb{P}(H^0(Y, \mathcal{D}_Y)^{\vee})$ with center $\mathbb{P}(H^0(Y, \mathcal{D}_Y \otimes \mathcal{L}^{-1})^{\vee})$ (observe that both these two spaces are pointwise fixed for the induced action of $\iota$ on $\mathbb{P}(H^0(S_1 \times S_2, \mathcal{D})^{\vee})$). In what follows we denote by $D_Y$ and $L$ the divisors such that $\mathcal{D}_Y=\mathcal{O}(D_Y)$ and $\mathcal{L}=\mathcal{O}(L)$, so $L$ is half of the branch divisor. \subsection{} Let $D_i$ be a smooth irreducible curve on $S_i$ such that the divisor $D_i$ is invariant for $\iota_i$. Then $\iota_i^*$ acts on $H^0(S_i,D_i)^{\vee}$. Let us denote by $H^0(S_i,D_i)_{\pm 1}$ the eigenspace relative to the eigenvalue $\pm 1$ for the action of $\iota_i$ on $H^0(S_i,D_i)$. Let $h_i$ be the dimension of $\mathbb{P}(H^0(S_i,D_i)_{+1}^{\vee})$. It holds \begin{cor}\label{cor: dimensions of D1D2 on Y} Let $S_i$, $D_i$, $D_Y$, $L$ and $h_i$ be as above. Then $\varphi_{|D_Y|}:Y\rightarrow\mathbb{P}^{N}$ where $N:=(h_1+1)(h_2+1)+(g(D_1)-h_1)(g(D_2)-h_2)-1$ and $\varphi_{|D_Y-L|}:Y\rightarrow\mathbb{P}^{M}$ where $M:=(h_1+1)(g(D_2)-h_2)+(g(D_1)-h_1)(h_2+1)-1$. \end{cor} \proof By Corollary \ref{cor: D_i on S_i and h^0(S_1xS_2)} the map $\varphi_{|D_1+D_2|}$ is a map from $S_1\times S_2$ to the Segre embedding of $\mathbb{P}(H^0(S_1,D_1)^{\vee})$ and $\mathbb{P}(H^0(S_2,D_2)^{\vee})$. The action of the automorphism $\iota_1\times\iota_2$ on $H^0(S_1\times S_2, D_1+D_2)$ is induced by the action of $\iota_i$ on $H^0(S_i,D_i)$ and in particular $H^0(S_1\times S_2, D_1+D_2)_{+1}=H^0(S_1,D_1)_{+1}\otimes H^0(S_2,D_2)_{+1}\oplus H^0(S_1,D_1)_{-1}\otimes H^0(S_2,D_2)_{-1}$, whose dimension is $(h_1+1)(h_2+1)+(g(D_1)-h_1)(g(D_2)-h_2)$. By Section \ref{subsection: linear systems on Y}, the divisors $D_Y$ and $D_Y-L$ define on $Y$ two maps whose target space is the projection of $\mathbb{P}(H^0(S_1\times S_2,D)^{\vee})$ to the eigenspaces for the action of $\iota_1\times \iota_2$ and the image is the projection of $\varphi_{|D|}(S_1\times S_2)$. So the target space of $\varphi_{|D_Y|}$ is $\mathbb{P}(H^0(S_1\times S_2, D_1+D_2)_{+1}^{\vee})$, whose dimension is $(h_1+1)(h_2+1)+(g(D_1)-h_1)(g(D_2)-h_2)-1$. Similarly one concludes for $\varphi_{|D_Y-L|}$.\endproof \begin{lem}\label{lem: dimensions deltai on Y} Let $D_i$ be an effective divisor on $S_i$ invariant for $\iota_i$ and $h_i$ be the dimension of $\mathbb{P}(H^0(S_i,D_i)_{+1}^{\vee})$ for $i=1,2$. Denote by $\delta_{D_i}$ the divisor on $Y$ such that $q^*(\delta_{D_i})=b^*(\pi_i^*(D_i))$. Then $$H^0(S_1\times S_2, \pi_i^*(D_i))\simeq H^0(S_i,D_i)\mbox{ and }\dim (\mathbb{P}(H^0(Y,\delta_{D_i})))=h_i,$$ for $i=1,2$. \end{lem} \section{Projective models and fibrations}\label{sec_FibEmod} The aim of this section is to apply the general results of the previous sections to our specific situation. So, let $(S_1,\iota_1)$ and $(S_2,\iota_2)$ be as in Section \ref{say_K3} (i.e. $S_1$ is a double cover of $\mathbb{P}^2$, $\iota_1$ is the cover involution, $S_2$ is an elliptic fibration and $\iota_2$ is the elliptic involution). We now consider some interesting divisors on $S_1$ and $S_2$. \subsection{} Let $h\in \operatorname{Pic}(S_1)$ be the pullback of the hyperplane section of $\mathbb{P}^2$ by the generically $2:1$ map $\rho'\colon S_1\rightarrow\mathbb{P}^2$. The divisor $h$ is a nef and big divisor on $S_1$ and the map $\varphi_{|h|}$ is generically $2:1$ to the image (which is $\mathbb{P}^2$). The action of $\iota_1$ is the identity on $H^0(S_1,h)^{\vee}$, since $\iota_1$ is the cover involution. We recall that the branch locus of $\rho'$ is a sextic with $n$ simple nodes in general position, for $0\leq n\leq 8$. As explained in Section 3, in order to construct a smooth double cover we first blow up $\mathbb{P}^2$ at the $n$ nodes of the sextic obtaining a del Pezzo surface $dP$. Thus on $S_1$ there are $n$ rational curves, lying over these exceptional curves. We denote these curves by $R_i$, $i=1,\ldots,n $. We will denote by $H$ the divisor $3h-\sum_{i=1}^nR_i$ if $n\geq 1$ or the divisor $3h$ if $n=0$. Observe that $H$ is the strict transform of the nodal sextic in $\mathbb{P}^2$. For a generic choice of $S_1$ the Picard group of $S_1$ is generated by $h$ and $R_i$. The divisor $H$ is an ample divisor, because it has a positive intersection with all the effective $-2$ classes. Moreover, $H^2=18-2n>2$, if $n\leq 7$. By \cite{SD}, this divisor can not be elliptic and so the map $\varphi_{|H|}$ is $1:1$ onto its image in $\mathbb{P}^{10-n}$. The divisor $\frac{1}{2}\rho_*(H)$ is the anticanonical divisor of the del Pezzo surface $dP$, which embeds $dP$ in $\mathbb{P}^{9-n}=\mathbb{P}(H^0(dP,\frac{1}{2}\rho_*(H))^{\vee})$. Since $\iota_1$ is the cover involution of $\rho$, the action of $\iota_1^*$ on $H^0(S_1,H)^{\vee}$ has a $(10-n)$-dimensional eigenspace for the eigenvalue $+1$ and a $1$-dimensional eigenspace for the eigenvalue $-1$. Observe that with this description, the projection $\mathbb{P}(H^0(S_1, H)^{\vee}) \rightarrow \mathbb{P}(H^0(S_1, H)^{\vee}_{+1})$ from the point $\mathbb{P}(H^0(S_1, H)^{\vee}_{-1})$ coincides with the double cover $\rho$. Notably, if $n=6$, the del Pezzo surface $dP$ is a cubic surface in $\mathbb{P}^3_{(x_0:x_1:x_2:x_3)}$, whose equation is $f_3(x_0:x_1:x_2:x_3)=0$. In this case the divisor $H$ embeds the K3 surface $S_1$ in $\mathbb{P}^4$ as complete intersection of a quadric with equation $x_4^2=g_2(x_0:x_1:x_2:x_3)$ and the cubic $f_3(x_0:x_1:x_2:x_3)=0$ and $\iota_1$ acts multiplying $x_4$ by $-1$. \subsection{} Let $S_2$ be a K3 surface with an elliptic fibration. Generically $\operatorname{Pic}(S_2)$ is spanned by the divisors $F$ and $O$, the class of the fiber and the class of the section respectively. If $S_2$ has some other properities, for example some reducible fibers, then there are other divisors on $S_2$ linearly independent from $F$ and $O$. In any case, it is still true that $\langle F,O\rangle$ is primitively embedded in $\operatorname{Pic}(S_2)$. We consider two divisors on $S_2$: $F$ and $4F+2O$. The divisor $F$ is by definition the class of the fiber of the elliptic fibration on $S_2$, so that $\pi=\varphi_{|F|}:S_2\rightarrow \mathbb{P}^1$ is the elliptic fibration on $S_2$. In particular $F$ is a nef divisor, but it is not big, and it is invariant for $\iota_2$ (since $\iota_2$ preserves the fibration). Moreover $\iota_2$ preserves each fiber of the fibration, therefore $\iota_2^*$ acts as the identity on $H^0(S_2,F)^{\vee}$. It is easy to see that the divisor $4F+2O$ is a nef and big divisor. The map $\varphi_{|4F+2O|}$ contracts the zero section and possibly the non trivial components of the reducible fibers of the fibration. We see that \[\varphi_{|4F+2O|}\colon S_2 \stackrel{2:1}{\longrightarrow} \varphi_{|4F+2O|}(S_2) \] is a double cover, where $\varphi_{|4F+2O|}(S_2)$ is the cone over a rational normal curve of degree 4 in $\mathbb{P}^5$. Blowing up of the vertex of $\varphi_{|4F+2O|}(S_2)$ we obtain a surface isomorphic to the Hirzebruch surface $\mathbb{F}_4$. The involution $\iota_2$ is the associated cover involution, this means that $\iota_2^*$ acts as the identity on $H^0(S_2,4F+2O)^{\vee}$. \subsection{} We observe that the divisors $h$, $H$, $F$ and $4F+2O$ are invariant for the action of $\iota_i$ for some $i$. So by Corollary \ref{cor: dimensions of D1D2 on Y} we get the following \begin{prop}\label{prop: maps induced by D_Y} Let $Y$ and the divisors on $Y$ be as above, then \begin{enumerate} \item the map \[ \xymatrix{\varphi_{|(h+F)_Y|}: &Y\ar[rr]\ar[rd]&& \mathbb{P}^5\\ &&\mathbb{P}^2\times\mathbb{P}^1\ar[ru]^{\sigma_{2,1}}}\] is an elliptic fibration on the image of $\mathbb{P}^2\times\mathbb{P}^1$ by the Segre embedding; \item the map \[ \xymatrix{\varphi_{|(H+F)_Y|}: &Y\ar[rr]\ar[rd]&& \mathbb{P}^{19-2n}\\ &&\mathbb{P}^{9-n}\times\mathbb{P}^1\ar[ru]^{\sigma_{9-n,1}}}\] is the same elliptic fibration as in (1) with different projective model of the basis, i.e. the image of $dP\times \mathbb{P}^1$ via $\sigma_{9-n,1}$; \item the map \[ \xymatrix{\varphi_{|(h+(4F+2O))_Y|}: &Y\ar[rr]\ar[rd]&& \mathbb{P}^{17}\\ &&\mathbb{P}^2\times\mathbb{P}^5\ar[ru]^{\sigma_{2,5}}}\] is a generically $2:1$ map onto its image contained in $\sigma_{2,5}(\mathbb{P}^2\times \mathbb{P}^5)$; \item the map \[ \xymatrix{\varphi_{|(H+(4F+2O))_Y|}: &Y\ar[rr]\ar[rd]&& \mathbb{P}^{59-6n}\\ &&\mathbb{P}^{9-n}\times\mathbb{P}^5\ar[ru]^{\sigma_{9-n,5}}}\] is birational onto its image contained in $\sigma_{9-n,5}(\mathbb{P}^{9-n}\times \mathbb{P}^5)$. \end{enumerate} \end{prop} \proof The points (1) and (2) are proved in Section \ref{subsec: fibrations}. The points (3) and (4) are proved in Section \ref{subsec: projective models}.\endproof \begin{prop}\label{prop: maps induced by delta_Y} Using the same notation as for Lemma \ref{lem: dimensions deltai on Y} we have: \begin{enumerate} \item $\varphi_{|\delta_h|}:Y\rightarrow\mathbb{P}^2$ is an isotrivial fibration in K3 surfaces whose generic fiber is isomorphic to $S_2$. \item $\varphi_{|\delta_H|}:Y\rightarrow\mathbb{P}^{9-n}$ is the same fibration as in (1) with a different projective model of the basis. \item $\varphi_{|\delta_F|}:Y\rightarrow\mathbb{P}^1$ is a fibration in Calabi--Yau 3-folds whose generic fiber is the Borcea--Voisin of the K3 surface $S_1$ and the elliptic fiber of the fibration $\pi$. \item $\varphi_{|\delta_{4F+2O}|}:Y\rightarrow\mathbb{P}^5$ is an isotrivial fibration in K3 surfaces whose generic fiber is isomorphic to $S_1$. \end{enumerate} \end{prop} \proof The proof is explained in Section \ref{subsec: fibrations}, where all the previous maps are described in details.\endproof \subsection{Fibrations on \texorpdfstring{$Y$}{Y}}\label{subsec: fibrations} As the natural map $\rho' \times \pi: S_1 \times S_2 \longrightarrow \mathbb{P}^2 \times \mathbb{P}^1$ satisfies $(\rho \times \pi) \circ \iota = \rho \times \pi$, we have an induced map $X \longrightarrow \mathbb{P}^2 \times \mathbb{P}^1$. The composition of this map with the resolution $Y \longrightarrow X$ and with the two projections then gives the following: \begin{enumerate} \item an elliptic fibration $\mathcal{E}: Y \longrightarrow \mathbb{P}^2 \times \mathbb{P}^1$; \item a $K3$-fibration $\mathcal{G}: Y \longrightarrow \mathbb{P}^2$; \item a fibration in elliptically fiberd threefolds $\mathcal{H}: Y \longrightarrow \mathbb{P}^1$. \end{enumerate} We describe these fibrations: \medskip {\bf (1)} The map $\mathcal{E}: Y \longrightarrow \mathbb{P}^2 \times \mathbb{P}^1$ is induced by the divisor $(h+F)_Y$ since $\varphi_{|h|}:S+1ra\mathbb{P}^2$ and $\varphi_{|F|}:S_1\rightarrow\mathbb{P}^1$. We already described the properties and the singular fibers for this fibration in \ref{subsec: singular fibers}. \medskip The composition of $\varphi_{|H|}(S_1)$ and the projection to the invariant subspace of $\mathbb{P}^{10-n}$ exhibits $S_1$ as double cover of the del Pezzo surface $dP$ anticanonically embedded in $\mathbb{P}^{9-n}$. The del Pezzo surface $dP$ is the blow up of $\mathbb{P}^2$ in $n$ points and the double cover $S_1\rightarrow dP$ corresponds (after the blow up) to the double cover $\varphi_{|h|}:S_1\rightarrow\mathbb{P}^2$ since $H=3h-\sum_{i=1}^nR_i$. Thus, the map $\varphi_{|(H+F)_Y|}$ is the same fibration as $\varphi_{|(h+F)_Y|}$, with a different model for the basis (which is now $dP\times \mathbb{P}^1$). \medskip {\bf (2)} The map $\mathcal{G}: Y \longrightarrow \mathbb{P}^2$ is induced by $\delta_h$. The fiber of these fibrations are isomorphic to $S_2$ since we have the following commutative diagram \[ \xymatrix{ S_1\times S_2\ar[r]\ar[d]^{/\iota_1\times \iota_2}&S_1\ar[d]^{\rho}\ar[dr]^{\varphi_{|h|}}\\ X\ar[r]&dP\ar[r]&\mathbb{P}^2.} \] The singular fibers of $\mathcal{G}$ lie over the branch curve $C\subset\mathbb{P}^2$ of the double cover $S_1\rightarrow\mathbb{P}^2$. Let $P\in C$. It is easy to see that $(\rho' \times \pi)^{-1}(pr_{\mathbb{P}^2}^{-1}(P))$ is given by $P \times S_2$, and so in the quotient $X$ we see a surface isomorphic to $S_2 / \iota_2$, which is a surface obtained from $\mathbb{F}_4$ by mean of blow ups. Moreover, under the blow up $Y \longrightarrow X$ we add a certain number of ruled surfaces: these last are all disjoint one from each other, and meet the blow up of $\mathbb{F}_4$ on the base curve of the rulings, i.e.\ on the section $O$, on the trisection $T$ and possibly on the rational fixed components $E_i$ (which are necessarily contained in reducible not-reduced fibers).\\ For the same reason as above, $\varphi_{|\delta_{H}|}$ is the fibration $\mathcal{G}$ with a different description of the basis. \medskip {\bf (3)} The fibration $\mathcal{H}$ is induced by $\delta_F$. For every $t\in \mathbb{P}^1$ we denote by $F_t$ the elliptic fiber of $S_2\rightarrow\mathbb{P}^1$ over $t$. The inclusion $S_1\times F_t\subset S_1\times S_2$ induces $$\xymatrix{& S_1\times F_t\ar@{^(->}[r]\ar[d]^{/\iota_1\times (\iota_2)_{|F_t}}&S_1\times S_2\ar[d]^{/\iota_1\times \iota_2}\\ BV(S_1,F_t)\ar[r]&(S_1\times F_t)/(\iota_1\times (\iota_2)_{|F_t})\ar@{^(->}[r]&X&Y\ar[l]}$$ So the fibers of $\varphi_{\delta_F}$ are Borcea--Voisin Calabi--Yau 3-folds which are elliptically fibered by definition. The singular fibers lie on $\Delta(\pi)$. \medskip {\bf (4)} Moreover there is another K3-fibration. Indeed, the map $\varphi_{|\delta_{4F+2O}|}$ gives an isotrivial fibration in K3 surfaces isomorphic to $S_1$ and with basis the cone over the rational normal curve in $\mathbb{P}^4$, by the diagram $$\xymatrix{ S_1\times S_2\ar[r]\ar[d]^{/\iota_1\times \iota_2}&S_2\ar[d]^{/\iota_2}\\ X\ar[r]&(S_2/\iota_2)\ar[r] & \mathbb{P}^5.}$$ \subsection{Projective models}\label{subsec: projective models} By the diagram $$\xymatrix{ & S_1\times S_2\ar[d]_{2:1}\ar[rrr]_{4:1}^{\varphi_{|h|}\times \varphi_{|4F+2O|}} & & & \mathbb{P}^2\times\mathbb{P}^5\ar@{^(->}[r]_{\sigma_{2,5}}&\mathbb{P}^{17} \\ Y \ar[r] & X \ar[rrru]_{2:1} & &} $$ we can describe the map induced by the linear system $|(h + 4F + 2O)_Y|$ on $Y$ as a double cover of the image (under the Segre embedding of the ambient spaces) of $\varphi_{|h|}(S_1) \times \varphi_{|4F + 2O|}(S_2)$, which is the product of $\mathbb{P}^2$ with the cone over the rational normal curve of degree $4$. This map is generically $2:1$, and its branch locus is given by the union of the product of the sextic curve in $\mathbb{P}^2$ with the vertex of the cone (the fiber over such points is a curve) and the product of the sextic with the trisection; the generic fiber is a single point, but there may be points where the fiber is a curve. The last case occurs only if the fibration $\pi:S_2\rightarrow\mathbb{P}^1$ has reducible non-reduced fibers. To describe the map induced by $|(H + 4F + 2O)_Y|$ we use the following diagram $$\xymatrix{ & S_1\times S_2\ar[d]_{2:1}\ar[rrr]_{2:1}^{\varphi_{|H|}\times \varphi_{|4F+2O|}} & & & \mathbb{P}^{10-n}\times\mathbb{P}^5\ar@{^(->}[r]_{\sigma_{10-n,5}} \ar[d] &\mathbb{P}^{65-6n} \\ Y \ar[r] & X \ar[rrr]_{1:1}^{\varphi_{|(H + 4F + 2O)_Y|}} & & & \mathbb{P}^{9-n} \times \mathbb{P}^5\ar@{^(->}[r]_{\sigma_{9-n,5}}&\mathbb{P}^{59-6n}}. $$ where $\mathbb{P}^{10-n}\times\mathbb{P}^5\rightarrow \mathbb{P}^{9-n}\times\mathbb{P}^5$ is induced by the projection of $\mathbb{P}^{10-n}=\mathbb{P}(H^0(S_1,H)^{\vee})$ to $\mathbb{P}(H^0(S_1,H)^{\vee}_{+1})$. Recall that $H$ is an ample divisor on $S_1$ (indeed, it is very ample), so the image of $\varphi_{|H|}\times \varphi_{|4F+2O|}$ is the product of $S_1$ and the cone over the rational normal curve of degree $4$. Observe that generically this map is $2:1$, and so it descends to a $1:1$ map on $X$ and on $Y$ . So $\varphi_{|(H + 4F + 2O)_Y|}$ maps $Y$ on the product of $dP$ with the cone over the rational normal curve of degree $4$. \section{Explicit equations of \texorpdfstring{$Y$}{Y}}\label{sec: explicit} The aim of this section is to give some explicit equations for the projective models described above, in terms of the corresponding equations for $S_i$. With a slight abuse, in this section we will substitute $\mathbb{F}_4$ to its singular model as the cone on the rational normal curve of degree $4$. In this way we will obtain better models for $Y$. \subsection{} Let $S_1$ be the double cover of $\mathbb{P}^2_{(x_0:x_1:x_2)}$ whose equation is \begin{equation}\label{eq S_1}w^2=f_6(x_0:x_1:x_2)\end{equation} so that the curve $C$ is $V(f_6(x_0:x_1:x_2))$. We assume that $C$ is irreducible, even if some of the following results can be easily generalized. The cover involution $\iota_1$ acts as $(w;(x_0:x_1:x_2))\mapsto (-w;(x_0:x_1:x_2))$. \subsection{}\label{sect: condition for cy} Before giving the description of $S_2$, we make a little digression on the Weierstrass equation of an elliptic fibration. In particular, let $Y \longrightarrow V$ be an elliptic fibration and \begin{equation}\label{eq: weir}y^2 = x^3 + A x + B\end{equation} an equation for its Weierstrass model. The condition that $Y$ is a Calabi--Yau variety is equivalent to \[A \in H^0(V, -4K_V), \qquad B \in H^0(V, -6K_V).\] The discriminant $\Delta$ is then an element of $H^0(V, -12K_V)$. In particular if $V$ is $\mathbb{P}^m$ (resp. $\mathbb{P}^n\times \mathbb{P}^m$), the functions $A$, $B$ and $\Delta$ are homogeneous polynomials of degree $4m+4$, $6m+6$ and $12m+12$ (resp. of bidegree $(4n+4,4m+4)$, $(6n+6,6m+6)$ and $(12n+12,12m+12)$). We observe that, if $V$ is $\mathbb{P}^m$ (resp. $\mathbb{P}^n\times \mathbb{P}^m$) requiring that all the singular fibers of the elliptic fibration \eqref{eq: weir} are of type $I_5$ implies that $m\equiv 4\mod 5$ (resp. $n\equiv 4\mod 5$ and $m\equiv 4\mod 5$). In case $V$ is a 3-fold, this gives a stronger version of Remark \ref{rem: no only I5}. \subsection{} Let $S_2$ be the elliptic K3 surface whose Weierstrass equation is \begin{equation}\label{eq S_2 weierstrass} y^2=x^3+A(t:s)x+B(t:s), \end{equation} where (according to the previous section) $A(t: s)$, $B(t:s)$ are homogeneous polynomials of degree $8$ and $12$ respectively. For generic choices of $A(t:s)$ and $B(t:s)$ the elliptic fibration \eqref{eq S_2 weierstrass} has 24 nodal curves as unique singular fibers. For specific choices one can obtain other singular and reducible fibers. The cover involution $\iota_2$ acts as $(y,x;(t:s))\mapsto (-y,x;(t:s))$. Equivalently $S_2$ is the double cover of the Hirzebruch surface $\mathbb{F}_4$ given by \begin{equation}\label{eq s_2 hirz} u^2=z(x^3+A(t:s)xz^2+B(t:s)z^3) \end{equation} where the coordinates $(t,s,x,z)$ are the homogeneous toric coordinates of $\mathbb{F}_4$, see e.g. \cite[$\S$2.3]{CG13}. The action of $\iota_2$ on these coordinates is $(u,t,s,x,z)\mapsto(-u,t,s,x,z)$. Observe that the curve on $\mathbb{F}_4$ defined by $z (x^3 + A(t: s) x z^2 + B(t: s) z^3) = 0$ is linearly equivalent to $-2K_{\mathbb{F}_4}$. \subsubsection{}\label{subsec: elliptic fibration with I5's} The choice of particular polynomials in \eqref{eq S_2 weierstrass} is associated to the choice of particular fibers of the fibration. Indeed, this elliptic fibration has a $I_5$-fiber in $(\overline{t}:\overline{s})$ if and only if the following three conditions hold: \begin{enumerate} \item $A(\overline{t}:\overline{s})\neq 0$; \item $B(\overline{t}:\overline{s})\neq 0$; \item $\Delta$ vanishes of order 5 in $(\overline{t}:\overline{s})$, where $\Delta:=4A^3+27B^2$. \end{enumerate} Up to standard transformations one can assume that the fiber of type $I_5$ is over $t=0$ and \[ A(t:s):=t^8+\sum_{i=1}^7a_it^is^{8-i}-3s^8, \] \begin{align*} B(t:s):=b_{12}t^{12}+\sum_{i=5}^{11}b_it^is^{12-i}+(-a_4+\frac{a_1^4}{1728}+\frac{a_3a_1}{6}+\frac{a_2^2}{12}+\frac{a_2a_1^2}{72})t^4s^8+ \\ + (-a_3+\frac{a_2a_1}{6}+\frac{a_1^3}{216})t^3s^9+(-a_2+\frac{a_1^2}{12})t^2s^{10}-a_1t^1s^{11}+2s^{12} . \end{align*} We observe that the polynomials $A(t:s)$ and $B(t:s)$ depend on $14$ parameters and, indeed, $14$ is exactly the dimension of the family of K3 surfaces whose generic member has an elliptic fibration with one fiber of type $I_5$. We already noticed that an elliptic fibration on a K3 surface has at most 4 fibers of type $I_5$ and indeed there are two distinct families of K3 surfaces with this property: the Mordell--Weil group of the generic member of one of these surfaces is trivial, the one of the other is $\mathbb{Z}/5\mathbb{Z}$, \cite[Case 2345, Table 1]{Shim}. The K3 surfaces of the latter family are known to be double cover of the extremal rational surface $[1,1,5,5]$ whose Mordell--Weil group is $\mathbb{Z}/5\mathbb{Z}$, see \cite[Section 9.1]{SS} for the definition of the rational surface. By this property it is easy to find the Weierstrass equation of the K3 surface (as described in \cite[Section 4.2.2]{BDGMSV17}). Indeed, the equation of the rigid rational fibration over $\mathbb{P}^1_{(\mu)}$ is \begin{equation}\label{eq: Weierstrass R5511} y^2=x^3+A(\mu)x+B(\mu), \ \ \mbox{where}\end{equation} $$A(\mu):=-\frac{1}{48}\mu^4-\frac{1}{4}\mu^3\lambda-\frac{7}{24}\mu^2\lambda^2+\frac{1}{4}\mu\lambda^3-\frac{1}{48}\lambda^4,\mbox{ and }$$ $$B(\mu):=\frac{1}{864}\mu^6+\frac{1}{48}\mu^5\lambda+\frac{25}{288}\mu^4\lambda^2+\frac{25}{288}\mu^2\lambda^4-\frac{1}{48}\mu\lambda^5+\frac{1}{864}\lambda^6. $$ In order to obtain the two dimensional family of K3 surfaces we are looking for, it suffices to apply a base change of order two $f:\mathbb{P}^1_{(t:s)}\rightarrow\mathbb{P^1}_{(\mu:\lambda)}$ to the rational elliptic surface. In particular if $f$ branches over $(p_1:1)$ and $(p_2:1)$ the base change $\mu=p_1t^2+s^2$, $\lambda=t^2+s^2/p_2$ produces the required K3 surface if the fibers over $(p_1:1)$ and $(p_2:1)$ of the rational elliptic surface are smooth. \subsection{The elliptic fibration \texorpdfstring{$\mathcal{E}$}{E}} Let us now consider the equation \eqref{eq S_1} for $S_1$ and the equation \eqref{eq S_2 weierstrass} for $S_2$. The action of $\iota_1\times \iota_2$ on $S_1\times S_2$ leaves invariant the functions $Y:=yw^3, X:=xw^2,\ \ x_0,\ \ x_1,\ \ x_2,\ \ t,\ \ s$. Hence an equation for a birational model of $Y$ expressed in these coordinates is \begin{equation}\label{eq: Y weierstrass cF} Y^2=X^3+A(t:s)f_6^2(x_0:x_1:x_2)X+B(t:s)f_6^3(x_0:x_1:x_2). \end{equation} The previous equation is a Weierstrass form for the elliptic fibration \[ \mathcal{E}:Y\rightarrow\mathbb{P}^2_{(x_0:x_1:x_2)}\times\mathbb{P}^1_{(t:s)}. \] Observe that the coefficient $A(t:s)f_6^2(x_0:x_1:x_2)$ and $B(t:s)f_6^3(x_0:x_1:x_2)$ are bihomogeneous on $\mathbb{P}^2 \times \mathbb{P}^1$ of bidegree $(12, 8)$ and $(18, 12)$ respectively, so by \ref{sect: condition for cy} we have another proof that the total space of the elliptic fibration $\mathcal{E}$ is indeed a Calabi--Yau variety. One can check the properties of this fibration described in Section \ref{subsec: singular fibers} directly by the computation of the discriminant of the Weierstrass equation \eqref{eq: Y weierstrass cF}, indeed \[ \Delta(\mathcal{E})=f_6^6(x_0:x_1:x_2)(4A^3(t:s)+27B^2(t:s))=f_6^6(x_0:x_1:x_2)\Delta(\pi). \] We observe that in this birational model the basis of the fibration is $\mathbb{P}^2\times\mathbb{P}^1$ and the del Pezzo surface contained in the discriminant is the blow up of $\mathbb{P}^2$ in the singular points of $f_6(x_0:x_1:x_2)$. The singular fibers due to the factor $\Delta(\pi)$ in $\Delta(\mathcal{E})$ are not generically modified by the blow up of $\mathbb{P}^2$ in $n$ points, so that over the generic point of $\mathbb{P}^2$ (and thus of del Pezzo surface) the singular fibers of $\mathcal{E}$ corresponds to singular fibers of $\pi$. In some special cases it is also possible to write more explicitly a Weierstrass form of this elliptic fibration with basis the product of the del Pezzo surface and $\mathbb{P}^1_{(t:s)}$, as we see in \ref{subsec: n=6} and \ref{subsec: n=5}. \begin{rem}{\rm A generalization of this construction produces 4-folds with Kodaira dimension equal to $-\infty$ (resp. $>0$) with an elliptic fibration. Indeed it suffices to consider $S_2$ which is no longer a K3 surface, but a surface with Kodaira dimension $-\infty$ (resp. $>0$) admitting an elliptic fibration with basis $\mathbb{P}^1$. So the equation of $S_2$ is $y^2=x^3+A(t:s)x+B(t:s)$ with $deg(A(t:s))=4m$ and $deg(B(t:s))=6m$ for $m=1$ (resp. $m>2$). The surface $S_2$ admits the elliptic involution $\iota_2$ and $(S_1\times S_2)/\iota_1\times \iota_2$ admits as Weierstrass equation analogous to \eqref{eq: Y weierstrass cF}.}\end{rem} \subsubsection{$n=6$}\label{subsec: n=6} Let us assume that $C$ has $n=6$ nodes in general position. In this case the del Pezzo surface $dP$ has degree 3 and is canonically embedded as a cubic in $\mathbb{P}^3_{(y_0:y_1:y_2:y_3)}$. So it admits an equation of the form $g_3(y_0:y_1:y_2:y_3)=0$. The image of $C$ under this embedding is the complete intersection of $g_3=0$ and a quadric $g_2(y_0:y_1:y_2:y_3)=0$ in $\mathbb{P}^3$. The K3 surface $S_1$ is embedded by $\varphi_{|H|}$ in $\mathbb{P}^4{(y_0:y_1:y_2:y_3:y_4)}$ as complete intersection of a cubic and a quadric, and since it is the double cover of $dP$, its equation is \begin{eqnarray}\label{eq: S1 if n=6}\left\{\begin{array}{rrrr} y_4^2&=&g_2(y_0:y_1:y_2:y_3)\\ 0&=&g_3(y_0:y_1:y_2:y_3).\end{array}\right.\end{eqnarray} The involution $\iota_1$ acts on $\mathbb{P}^4$ changing only the sign of $y_4$. With the same argument as before, this leads to the following equation for a birational model of $Y$: \begin{eqnarray}\label{eq: Y if n=6}\left\{\begin{array}{l} Y^2=X^3+A(t:s)g_2^2(y_0:y_1:y_2:y_3)X+B(t:s)g_2^3(y_0:y_1:y_2:y_3)\\ g_3(y_0:y_1:y_2:y_3)=0.\end{array}\right.\end{eqnarray} The first equation is the Weierstrass form of an elliptic fibration with basis $\mathbb{P}^3\times\mathbb{P}^1$ and the second equation corresponds to restrict this equation to the del Pezzo surface embedded in the first factor (i.e. in $\mathbb{P}^3$). \begin{cor}\label{corollary explcit equation} The equation \begin{align*} \left\{\begin{array}{l} Y^2=X^3+\left(\sum_{i=0}^8a_it^is^{8-i}\right)g_2^2(y_0:y_1:y_2:y_3)X+\left(\sum_{i=0}^{12}b_it^is^{12-i}\right)g_2^3(y_0:y_1:y_2:y_3)\\ g_3(y_0:y_1:y_2:y_3)=0.\end{array}\right. \end{align*} where $g_i$ is an homogenous polynomial of degree $i$ in $\mathbb{C}[y_0:y_1:y_2:y_3]$, \[ a_0=-3, \, b_0=2, \, b_1=-a_1, \, b_2=-a_2+\frac{a_1^2}{12}, \, b_3=-a_3+\frac{a_2a_1}{6}+\frac{a_1^3}{216} \] \[ \mbox{and } b_4=-a_4+\frac{a_1^4}{1728}+\frac{a_3a_1}{6}+\frac{a_2^2}{12}+\frac{a_2a_1^2}{72}, \] describes a birational model of a Calabi--Yau 4-fold with an elliptic fibration such that the fibers over the del Pezzo surface $(g_3(y_0:y_1:y_2:y_3)=0)\times (t=0)\subset\mathbb{P}^3\times\mathbb{P}^1_{t}$ are generically of type $I_5$. \end{cor} The other singular fibers are described by the zeros of the discriminant $$g_2^6(y_0:y_1:y_2:y_3)\left(4\left(\sum_{i=0}^8a_it^is^{8-i}\right)^3+27\left(\sum_{i=0}^{12}b_it^is^{12-i}\right)^2\right).$$ \begin{rem}{\rm With the same process one obtains the equation of elliptic fibration over $dP\times \mathbb{P}^1$ such that there are $m\leq 4$ del Pezzo surfaces in $dP\times \mathbb{P}^1$ over each of them the general fiber is of type $I_5$. To do this it suffices to specialize the coefficients $a_i$, $b_i$ according to the conditions described in Section \ref{subsec: elliptic fibration with I5's}. In case $m=4$ there are two different specializations, one of them is associated to the presence of a 5-torsion section and its equation is the given in Section \ref{subsec: elliptic fibration with I5's}.}\end{rem} \subsubsection{$n=5$}\label{subsec: n=5} Similarly we treat the case $n=5$. So let us assume that $C$ has $n=5$ nodes in general position. In this case the del Pezzo surface $dP$ has degree 4 and is canonically embedded in $\mathbb{P}^4_{(y_0:y_1:y_2:y_3:y_4)}$ as complete intersection of two quadrics $q_2=0$ and $q_2'=0$. The image of $C$ under this embedding is the complete intersection of the del Pezzo with a quadric $q''_2=0$. The K3 surface $S_1$ is embedded by $\varphi_{|H|}$ in $\mathbb{P}^5{(y_0:y_1:y_2:y_3:y_4:y_5)}$ as complete intersection of three quadrics, and since it is the double cover of $dP$, its equation is \begin{eqnarray}\label{eq: S1 if n=5} \left\{\begin{array}{rrrr} y_5^2&=&q''_2(y_0:y_1:y_2:y_3:y_4)\\ 0&=&q'_2(y_0:y_1:y_2:y_3:y_4)\\ 0&=&q_2(y_0:y_1:y_2:y_3:y_4). \end{array}\right. \end{eqnarray} The involution $\iota_1$ acts on $\mathbb{P}^5$ changing only the sign of $y_5$. Hence a birational model of $Y$ is: \begin{align}\label{eq: Y if n=5} \left\{\begin{array}{l} Y^2=X^3+A(t:s){q''_2}^2(y_0:y_1:y_2:y_3:y_4)X+B(t:s){q''_2}^3(y_0:y_1:y_2:y_3:y_4)\\ q_2'(y_0:y_1:y_2:y_3:y_4)=0\\ q_2(y_0:y_1:y_2:y_3:y_4)=0. \end{array}\right. \end{align} The first equation is the Weierstrass form of an elliptic fibration with basis $\mathbb{P}^4\times\mathbb{P}^1$ and other two equations correspond to restrict this equation to the del Pezzo surface embedded in the first factor (i.e. in $\mathbb{P}^4$). \begin{rem}{\rm It is possible to obtain explicit equations for the elliptic fibrations with fiber(s) of type $I_5$ as in Corollary \ref{corollary explcit equation}.}\end{rem} \subsection{The double cover \texorpdfstring{$Y\rightarrow \mathbb{P}^2\times\mathbb{F}_4$}{Y -> P2 x F4}} Let us consider the equation \eqref{eq S_1} for $S_1$ and \eqref{eq s_2 hirz} for $S_2$. The following functions are invariant for $\iota_1\times \iota_2$ $$W:=uw,\ \ x_0,\ \ x_1,\ \ x_2,\ \ t,\ \ s,\ \ x,\ \ z$$ and they satisfy the equation \begin{equation}\label{eq double cover Y} W^2=f_6(x_0:x_1:x_2)z(x^3+A(t:s)xz^2+B(t:s)z^3). \end{equation} This equation exhibits a biration model of $Y$ as double cover of the rational 4-fold $\mathbb{P}^2\times\mathbb{F}_4$ branched over a divisor in $|-2K_{\mathbb{P}^2\times\mathbb{F}_4}|$. In particular this is the equation associated to the linear system $|(h+4F+2O)_Y|$. The projections of \eqref{eq double cover Y} gives different descriptions of projective models: the one associated to the linear system $|\delta_h|$ is obtained by the projection to $\mathbb{P}^2$; the one associated to $|\delta_{4F+2O}|$ is obtained by the projection to $\mathbb{F}_4\subset \mathbb{P}^5$; the one associated to the linear system $|\delta_F|$ is obtained to the projection to $\mathbb{P}^1_{(t:s)}$. Consider first the composition with the projection on $\mathbb{P}^2$ to obtain an equation for $\mathcal{G}$. Fix a point $(\bar{x}_0: \bar{x}_1: \bar{x}_2) \in \mathbb{P}^2$ and assume that $f_6(\bar{x}_0: \bar{x}_1: \bar{x}_2) \neq 0$. Then the corresponding fiber has equation \[W^2 = f_6(\bar{x}_0: \bar{x}_1: \bar{x}_2) z (x^3 + A(t: s) x z^2 + B(t: s) z^3),\] which is easily seen to be isomorphic to $S_2$ (substitute $W$ with $\sqrt{f_6(\bar{x}_0: \bar{x}_1: \bar{x}_2)}W$ to find an equation equivalent to \eqref{eq s_2 hirz}). Consider now the composition with the projection on $\mathbb{F}_4$. Fix a point $(\bar{t}, \bar{s}, \bar{x}, \bar{z}) \in \mathbb{F}_4$ which does not lie on the negative curve nor on the trisection. Then the corresponding fiber is \[W^2 = f_6(x_0: x_1: x_2) \bar{z} (\bar{x}^3 + A(\bar{t}: \bar{s}) \bar{x} \bar{z}^2 + B(\bar{t}: \bar{s}) \bar{z}^3),\] which is a $K3$ surface isomorphic to $S_1$. Finally we give an equation for $\mathcal{H}$. Let us put $z=1$ in \eqref{eq double cover Y} and perform the change of coordinates $w\mapsto w/f_6$, $x\mapsto x/f_6$. Multiplying the resulting equation by $f_6^2$, we obtain $$w^2=x^3+A(t:s)f_6^2(x_0:x_1:x_2)x+B(t:s)f_6^3(x_0:x_1:x_2).$$ For every fixed $(\overline{t}:\overline{s})\in\mathbb{P}^1$, this is the equation of a Calabi--Yau 3-fold of Borcea--Voisin type obtained from the K3 surface $w^2=f_6(x_0:x_1:x_2)$ and the elliptic curve $y^2=x^3+A(\overline{t}:\overline{s})x+B(\overline{t}:\overline{s})$, see \cite[Section 4.4]{CG13}. \subsubsection{} We now want to describe what happens if the sextic curve in $\mathbb{P}^2$ has $n = 6$ or $n = 5$ nodes. Assume first that $\rho': S_1 \longrightarrow \mathbb{P}^2$ is branched along a sextic with $6$ nodes. Then we can use \eqref{eq: S1 if n=6} and \eqref{eq s_2 hirz} to describe $S_1$ and $S_2$ respectively, and using the same argument as before (i.e.\ put $W = y_4 u$) we obtain the equation \[\left\{ \begin{array}{l} W^2 = g_2(y_0: y_1: y_2: y_3) z (x^3 + A(t:s) x z^2 + B(t: s) z^3)\\ 0 = g_3(y_0: y_1: y_2: y_3) \end{array} \right.\] which exhibits $Y$ as double cover of $dP\times \mathbb{F}^4$. Let us denote by $U\rightarrow \mathbb{P}^3\times \mathbb{F}_4$ the double cover branched on $g_2(y_0: y_1: y_2: y_3) z (x^3 + A(t:s) x z^2 + B(t: s) z^3)$. The branch divisor is $2H_{\mathbb{P}^3}-2K_{\mathbb{F}_{4}}$ and so $Y$ is a section of the anticanonical bundle of $U$. With a further change of variables, where the only non-identic transformation are $W' = g_2 W$ and $x' = g_2 x$, we then find the following equation for a birational model of $Y$ (we drop the primes for simplicity of notation) \[\left\{ \begin{array}{l} W^2 = z (x^3 + A(t:s) g_2^2(y_0: y_1: y_2: y_3) x z^2 + B(t: s) g_2^3(y_0: y_1: y_2: y_3) z^3)\\ 0 = g_3(y_0: y_1: y_2: y_3). \end{array} \right.\] Here the first equation gives an elliptic fibration over $\mathbb{P}^3 \times \mathbb{P}^1$ as a double cover, while the second restricts this fibration to $dP \times \mathbb{P}^1$. Analogously, if $n = 5$, then $S_1$ and $S_2$ are described by \eqref{eq: S1 if n=5} and \eqref{eq s_2 hirz} respectively, so that we have the following equation for $Y$: \[\left\{ \begin{array}{l} W^2 = q_2'' z (x^3 + A x z^2 + B z^3)\\ 0 = q_2'\\ 0 = q_2, \end{array} \right.\] with the same considerations as the case just treated. \subsection{An involution on $Y$} By construction $Y$ admits an involution $\iota$ induced by $\iota_1\times \operatorname{id}\in {\mathrm{Aut}}(S_1\times S_2)$ and acting as $-1$ on $H^{4,0}(Y)$. Since $\iota_1\times \operatorname{id}=(\iota_1\times \iota_2)\circ(\operatorname{id}\times \iota_2)$, $\iota$ is equivalently induced by $\operatorname{id}\times \iota_2$. The involution $\iota$ has a clear geometric interpretation in several models described above. By \ref{subsec: projective models}, $Y$ is a $2:1$ cover of $\mathbb{P}^2\times \mathbb{F}_4$ whose equation is given in \eqref{eq double cover Y}. The involution $\iota$ is the cover involution, indeed it acts as $-1$ on the variable $W:=uw$ and by \eqref{eq S_1} $\iota_1\times \operatorname{id}$ acts as $-1$ on $w$. By \ref{subsec: fibrations}, $Y$ admits the elliptic fibration $\mathcal{E}$ whose equation is given in \eqref{eq: Y weierstrass cF}. The involution $\iota$ is the cover involution, indeed it acts as $-1$ on the variable $Y:=yw^3$ and by \eqref{eq S_2 weierstrass} $\operatorname{id}\times \iota_2$ acts as $-1$ on $y$. Hence $Y/\iota$ is birational to $\mathbb{P}^2\times \mathbb{F}_4$ and admits a fibration in rational curves, whose fibers are the quotient of the fibers of the elliptic fibration $\mathcal{E}$.
dff720595070ee40ff05138457cc53db3afe0b55
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The aim of the birational anabelian program initiated by Bogomolov~\cite{bogomolov} at the beginning of the 1990's is to recover function fields $K|k$ of dimension $>1$ over algebraically closed fields from their absolute Galois group $G_K$. This cannot be possible in the one-dimensional case since then $G_K$ is profinite free of rank $|k|$ by results of Harbater~\cite{harbater} and Pop~\cite{pop-galois-covers}, containing therefore almost no information about $K$. We show however that $K|k$ can be recovered if in addition to $G_K$ also the larger automorphism group $\Aut(\overline{K}|k) \supseteq G_K$ fixing only the base field is provided. On the way, we prove a Galois-type correspondence for transcendental field extensions and give a group-theoretic characterisation of stabiliser subgroups for $\PGL(2,k)$ acting on ${\mathbb P}^1$. We use the following notation: Let $k$ be an algebraically closed base field. A function field $K|k$ is a finitely generated field extension. Its dimension is defined as the transcendence degree $\trdeg(K|k)$. If $F := \overline{K}$ is an algebraic closure, we write $G_{F|k} := \Aut(F|k)$ and denote the absolute Galois group of $K$ by $U_K := \Aut(F|K) \cong \Gal(K^{{\rm sep}}|K)$. The group $G_{F|k} \subseteq {\rm Map}(F,F)$ is endowed with the compact-open topology for discrete $F$, making $U_K$ an open subgroup whose induced topology agrees with the usual profinite Krull topology. \begin{thmalpha} \label{thm-function-field-main-theorem} Let $k$ be an algebraically closed field and $K|k$ a 1-dimensional function field with algebraic closure $F = \overline{K}$. If $(k',K',F')$ is another such triple, then the natural map $$\Phi: \Isom(F'|K'|k', F|K|k) \longrightarrow \Isom((G_{F|k},U_K), (G_{F'|k'},U_{K'}))$$ is a bijection. \end{thmalpha} The right hand side consists of isomorphisms of topological groups $G_{F|k} \isomto G_{F'|k'}$ which restrict to an isomorphism between the open subgroups $U_{K} \cong U_{K'}$. An isomorphism between field towers $F'|K'|k'$ and $F|K|k$ is by definition an isomorphism $\sigma: F' \isomto F$ restricting to isomorphisms $K' \cong K$ and $k' \cong k$. The natural map in the theorem assigns to such $\sigma$ the isomorphism $\Phi(\sigma): (G_{F|k},U_K) \isomto (G_{F'|k'},U_{K'})$ given by $$\Phi(\sigma)(\tau) = \sigma^{-1} \circ \tau \circ \sigma.$$ It is useful to not single out one function field in $F|k$ but rather work with the totality of them and study their interplay that comes from inclusions between them, or equivalently from morphisms between their complete nonsingular models. We therefore prove the following variant which, as proved at the end of Section~\ref{sec-galois-type-correspondence}, implies Theorem~\ref{thm-function-field-main-theorem}. \begin{thmalpha} \label{thm-main-theorem} Let $F|k$ be an extension of algebraically closed fields of transcendence degree 1. If $F'|k'$ is another extension of algebraically closed fields, the natural map \begin{align*} \Phi: \Isom^i(F'|k', F|k) &\longrightarrow \Isom(G_{F|k},G_{F'|k'}) \end{align*} is a bijection. \end{thmalpha} Here, $\Isom^i$ denotes the set of isomorphisms up to Frobenius twists, i.e.\ identifying $\sigma \sim \Frob^n \circ \sigma$ for $n \in {\mathbb Z}$ if $\Char(k) = \Char(k') = p > 0$, where $\Frob \in \Isom(F|k,F|k)$ is $\Frob(x) = x^p$. The present article is heavily based on~\cite{rovinsky}. It contains however several new aspects, most notably extending the results to function fields of positive characteristic. This required a Galois-type correspondence theorem for certain transcendental field extensions (Theorem~\ref{thm-galois}). Moreover, we include the details of how the stabiliser subgroups of $\PGL(2,k)$ acting on ${\mathbb P}^1$ are group-theoretically distinguished (Lemma~\ref{lem-stab-subgroups-in-pgl}) and present a simplified way of detecting decomposition groups (Lemma~\ref{lem-detect-dec-groups}). We also take an alternative route to reconstruct the function fields from there, namely via the reconstruction of ramification indices and principal divisors, whereas the approach of \cite{rovinsky} is based on linear systems. \subsection*{Acknowledgements} The author would like to thank Jakob Stix for careful proofreading and many helpful comments, Armin Holschbach for numerous discussions and Alexander Schmidt for supervising the master's thesis from which this article originated. \section{Injectivity} \label{sec-injectivity} We start by quickly treating the easier part of Theorem~\ref{thm-function-field-main-theorem}, namely the question of injectivity. In fact, we show the following stronger statement. \begin{thm} \label{thm-injectivity} Let $K$ be a function field of dimension $\geq 1$ over an algebraically closed field $k$, let $F$ be its algebraic closure and $U_K = \Aut(F|K)$ its absolute Galois group. If $(k',K',F')$ is another such triple, then the natural map $$\Isom(F'|K', F|K) \longrightarrow \Isom(U_K, U_{K'})$$ is injective. \end{thm} Note that the function fields $K$ and $K'$ are allowed to have any dimension $\geq 1$, and on the right hand side we have isomorphisms between $U_K$ and $U_{K'}$ rather than isomorphisms of pairs $(G_{F|k},U_K)$, $(G_{F'|k'},U_{K'})$. Thus the statement applies also to situations that Bogomolov's conjecture is concerned with. Our proof uses a valuation theoretic result of F.~K.~Schmidt and is similar to that of the last lemma in \cite{pop-galois-theory-of-function-fields}. Recall that a \defstyle{rank 1 valuation} on a field $K$ is a map $v: K \to {\mathbb R} \cup \{\infty\}$ satisfying \begin{enumerate}[leftmargin=1.5cm,label=(\alph*),itemsep=0ex] \item{$v(x) = \infty \; \Leftrightarrow \; x = 0;$} \item{$v(xy) = v(x) + v(y);$} \item{$v(x+y) \geq \min\{v(x), v(y)\};$} \end{enumerate} and moreover $v \not\equiv 0$ on $K^\times$. It is a \defstyle{discrete valuation} if its value group $v(K^\times)$ is a discrete subgroup of ${\mathbb R}$. Two rank 1 valuations $v$, $w$ on $K$ are \defstyle{equivalent}, written $v \sim w$, if $w = \lambda v$ for some $\lambda > 0$. The automorphism group $\Aut(K)$ acts on the set of rank 1 valuations on $K$ by the rule $\tau v = v \circ \tau^{-1}$. The \defstyle{decomposition group} of $v$ over a subfield $k \subseteq K$ is defined as $$Z_v(K|k) = \left\{ \tau \in \Aut(K|k) \suchthat \tau v \sim v \right\}.$$ The field $K$ is \defstyle{henselian} with respect to the valuation $v$ if $v$ extends uniquely to every algebraic extension of $K$. \begin{lem} \label{lem-dec-groups-trivial intersection} Let $K$ be a field, $F = \overline{K}$ its algebraic closure and $v$, $w$ two rank 1 valuations on $F$ with decomposition groups $Z_v$, $Z_w$ over $K$. If $v$ and $w$ are inequivalent, then $$Z_v \cap Z_w = 1.$$ \end{lem} \begin{proof} The fixed field $F^{Z_v \cap Z_w}$ is henselian with respect to the restrictions of $v$ and $w$, hence is separably closed by a theorem of F.~K.~Schmidt (cf.~\cite{engler-prestel}, Thm.~4{.}4{.}1). Thus, $F^{Z_v \cap Z_w} = F$ and $Z_v \cap Z_w = 1$. \end{proof} \begin{lem} \label{lem-autom-id-citerion} Let $K$ be a field and $\sigma \in \Aut(K)$. If there exists a proper subfield $k \subset K$ such that $\sigma x / x \in k^\times$ for all $x \in K^\times$, then $\sigma = \id$. \end{lem} \begin{proof} Put $a(x) = \sigma x / x \in k^\times$. By additivity of $\sigma$, we have $$a(x) x + a(y) y = a(x+y) x + a(x+y) y$$ for all $x,y \in K^\times$ with $x+y \neq 0$. For $k$-linearly independent $x$ and $y$, we obtain $a(x) = a(x+y) = a(y)$. For linearly dependent $x$ and $y$ we find $a(x) = a(y)$ as well, by comparing with an element of $K^\times$ which is linearly independent from $x$ and $y$. So we have $\sigma x = ax$ for some $a \in k^\times$ which does not depend on $x$. Since $\sigma(1) = 1$, we have $a = 1$. \end{proof} \begin{proof}[Proof of Theorem~\ref{thm-injectivity}] It suffices to show that if $\sigma \in \Aut(F)$ is an automorphism with $\sigma K = K$ for which $\sigma^{-1} (-)\sigma = \id$ in $\Aut(U_K)$, then $\sigma = \id$. Consider a rank 1 valuation $v$ of $F$ which is discrete on $K$. Its decomposition group $Z_v$ over $K$ is nontrivial since $v$ ramifies in $K^{\rm sep}|K$, e.g.\ by adjoining $\ell$-th roots of a uniformiser for $\ell \neq \Char(k)$. The decomposition group of $\sigma^{-1}v$ is $Z_{\sigma^{-1}v} = \sigma^{-1}Z_v \sigma = Z_v$, hence $\sigma^{-1}v = \lambda v$ for some $\lambda > 0$ by Lemma~\ref{lem-dec-groups-trivial intersection}. Since $\sigma K = K$, the valuations $v$ and $\lambda v$ have the same value group on $K$. As this value group is discrete, we must have $\lambda = 1$, thus $\sigma^{-1}v = v$. So we have $v(\sigma x / x) = 0$ for all $x \in F^\times$ and all rank 1 valuations $v$ on $F$ which are discrete on $K$. We claim that this implies $\sigma x / x \in k^\times$, so that we are done by Lemma~\ref{lem-autom-id-citerion}. Indeed, otherwise we find a transcendence basis $T = (t_1,\ldots,t_n)$ of $F|k$ with $t_1 = \sigma x/x$ and a rank 1 valuation $v$ on $F$ extending the $t_1$-adic valuation on $k(T)$. Then $v$ is discrete on $k(T)$ and since the composite field $K(T)$ is a common finite extension of $K$ and $k(T)$, it is also discrete on $K$. But by construction $v(\sigma x/x) \neq 0$, contradiction! \end{proof} \section{A Galois-Type Correspondence for Transcendental Field Extensions} \label{sec-galois-type-correspondence} Let $k$ be a field and $F|k$ a field extension with $F$ algebraically closed. We prove a generalised Galois correspondence for such extensions and apply it in the case where $k$, too, is algebraically closed and $\trdeg(F|k) = 1$. Let $G_{F|k} = \Aut(F|k)$ be endowed with the compact-open topology for discrete $F$, so that a basis of open neighbourhoods of the identity is given by the subgroups $\Aut(F|K)$ with $K|k$ a finitely generated subextension of $F|k$. For such $K$, we denote the open subgroup $\Aut(F|K) \leq G_{F|k}$ by $U_K$. The group $G_{F|k}$ is a Hausdorff and totally disconnected topological group, since $\sigma \in U_{k(x)}$ for all $x \in F$ implies $\sigma = \id$. In positive characteristic, one has to deal with the phenomenon that purely inseparable extensions are not visible in field automorphism groups. We therefore consider an equivalence relation on the set of subfields of $F$, which we call perfect equivalence. \begin{defi} \label{def-purely-inseparable-equivalence} For a subfield $L$ in $F$, its \defstyle{perfect closure} $L^i$ in $F$ consists of all elements in $F$ that are purely inseparable over $L$. If $\Char k = p > 0$, it is given by $$L^i = L^{p^{-\infty}} = \left\{ x \in F : x^{p^n} \in L \text{ for some } n\in {\mathbb N} \right\}.$$ We call two subfields $L_1,L_2$ of $F$ \defstyle{perfectly equivalent} if $L_1^i = L_2^i$. \end{defi} In characteristic $p > 0$, since $p$th roots are unique, the image of $x \in F$ under an automorphism is uniquely determined by the image of $x^{p^n}$, hence $\Aut(F|L) = \Aut(F|L^i)$ for all subfields $L$ of $F$. Automorphism groups of field extensions are therefore "blind" towards purely inseparable extensions in the sense that perfectly equivalent subfields $L_1$ and $L_2$ satisfy $\Aut(F|L_1) = \Aut(F|L_2)$. However, a subfield $L$ of $F$ can be recovered from $\Aut(F|L)$ up to perfect equivalence. \begin{lem} \label{lem-fixed-field} Let $F$ be an algebraically closed field. Then for all subfields $L \subseteq F$, we have $F^{\Aut(F|L)} = L^i$. \end{lem} \begin{proof} The inclusion $(\supseteq)$ is trivial. If $x \in F$, but $x \not\in L^i$, there exists some $x' \in F \setminus \{x\}$ and an isomorphism $L(x) \cong L(x')$ over $L$, sending $x$ to $x'$; take $x' = x+1$ if $x$ is transcendental over $L$, and any root $x' \neq x$ of the (not purely inseparable) minimal polynomial of $x$ over $L$ if $x$ is algebraic. Since $F|L(x)$ and $F|L(x')$ have equal transcendence degree (possibly infinite), the isomorphism $L(x) \cong L(x')$ extends to an automorphism $\sigma$ of $F$. We have $\sigma \in \Aut(F|L)$, but $\sigma(x) \neq x$, therefore $x \not\in F^{\Aut(F|L)}$. \end{proof} \begin{thm}[Galois-Type Correspondence] \label{thm-galois} Let $F|k$ be a field extension with $F$ algebraically closed and let $G_{F|k} = \Aut(F|k)$. Then the map $L \mapsto \Aut(F|L)$ is injective up to perfect equivalence and restricts to bijections as follows: \begin{center} \begin{tikzpicture}[commutative diagrams/every diagram] \node (A1) { $\left\{ \parbox{4.5cm}{\centering subfields $L$ in $F|k$, up to perfect equivalence } \right\}$ }; \node (A2) [right = of A1] { $\left\{ \parbox{4.3cm}{\centering closed subgroups of $G_{F|k}$ } \right\}$ }; \node (AB1) [below = 0.15cm of A1, rotate = 90, xscale=1.8] {$\subseteq$}; \node (AB2) [below = 0.5cm of A2, rotate = 90, xscale=2] {$\subseteq$}; \node (B1) [below = 0.4cm of A1] { $\left\{ \parbox{4.5cm}{\centering subfields $L$ in $F|k$ with $\overline{L} = F$, up to perfect equivalence } \right\}$ }; \node (B2) [right = of B1] { $\left\{ \parbox{4.3cm}{\centering compact subgroups of $G_{F|k}$ } \right\}$ }; \node (BC1) [below = 0.25cm of B1, rotate = 90, xscale=1.8] {$\subseteq$}; \node (BC2) [below = 0.7cm of B2, rotate = 90, xscale=2] {$\subseteq$}; \node (C1) [below = 0.6cm of B1] { $\left\{ \parbox{4.5cm}{\centering finitely generated subfields $L$ in $F|k$ with $\overline{L} = F$, up to perfect equivalence } \right\}$ }; \node (C2) [right = of C1] { $\left\{ \parbox{4.3cm}{\centering compact open subgroups of $G_{F|k}$ } \right\}$ }; \path[commutative diagrams/.cd, every arrow, every label] (A1) edge[commutative diagrams/hook] (A2) (B1) edge node {$\sim$} (B2) (C1) edge node {$\sim$} (C2); \end{tikzpicture} \end{center} \end{thm} \begin{proof} Write $G := G_{F|k}$. For every subfield $L$ in $F|k$, the group $$\Aut(F|L) = \bigcap_{x \in L} U_{k(x)}$$ is closed in $G$. If $F|L$ is algebraic, then the $\Aut(F|L)$-orbit of every $x \in F$ is finite and the product $\prod (X-x_i)$ with $x_i$ running through this orbit is a separable polynomial annihilating $x$ with coefficients in $F^{\Aut(F|L)} = L^i$, so that $F$ is separable and hence Galois over $L^i$. Thus $\Aut(F|L) = \Gal(F|L^i)$ is compact if $\overline{L} = F$, and compact open if in addition $L$ is finitely generated over $k$. Suppose $H$ is a compact subgroup of $G$. Then for every $x \in F$, the orbit $Hx$ is compact and discrete, hence finite, so $x$ is a root of a separable polynomial with coefficients in $F^H$. Thus $F|F^H$ is Galois and we have $H = \Aut(F|H)$ by Galois theory. This establishes the middle bijection. It remains to show that if $H \leq G$ is a compact open subgroup, then there exists a finitely generated subfield $K$ in $F|k$ with $H = \Aut(F|K)$. Since the sets $U_K$ with $K|k$ finitely generated form a neighbourhood basis of the identity, there exists such $K$ with $U_K \subseteq H$. Taking fixed fields, we get $F^H \subseteq K^i$. As $F^H|F^H \cap K$ is purely inseparable and $H$ is compact, we have $$\Aut(F|F^H \cap K) = \Aut(F|F^H) = H,$$ and $F^H \cap K$ is finitely generated over $k$, being contained in the finitely generated extension $K|k$. \end{proof} \begin{rmks*} \begin{enumeral} [itemsep=1ex] \item{The association $L \mapsto \Aut(F|L)$ is compatible with the $G_{F|k}$-actions in the sense that \begin{equation} \label{eq-conj-corresp} \Aut(F|\sigma L) = \sigma \Aut(F|L) \sigma^{-1} \end{equation} for all subextensions $L$ of $F|k$ and all $\sigma \in G_{F|k}$. Moreover, the $G_{F|k}$-action on the set of subextensions of $F|k$ is compatible with perfect equivalence since $\sigma(L)^i = \sigma(L^i)$.} \item{ \label{rem-normaliser-quotient} Let $L$ be a subextension of $F|k$ and $H = \Aut(F|L)$. Then the normaliser of $H$ in $G_{F|k}$ is given by $ N_{G_{F|k}}(H) = \left\{ \sigma \in G_{F|k} \suchthat \sigma L^i = L^i \right\} $ and the restriction homomorphism $N_{G_{F|k}}(H) \to \Aut(L^i|k)$ induces an isomorphism of topological groups $$ N_{G_{F|k}}(H)/H \cong \Aut(L^i|k).$$} \item{The Galois correspondence is inclusion-reversing in the sense that $$L_1^i \subseteq L_2^i \; \Leftrightarrow \; \Aut(F|L_2) \subseteq \Aut(F|L_1)$$ for all subfields $L_1$ and $L_2$ of $F|k$.} \item{If $L_1 \subseteq L_2$ is an algebraic extension of subfields of $F|k$, the index $(\Aut(F|L_1) : \Aut(F|L_2))$ equals the separable degree $[L_2 : L_1]_s$ since the left cosets are in canonical bijection with the $L_1$-embeddings $L_2 \hookrightarrow \overline{L_1}$.} \item{If the transcendence degree of $F|k$ is finite, then every finitely generated subextension $K$ is contained in a finitely generated extension $L$ with $\overline{L} = F$. Otherwise, there are no subextensions $L$ that are both finitely generated over $k$ and have $\overline{L} = F$. Consequently, $G_{F|k}$ is locally compact if and only if $F|k$ has finite transcendence degree. If moreover $k$ algebraically closed, the transcendence degree of $F|k$ can be recovered: let $U_K \leq G_{F|k}$ be any compact open subgroup, corresponding to a finitely generated subfield $K|k$ with $\overline{K} = F$. Then $\trdeg(F|k) = {\rm cd}_\ell(U_K)$ for all primes $\ell \neq \Char(k)$ (\cite{serre-galois-coh}, Ch.~II, Proposition~11). \label{recover_transcendence_degree}} \item{In general, there exist closed subgroups of $G \coloneqq G_{F|k}$ that do not arise as $\Aut(F|K)$ for some subfield $K$ of $F|k$. A subgroup $H \leq G$ arises in this way if and only if the inclusion $H \subseteq \Aut(F|F^H)$ is an equality. For a counterexample, consider the closed subgroup $G^\circ \subseteq G$ topologically generated by all compact subgroups. If $T$ is a transcendence basis of $F|k$, so is $T^n := \{t^n\}_{t \in T}$ for $n \geq 1$. Thus, the groups $\Aut(F|k(T^n))$ are all compact, hence $F^{G^\circ} = \bigcap_n k(T^n)^i = k^i$. However, if $F|k$ has finite transcendence degree $\geq 1$ with $x \in F$ transcendental over $k$, then $G^\circ$ is a proper subgroup of $G$ as $G^\circ$ is unimodular but any automorphism $\sigma \in G$ extending $k(x) \cong k(x^2)$ has Haar modulus $\Delta(\sigma) = 2$. One can show that the subgroups of the form $\Aut(F|K) \subseteq G$ are stable under passage to closed supergroups with compact quotient. For subgroups this is false: assuming $1 \leq \trdeg(F|k) < \infty$, the Haar modulus induces a surjective homomorphism $\Delta: G/G^\circ \twoheadrightarrow {\mathbb Q}_{>0}$, yielding many finite index subgroups $H \subsetneq G$ containing $G^\circ$. They all satisfy $F^H = k^i$ and hence $\Aut(F|F^H) = G$, so they are not of the form $\Aut(F|K)$.} \end{enumeral} \end{rmks*} Parts of the Galois-type correspondence appear in the literature as~\cite{jacobson}, p.\ 151, Exercise~5; \cite{shimura}, Propositions~6{.}11 and 6{.}12; \cite{shapiro-shafarevic}, §3, Lemma~1. A statement very close to ours in that it encompasses the case of positive characteristic is contained in \cite{rovinsky-motives}, Appendix~B, under the slightly stronger assumptions that $k$ be algebraically closed and that $\trdeg(F|k)$ be countable and $\geq 1$. We now apply the Galois-type correspondence to the situation at hand where $k$ is algebraically closed and $\trdeg(F|k) = 1$. When we use the term \defstyle{function field in $F$}, we shall always mean one of dimension $1$, in other words we exclude the trivial function field $k$. The Galois-type correspondence shows that the function fields $K|k$ in $F$ are encoded in $G_{F|k}$ as the compact open subgroups $U_K$, up to perfect equivalence. By Remark~\ref{recover_transcendence_degree} above, the transcendence degree of $F|k$ is encoded as the $\ell$-cohomological dimension for $\ell \neq \Char(k)$ of any such $U_K$. \begin{prop} \label{prop-function-field-bijection} In the situation of Theorem~\ref{thm-main-theorem}, let $\lambda: G_{F|k} \isomto G_{F'|k'}$ be an isomorphism. Then also $\trdeg(F'|k') = 1$ and $\lambda$ induces a bijection \begin{center} \begin{tikzpicture} \node (A) {$\left\{ \parbox{4.5cm}{\centering function fields $K'|k'$ in $F'$, up to perfect equivalence } \right\}$}; \node (B) [right = of A] {$\left\{ \parbox{4.5cm}{\centering function fields $K|k$ in $F$, up to perfect equivalence } \right\}$}; \path[commutative diagrams/.cd, every arrow, every label] (A) edge node {$\sim$} (B); \end{tikzpicture} \end{center} given by $K' \mapsto K$ whenever $\lambda^{-1}(U_{K'}) = U_K$. \qed \end{prop} We have the an explicit description of perfect equivalence for 1-dimensional function fields. \begin{prop}[\cite{hartshorne} IV, Proposition~2.5] Let $F|k$ be an extension of algebraically closed fields of characteristic $p > 0$ and let $K|k$ be a 1-dimensional function field in $F$. Then for each $n \in {\mathbb N}_0$, the extension $K^{p^{-n}}|K$ is the unique purely inseparable extension of $K$ in $F$ of degree $p^n$. Moreover, every function field in $F$ perfectly equivalent to $K$ is of the form $K^{p^{n}}$ for some $n \in {\mathbb Z}$. In particular, they form an infinite field tower \label{prop-purely-inseparable-equivalence} \[ \pushQED{\qed} \ldots \subset K^{p^2} \subset K^p \subset K \subset K^{p^{-1}} \subset K^{p^{-2}} \subset \ldots. \qedhere \popQED \] \end{prop} Recall that for an algebraic field extension $L|K$ with relative separable closure $K \subseteq K_s \subseteq L$, the \defstyle{inseparable degree} of $L|K$ is defined as $[L : K]_i \coloneqq [L : K_s]$. \begin{defi} \label{def-gen-insep-degree} Let $F|k$ be an extension of algebraically closed fields and $K_1,K_2$ one-dimensional function fields in $F$ with $K_1^i \subseteq K_2^i$ (but not necessarily $K_1 \subseteq K_2$). If $\Char(k) = p > 0$, we define the \defstyle{generalised inseparable degree} $[K_2 : K_1]_i \in p^{{\mathbb Z}}$ to be $p^{-n}[K_2 : K_1^{p^n}]_i$ where $n$ is sufficiently large such that $K_1^{p^n} \subseteq K_2$. If $\Char(k) = 0$, we set $[K_2 : K_1]_i = 1$. \end{defi} We note the following properties of the generalised inseparable degree: \begin{enumeral} \item{For $K_1^i \subseteq K_2^i \subseteq K_3^i$ one has $[K_3 : K_1]_i = [K_3 : K_2]_i [K_2:K_1]_i$.} \item{$K_1 \subseteq K_2$ iff $[K_2: K_1]_i \geq 1$.} \item{$K_2|K_1$ is separable iff $[K_2:K_1]_i = 1$.} \end{enumeral} For a function field $K|k$ in $F$, we can recover the automorphism group $\Aut(K^i|k)$ from $(G_{F|k},U_K)$ as the quotient $N_{G_{F|k}}(U_K)/U_K$ by Remark~\ref{rem-normaliser-quotient}. It is related to $\Aut(K|k)$ as follows. \begin{lem} \label{lem-aut-Ki} Let $K$ be a one-dimensional function field over an algebraically closed field $k$. Then there is a canonical exact sequence $$1 \longrightarrow \Aut(K|k) \longrightarrow \Aut(K^i|k) \longrightarrow {\mathbb Z}.$$ \end{lem} \begin{proof} The statement is trivial in characteristic zero, so assume $\Char(k) = p > 0$. Every automorphism of $K|k$ extends uniquely to $K^i$, whence the injective homomorphism $\Aut(K|k) \hookrightarrow \Aut(K^i|k)$. The second map is defined as $\sigma \mapsto \log_p\, [\sigma(K) : K]_i$ and the exactness is readily checked. \end{proof} \begin{proof}[Proof of Theorem~\ref{thm-main-theorem} $\Rightarrow$ Theorem~\ref{thm-function-field-main-theorem}] Consider the diagram \begin{diagram} \Isom(F'|K'|k, F|K|k) \dar[hook] \rar{\Phi}[swap]{(A)} & \Isom((G_{F|k}, U_K), (G_{F'|k'}, U_{K'})) \dar[hook] \\ \Isom^i(F'|k', F|k) \rar{\Phi}[swap]{(B)} & \Isom(G_{F|k}, G_{F'|k'}). \end{diagram} The left vertical map is injective because the condition $\sigma(K') = K$ determines $\sigma$ uniquely among its Frobenius twists. Theorems~\ref{thm-function-field-main-theorem} and \ref{thm-main-theorem} assert the bijectivity of the top and bottom horizonal map, respectively. The square is cartesian: For $\sigma \in \Isom(F'|k', F|k)$ we have $\Phi(\sigma)(U_K) = U_{K'}$ if and only if $\sigma(K')^i = K^i$ (Galois correspondence), or equivalently if $\tilde{\sigma}(K') = K$ for some Frobenius twist $\tilde{\sigma} \sim \sigma$. \end{proof} \begin{prop} \label{prop-injectivity} The map $\Phi$ of Theorem~\ref{thm-main-theorem} is injective. \end{prop} \begin{proof} If $\Phi(\sigma_1) = \Phi(\sigma_2)$, choose an arbitrary function field $K|k$ in $F$ and find $K'$ such that $\Phi(\sigma_i)(U_K) = U_{K'}$ (Galois correspondence). Then in the diagram above, $\sigma_1$ and $\sigma_2$ come from upstairs where $\Phi$ is injective by Theorem~\ref{thm-injectivity}. \end{proof} \section{Detecting the Rationality of Function Fields} \label{sec-detect-rationality} The aim of this section is to prove the following Proposition~\ref{prop-rational-group-autom-invariant} and to show that the characteristic $\Char(k)$ is encoded in $G_{F|k}$ (Proposition~\ref{prop-char}). \begin{prop} \label{prop-rational-group-autom-invariant} Given $\lambda: G_{F|k} \isomto G_{F'|k'}$, the bijection of Proposition~\ref{prop-function-field-bijection} maps rational function fields to rational function fields. \end{prop} Note that the rationality of a function field depends only on its perfect equivalence class, for the function fields perfectly equivalent to $k(x)$ are given by $k(x)^{p^n} = k(x^{p^n})$ for $n \in {\mathbb Z}$, where $\Char(k) = p > 0$. Our proof of Proposition~\ref{prop-rational-group-autom-invariant} is an adaption of \cite{rovinsky}, Lemma~3.1\,(1) that takes into account the possibility of positive characteristic. \begin{defi} Let $G$ be a group and $n \in {\mathbb N}$. An element $x \in G$ is called \defstyle{$n$-divisible} if $y^n = x$ for some $y \in G$. It is called \defstyle{infinitely $n$-divisible} if there exists a sequence $(x_1,x_2,\ldots)$ with $x_1 = x$ and $x_i = x_{i+1}^n$ for all $i \in {\mathbb N}$. We say the group $G$ is \defstyle{$n$-divisible} if every element is so. \end{defi} Recall that a group is \defstyle{virtually abelian} if it contains an abelian subgroup of finite index. \begin{lem} \label{lem-pgl-divisible} Let $k$ be an algebraically closed field. Then $\Aut({\mathbb P}_k^1)$ is not virtually abelian, it is $\ell$-divisible for every prime number $\ell \neq \Char(k)$ but not $p$-divisible if $\Char(k) = p > 0$. \end{lem} \begin{proof} Suppose $H \leq \Aut({\mathbb P}_k^1)$ has finite index. Then $H$ contains a nontrivial translation $\phi(z) = z+b$, $b \neq 0$, and a nontrivial homothety $\psi(z) = az$, $a \neq 1$. They do not commute since \begin{align*} \psi \circ \phi(z) &= az + ab,\\ \phi \circ \psi(z) &= az + b, \end{align*} but $ab \neq b$. It is enough to show the $\ell$-divisibility of $\GL(2,k)$ as this property descends to the quotient $\Aut({\mathbb P}_k^1) = \PGL(2,k)$. Given $A \in \GL(2,k)$, we may assume it is in Jordan normal form $$A = \left(\begin{matrix}\lambda & 0 \\ 0 & \mu \end{matrix}\right) \quad \text{or} \quad A = \left(\begin{matrix}\lambda & 1 \\ 0 & \lambda \end{matrix}\right).$$ Then a matrix $B \in \GL(2,k)$ with $B^\ell = A$ is given by \[B = \left(\begin{matrix}\lambda^{1/\ell} & 0 \\ 0 & \mu^{1/\ell} \end{matrix}\right) \quad \text{or} \quad B = \lambda^{1/\ell}\left(\begin{matrix}1 & \lambda^{-1}/\ell \\ 0 & 1 \end{matrix}\right), \] respectively. Suppose $\Char(k) = p > 0$ and assume for contradiction that there exists $\psi \in \Aut({\mathbb P}_k^1)$ such that $\psi^p(z) = z + 1$. If $P \in {\mathbb P}_k^1$ is a fixed point of $\psi$, it is also a fixed point of $\psi^p$, hence $P = \infty$. As a Möbius transformation with $\infty$ as its only fixed point, $\psi$ is a translation, $\psi(z) = z + a$ for some $a \in k$. But then $\psi^p(z) = z + p a = z \neq z+1$, contradiction! \end{proof} \begin{lem} \label{lem-detect-rational-group} Let $K|k$ be a 1-dimensional function field with perfect closure $K^i$ and let $\ell \neq \Char(k)$ be a prime number. Then $K$ is rational if and only if the subgroup of $\Aut(K^i|k)$ generated by the infinitely $\ell$-divisible elements is not virtually abelian. \end{lem} \begin{proof} By Lemma~\ref{lem-aut-Ki}, the infinitely $\ell$-divisible elements of $\Aut(K^i|k)$ are in fact infinitely $\ell$-divisible elements in the subgroup $\Aut(K|k)$. Moreover, if $C$ is a complete nonsingular model of $K|k$, we have isomorphisms $$\Aut(K|k) \cong \Aut(C)^{\rm op} \cong \Aut(C).$$ Thus, we define $H$ as the subgroup of $\Aut(C)$ generated by the infinitely $\ell$-divisible elements and show that $C$ is rational if and only if $H$ is not virtually abelian. If $C \cong {\mathbb P}^1$ is rational, we have $H = \Aut(C) \cong \Aut({\mathbb P}_k^1)$ and this is not virtually abelian by Lemma~\ref{lem-pgl-divisible}. If $C$ has genus 1, it is a principal homogeneous space under the elliptic curve $E = \Jac C$ and we have $\Aut(C) \cong E(k) \rtimes \Aut(E)$. The abelian subgroup $E(k)$ is divisible, hence contained in $H$, so that $H$ is virtually abelian, $\Aut(E)$ being finite. For $C$ of higher genus, $\Aut(C)$ is finite and $H$ is virtually abelian via the trivial subgroup. \end{proof} \begin{proof}[Proof of Proposition~\ref{prop-rational-group-autom-invariant}] Let $K|k$ and $K'|k'$ be function fields with $\lambda^{-1}(U_{K'}) = U_K$. Then $\lambda$ induces an isomorphism $$N_{G_{F|k}}(U_K)/U_K \isomto N_{G_{F'|k'}}(U_{K'})/U_{K'},$$ hence $\Aut(K^i|k) \cong \Aut(K'^i|k')$. Now use Lemma~\ref{lem-detect-rational-group} with $\ell$ a prime number $\neq \Char(k), \Char(k')$ to test the rationality of $K$ (resp.~$K')$ by means of these automorphism groups. \end{proof} \begin{prop} \label{prop-char} For $F|k$ and $F'|k'$ as in Theorem~\ref{thm-main-theorem}, if $G_{F|k} \cong G_{F'|k'}$, then $\Char(k) = \Char(k')$. \end{prop} \begin{proof} Choose an arbitrary rational function field $K|k$ in $F$ and $K'$ with $\lambda^{-1}(U_{K'}) = U_K$. Then $\Aut(K^i|k) \cong \Aut(K'^i|k')$ as above and passing to the subgroups generated by the infinitely $\ell$-divisible elements, $\Aut({\mathbb P}_{k}^1) \cong \Aut({\mathbb P}_{k'}^1).$ By Lemma~\ref{lem-pgl-divisible}, $\Char(k)$ is the unique prime $p$ for which $\Aut({\mathbb P}_k^1)$ is not $p$-divisible, or zero if no such prime exists, so it is the same for $k$ and $k'$. \end{proof} \section{Detecting Decomposition Groups} \label{sec-dec-subgroups} \label{sec-detect-dec-subgroups} Our next aim is to give a group-theoretic characterisation in terms of $(G_{F|k}, U_K)$ of the decomposition groups in the pro-$\ell$ abelian Galois group $U_K^{\ab,\ell}$ (Proposition~\ref{prop-autom-preserve-dec-subgroups}). We start by recollecting some generalities. Let $k$ be an algebraically closed field, $\ell \neq \Char(k)$ a fixed prime number and $K|k$ the function field of a complete nonsingular curve $C$ over $k$. The normalised discrete valuations on $K|k$ correspond bijectively to closed points of $C$ and we write $\ord_P$ for the valuation associated with $P \in C(k)$. Denote by $K^{\ab,\ell}$ the maximal pro-$\ell$ abelian extension of $K$, obtained by adjoining the $\ell^n$th roots of all elements of $K$ for all $n \in {\mathbb N}$. The Galois group $\Gal(K^{\ab,\ell}|K)$ acts transitively on the set of valuations of $K^{\ab,\ell}$ extending $\ord_P$ and their common stabiliser is the (pro-$\ell$) \defstyle{decomposition group} of $P$, which we denote by $Z_P$. Let $Z_{\tot}(C) \subseteq \Gal(K^{\ab,\ell}|K)$ be the closed subgroup topologically generated by all $Z_P$, called the (pro-$\ell$) \defstyle{total decomposition group} of $K|k$. Its fixed field is the maximal completely split pro-$\ell$ abelian extension of $K$, or equivalently the maximal unramified pro-$\ell$ abelian extension since all residue field extensions are trivial. Thus, we have an exact sequence \begin{equation} \label{eq-total-dec-sequence} 1 \longrightarrow Z_{\tot}(C) \longrightarrow \Gal(K^{\ab,\ell}|K) \longrightarrow \pi_1^{\ab,\ell}(C) \longrightarrow 1 \end{equation} where $\pi_1^{\ab,\ell}(C)$ is the pro-$\ell$ abelianisation of the algebraic fundamental group of $C$. Denote by $\mu_{\ell^n}(k)$ the group of $\ell^n$th roots of unity in $k$ and by ${\mathbb Z}_\ell(1) = \varprojlim_n \mu_{\ell^n}(k)$ the $\ell$-adic Tate module of $k^\times$. By Kummer theory, there is a natural isomorphism of topological groups $$\Gal(K^{\ab,\ell}|K) \cong \Hom(K^\times, {\mathbb Z}_\ell(1)).$$ \begin{defi} Write ${\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1)$ for the group of set-theoretic functions $C(k) \to {\mathbb Z}_\ell(1)$ modulo the subgroup of constant functions. A function $f: C(k) \to {\mathbb Z}_\ell(1)$ is a \defstyle{1-point function} at $P \in C(k)$ if it is constant on $C(k)\setminus\{P\}$. \end{defi} Our 1-point functions are called "$\delta$-functions" in \cite{rovinsky}. Note that the 1-point functions at $P$ are closed under addition of constants, so the notion makes sense even for elements of ${\rm Map}(C, {\mathbb Z}_{\ell}(1))/{\mathbb Z}_{\ell}(1)$. A typical 1-point function at $P$ has the form $\delta_P\, \omega$ with $\omega \in {\mathbb Z}_\ell(1)$, where $\delta_P: C(k) \to \{0,1\}$ is the Kronecker delta function. We recall the following well-known description of decomposition groups. \begin{prop} \label{prop-dec-subgroups} There are canonical isomorphisms \begin{enumerate}[label=(\alph*)] \item{$Z_P \cong {\mathbb Z}_\ell(1)$, for all closed points $P \in C$,} \item{$Z_{\tot}(C) \cong {\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1) \cong \Hom(\Div^0(C), {\mathbb Z}_\ell(1))$,} \end{enumerate} under which the inclusion $Z_P \subseteq Z_{\tot}(C)$ is isomorphic to ${\mathbb Z}_\ell(1) \overset{\delta_P \cdot{\;\;}}{\longrightarrow} {\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1)$ with image the 1-point functions at $P$. \end{prop} \begin{proof} Let $K_P$ be the henselisation of $K$ with respect to $\ord_P$, let $\dO_{C,P}^h$ be its valuation ring and $K_P^{\ab,\ell}$ its maximal pro-$\ell$ abelian extension, which is also the henselisation of $K^{\ab,\ell}$ with respect to a valuation extending $\ord_P$. The inclusion $Z_P \subseteq \Gal(K^{\ab,\ell}|K)$ is isomorphic to $\Hom(K_P^\times, {\mathbb Z}_\ell(1))\hookrightarrow \Hom(K^\times, {\mathbb Z}_\ell(1))$ by functoriality of Kummer theory. We have a split exact sequence \begin{diagram} 1 \rar & {\dO_{C,P}^{h,\times}} \rar & K_P^\times \rar[swap]{\ord_P} & {\mathbb Z} \rar \lar[bend right] & 1 \end{diagram} and obtain another short exact sequence upon taking $\Hom(-,{\mathbb Z}_\ell(1))$. The group $\dO_{C,P}^{h,\times}$ is $\ell$-divisible by Hensel's lemma, hence $\Hom(\dO_{C,P}^{h,\times}, {\mathbb Z}_\ell(1)) = 0$ and we get the canonical isomorphism $${\mathbb Z}_\ell(1) \cong \Hom(K_P^\times,{\mathbb Z}_\ell(1)),$$ given by $\omega \mapsto [x \mapsto \ord_P(x) \omega]$. Consider the exact sequence $$K^\times \overset{\divisor}{\longrightarrow} \Div^0(C) \longrightarrow \Pic^0(C) \longrightarrow 1.$$ We have $\Hom(\Pic^0(C),{\mathbb Z}_\ell(1)) = 0$ as $\Pic^0(C)$ is $\ell$-divisible, hence $$\divisor^*: \Hom(\Div^0(C), {\mathbb Z}_\ell(1)) \ensuremath{\lhook\joinrel\relbar\joinrel\rightarrow} \Hom(K^\times, {\mathbb Z}_\ell(1)).$$ is injective. The groups are endowed with the compact-open topology and $\divisor^*$ is a topological embedding as it is continuous and the groups are compact Hausdorff. We have an isomorphism $$\Hom(\Div^0(C),{\mathbb Z}_\ell(1)) \cong {\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1)$$ induced by $\Hom(\Div(C),{\mathbb Z}_\ell(1)) \cong {\rm Map}(C,{\mathbb Z}_\ell(1))$. The maps $${\mathbb Z}_\ell(1) \cong \Hom(K_P^\times, {\mathbb Z}_\ell(1)) \hookrightarrow \Hom(K^\times, {\mathbb Z}_\ell(1))$$ all factor through ${\mathbb Z}_\ell(1) \overset{\delta_P \cdot{\;\;}}{\longrightarrow} {\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1)$ and (b) follows since the images generate ${\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1)$ topologically. \end{proof} We are interested in the functorial behaviour of decomposition groups. Let $\phi: C_2 \to C_1$ be a dominant morphism between complete nonsingular curves over $k$ and $\phi^*: K_1 \hookrightarrow K_2$ the corresponding function field extension. Embed $K_1$ and $K_2$ in a common algebraic closure $F$ and let $U_{K_i} = \Aut(F|K_i)$. The inclusion $U_{K_2} \subseteq U_{K_1}$ induces two homomorphisms in opposite directions between the pro-$\ell$ abelianisations: \begin{itemize} \item{the \defstyle{corestriction} $\cores: U_{K_2}^{\ab,\ell} \to U_{K_1}^{\ab,\ell}$; and} \item{the \defstyle{restriction} $\res: U_{K_1}^{\ab,\ell} \to U_{K_2}^{\ab,\ell}$, also called the \defstyle{transfer} $\tr$.} \end{itemize} They come from profinite group homology via the isomorphisms $U_{K_i}^{\ab,\ell} \cong H_1(U_{K_i}, {\mathbb Z}_\ell)$. The corestriction is also the natural map from the functoriality of $(-)^{\ab,\ell}$. Their effect on decomposition groups can be expressed via the pullback and pushward map of divisors. \begin{prop} \label{prop-two-squares} The following squares commute: \begin{center} \begin{minipage}[t]{0.44\textwidth} \begin{tikzcd} \Hom(\Div^0(C_2),{\mathbb Z}_\ell(1)) \rar \dar{- \circ \phi^*} & U_{K_2}^{\ab,\ell} \dar{\cores} \\ \Hom(\Div^0(C_1),{\mathbb Z}_\ell(1)) \rar & U_{K_1}^{\ab,\ell} \end{tikzcd} \end{minipage} \begin{minipage}[t]{0.44\textwidth} \begin{tikzcd} \Hom(\Div^0(C_2),{\mathbb Z}_\ell(1)) \rar & U_{K_2}^{\ab,\ell} \\ \Hom(\Div^0(C_1),{\mathbb Z}_\ell(1)) \rar \uar{\deg_i(\phi)^{-1}\cdot(- \circ \phi_*)} \rar & U_{K_1}^{\ab,\ell} \uar{\tr} \end{tikzcd} \end{minipage} \end{center} \end{prop} Here $\deg_i(\phi) = [K_2 : K_1]_i$ denotes the inseparable degree, which is either $1$ or a power of the characteristic of $k$ so that multiplication by $\deg_i(\phi)^{-1}$ on ${\mathbb Z}_\ell(1)$ is well-defined. \begin{proof} From Kummer theory and the fact that corestriction is Pontryagin dual to restriction we have two commutative squares. \begin{center} \begin{minipage}[t]{0.40\textwidth} \begin{tikzcd \Hom((K_2^i)^\times, {\mathbb Z}_\ell(1)) \rar{\sim} \dar[swap]{- \circ \res} & U_{K_2}^{\ab,\ell} \dar[swap]{\cores} \\ \Hom((K_1^i)^\times, {\mathbb Z}_\ell(1)) \rar{\sim} & U_{K_1}^{\ab,\ell} \end{tikzcd} \end{minipage} \begin{minipage}[t]{0.48\textwidth} \begin{tikzcd \Hom((K_2^i)^\times, {\mathbb Z}_\ell(1)) \rar{\sim} & U_{K_2}^{\ab,\ell} \\ \Hom((K_1^i)^\times, {\mathbb Z}_\ell(1)) \rar{\sim} \uar{- \circ \cores} & U_{K_1}^{\ab,\ell}. \uar{\res} \end{tikzcd} \end{minipage} \end{center} The restriction $\res: (K_1^i)^\times \to (K_2^i)^\times$ is the extension of the inclusion $\phi^*: K_1^\times \hookrightarrow K_2^\times$ and the corestriction $\cores: (K_2^i)^{\times} \to (K_1^i)^{\times}$ is the group-theoretic norm $$\cores(x_2) = \prod_{\sigma \in U_{K_1}/U_{K_2}} \sigma x_2,$$ which on $K_2^\times$ is related to the field-theoretic norm ${\rm Nm}: K_2^\times \to K_1^\times$ by $\cores(x_2) = {\rm Nm}(x_2)^{\deg_i(\phi)}$. The claim follows now from the formulae for the divisor map \begin{align*} \divisor(\phi^*x_1) &= \phi^*(\divisor(x_1)),\\ \divisor({\rm Nm} \,x_2) &= \phi_*(\divisor(x_2)). \qedhere \end{align*} \end{proof} Given $\phi: C_2 \to C_1$ as above, we use the terms corestriction and transfer not just for the homomorphisms between the pro-$\ell$ abelianised absolute Galois groups but also for the corresponding maps between the groups $\Hom(\Div^0(C_i), {\mathbb Z}_\ell(1))$. On 1-point functions and hence on decomposition groups they act as follows. Given $P \in C_2(k)$, $Q \in C_1(k)$ and $\omega \in {\mathbb Z}_\ell(1)$, we have \begin{align} \cores(\delta_P \,\omega) &= e_\phi(P)\, \delta_{\phi(P)} \, \omega, \label{eq-cor-delta}\\ \tr(\delta_Q\, \omega) &= \deg_i(\phi)^{-1}\, \mathbbm{1}_{\phi^{-1}(Q)} \, \omega, \label{eq-tr-delta} \end{align} where $e_\phi(P)$ denotes the ramification index of $\phi$ at $P$ and $\mathbbm{1}_{\phi^{-1}(Q)}$ denotes the characteristic function of $\phi^{-1}(Q)$ on $C_2(k)$. With these generalities at hand, we turn to the proof of the following. \begin{prop} \label{prop-autom-preserve-dec-subgroups} In the situation of Theorem~\ref{thm-main-theorem}, given $\lambda: G_{F|k} \cong G_{F'|k'}$, let $K|k$ and $K'|k'$ be corresponding function fields with complete nonsingular models $C,C'$. Then the isomorphism $\lambda^{\ab,\ell}: U_K^{\ab,\ell} \isomto U_{K'}^{\ab,\ell}$ maps decomposition groups to decomposition groups, inducing a bijection $$\lambda^*: C'(k') \isomto C(k).$$ \end{prop} We first treat the case of rational function fields and then extend to the general case. Let $K|k$ be a rational function field in $F$ with complete nonsingular model $C$. Let $H \subseteq N_{G_{F|k}}(U_K)/U_K$ be the subgroup generated by the infinitely $\ell$-divisible elements. Recall from the proof of Lemma~\ref{lem-detect-rational-group} the isomorphism $H \cong \Aut(K|k) \cong \Aut(C)^{{\rm op}}$. For $\sigma \in H$, denote by $\sigma^*$ the corresponding automorphism of $C$ and by $\ad(\sigma)$ the automorphism of $U_K^{\ab,\ell}$ induced by conjugation. For $P \in C(k)$, denote by $\Stab_H(P)$ the stabiliser $$\Stab_H(P) = \{ \sigma \in H : \sigma^*(P) = P \}.$$ \begin{lem} \label{lem-dec-group-fixed-group} An element of $U_K^{\ab,\ell}$ belongs to the decomposition subgroup $Z_P$ if and only if it is fixed by $\ad(\sigma)$ for all $\sigma \in \Stab_H(P)$. \end{lem} \begin{proof} Since the homomorphism ${\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1) \to U_K^{\ab,\ell}$ from Proposition~\ref{prop-dec-subgroups} depends functorially on $F|K|k$ with respect to isomorphisms, any $\sigma \in H$ induces a commutative square \begin{center} \begin{tikzcd} {\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1) \dar{- \circ \sigma^*} \rar & U_K^{\ab,\ell} \dar{\ad(\sigma)} \\ {\rm Map}(C,{\mathbb Z}_\ell(1))/{\mathbb Z}_\ell(1) \rar & U_K^{\ab,\ell}. \end{tikzcd} \end{center} By the exact sequence~\ref{eq-total-dec-sequence}, the horizontal maps are injective with cokernel $\pi_1^{\ab,\ell}(C) = 1$, so they are in fact isomorphisms. We have to show that $f: C(k) \to {\mathbb Z}_\ell(1)$ is a 1-point function at $P$ if and only if $f \circ \sigma^* \equiv f$ mod constants for all $\sigma \in \Stab_H(P)$. As these $\sigma^*$ fix $P$, the congruence mod constants amounts to equality. Now $\Stab_H(P)$ acts transitively on $C(k)\setminus\{P\}$, therefore if $f \circ \sigma^* = f$ for all $\sigma \in \Stab_H(P)$, then $f$ is constant on $C(k) \setminus \{P\}$. \end{proof} We are led to the question of a group-theoretic characterisation of the stabiliser subgroups in $\Aut({\mathbb P}^1)$. Recall that an automorphism of ${\mathbb P}^1$ is \defstyle{parabolic} if it has a single fixed point. E.\,g., the parabolic elements with fixed point $\infty$ are the non-trivial translations $z \mapsto z+b$ with $b \in k$. \begin{lem} \label{lem-stab-subgroups-in-pgl} \begin{enumerate}[leftmargin=1.5cm,label=(\alph*),itemsep=0ex] \item{An element of $\Aut({\mathbb P}^1)$ is parabolic if and only if it is uniquely $\ell$-divisible.} \item{A subgroup of $\Aut({\mathbb P}^1)$ is the stabiliser subgroup of a point $P \in {\mathbb P}^1(k)$ if and only if it is the normaliser of the centraliser of a parabolic element.} \end{enumerate} \end{lem} \begin{proof} The parabolic elements constitute the conjugacy class of the translation $z+1$. This is uniquely $\ell$-divisible with $z+1/\ell$ as the unique dividing element. Indeed, if $\varphi^\ell = z+1$, then $\varphi$ commutes with $z+1$, which implies that $\varphi$ is also parabolic with fixed point $\infty$, i.e.\ a translation, necessarily equal to $\varphi(z) = z +1/\ell$. The non-parabolic elements are conjugate to a homothety $az$ and are non-uniquely $\ell$-divisible as there are $\ell$ distinct roots $\sqrt[\ell]{a}$. For (b) it suffices to show that the stabiliser of $\infty$, which consists of the affine transformations $az+b$ with $a \in k^\times$ and $b \in k$, is the normaliser of the centraliser of $z+1$. The centraliser of $z+1$ is the group of translations $z+b$. These are indeed normalised by the affine transformations and conversely, if $\psi \circ (z+1) \circ \psi^{-1}$ is a translation, we have $\psi(\infty) = \infty$ since $\psi$ maps the fixed point of $z+1$ to that of $\psi \circ (z+1) \circ \psi^{-1}$. \end{proof} The two preceding lemmas prove Proposition~\ref{prop-autom-preserve-dec-subgroups} in the rational case. For the general case, call a compact open subgroup $V \subseteq G_{F|k}$ \defstyle{rational} if $V = U_{k(x)}$ for some rational function field $k(x)$ in $F$. Recall that the rational compact open subgroups are group-theoretically distinguished by Proposition~\ref{prop-rational-group-autom-invariant}. \begin{lem} \label{lem-detect-dec-groups} Let $K|k$ be a function field in $F$ with complete nonsingular model $C$. A subgroup $Z \subseteq U_K^{\ab,\ell}$ is the decomposition group of a point $P \in C(k)$ if and only if the following hold: \begin{enumerate}[leftmargin=1.5cm,label=(\alph*),itemsep=0ex] \item{There exists a rational $V \supseteq U_K$ such that $Z$ is the image of a decomposition group under the transfer map $\tr: V^{\ab,\ell} \to U_K^{\ab,\ell}$.} \item{For every rational $V \supseteq U_K$, the image of $Z$ under the corestriction map $\cores: U_K^{\ab,\ell} \to V^{\ab,\ell}$ is contained in a decomposition group.} \end{enumerate} \end{lem} \begin{proof} Assume that $Z = Z_P$ is a decomposition group. By Riemann-Roch, there exists a morphism $\phi: C \to {\mathbb P}^1$ having a pole at $P$ and no other poles. Let $k(x) \subseteq K$ be the corresponding inclusion of function fields in $F$ and $V = U_{k(x)} \supseteq U_K$. For a 1-point function $\delta_{\infty} \,\omega$ at $\infty \in {\mathbb P}^1$, we have $$\tr(\delta_\infty\,\omega) = \deg_i(\phi)^{-1} \mathbbm{1}_{\phi^{-1}(\infty)} \, \omega = \deg_i(\phi)^{-1} \delta_P \, \omega,$$ which shows $\tr(Z_\infty) = Z_P$. For (b), let $V \subseteq U_K$ be any rational group and $\phi: C \to {\mathbb P}^1$ a corresponding morphism. Then for $P \in C(k)$, we have $$\cores(\delta_P\,\omega) = e_\phi(P) \delta_{\phi(P)} \,\omega,$$ hence $\cores(Z_P) = e_\phi(P) Z_{\phi(P)}$ is contained in the decomposition group $Z_{\phi(P)}$. Suppose conversely that $Z \subseteq U_K^{\ab,\ell}$ satisfies the two conditions. The transfer calculation above shows that (a) is equivalent to the existence of a non-empty finite subset $S \subseteq C(k)$ (namely a fibre of a morphism $C \to {\mathbb P}^1$) such that the elements of $Z$ correspond to the functions $f: C(k) \to {\mathbb Z}_\ell(1)$ that are constant on $S$ and vanish on $C(k) \setminus S$. Let $\phi: C \to {\mathbb P}^1$ be a morphism separating the points in $S$ and let $V \supseteq U_K$ be the corresponding rational group. For $f = \mathbbm{1}_S\, \omega$ we have $$ \cores(f)(Q) = (f \circ \phi^*)(Q) = \begin{cases} e_\phi(P)\,\omega & \text{if } \phi^{-1}(Q) \cap S = \{P\},\\ 0 & \text{if } \phi^{-1}(Q) \cap S = \emptyset. \end{cases} $$ By (b), this should be a 1-point function at a point, hence $S$ consists just of a single point, $S = \{P\}$, and $Z = Z_P$ is the decomposition group of $P$. \end{proof} \iffalse From the group-theoretic characterisation of decomposition groups and from corollary~\ref{cor-map-seen-in-dec-subgroups} we obtain the following. \begin{corollary} \label{cor-dec-groups} In the situation of Theorem~\ref{thm-main-theorem}, for every function field $K$ in $F$ and every corresponding function field $K'$ in $F'$ (determined up to perfect equivalence), we have a bijection $$\lambda^*: C' \isomto C$$ between their complete nonsingular models, given by $\lambda^*(P') = P$ whenever $(\lambda^{\ab,\ell})^{-1}(Z_{P'}) = Z_P$. Moreover, for $K_1 \subseteq K_2$ and $K_1' \subseteq K_2'$, corresponding to morphisms $\phi: C_2 \to C_1$ and $\phi': C_2' \to C_1'$, the following square commutes: \begin{diagram} C_2' \dar{\phi'} \rar{\lambda^*}[below]{\sim} & C_2 \dar{\phi} \\ C_1' \rar{\lambda^*}[below]{\sim} & C_1. \end{diagram} \end{corollary} \fi \section{Proof of Main Theorem} \label{sec-main-result} \begin{lem} \label{lem-pullback} In the situation of Theorem~\ref{thm-main-theorem}, given $\lambda: G_{F|k} \isomto G_{F'|k'}$, let $K_1 \subseteq K_2$ and $K_1' \subseteq K_2'$ be extensions of function fields with $\lambda^{-1}(U_{K_i'}) = U_{K_i}$, corresponding to morphisms $\phi: C_2 \to C_1$ and $\phi': C_2' \to C_1'$. Let $\lambda^*: \Div(C_i') \to \Div(C_i)$ be the linear extension of the bijection from Proposition~\ref{prop-autom-preserve-dec-subgroups}. Of the two squares \begin{center} \begin{minipage}[t]{0.40\textwidth} \begin{diagram} \Div(C_2') \rar{\lambda^*}[below]{\sim} \dar{\phi'_*} & \Div(C_2) \dar{\phi_*} \\ \Div(C_1') \rar{\lambda^*}[below]{\sim} & \Div(C_1), \end{diagram} \end{minipage} \begin{minipage}[t]{0.40\textwidth} \begin{diagram} \Div(C_2') \rar{\lambda^*}[below]{\sim} & \Div(C_2) \\ \Div(C_1') \rar{\lambda^*}[below]{\sim} \uar{\phi'^*} & \Div(C_1) \uar{\phi^*}, \end{diagram} \end{minipage} \end{center} the first always commutes and the second commutes if $\deg_i(\phi) = \deg_i(\phi')$. \end{lem} \begin{proof} By equations~\eqref{eq-cor-delta} and \eqref{eq-tr-delta}, the corestriction and transfer maps restrict for $Q \in C_1$ as follows \begin{diagram} \displaystyle\bigoplus_{P \in \phi^{-1}(Q)} Z_P \rar[hook] \dar[xshift=-.3em,swap]{\cores} & U_{K_2}^{\ab,\ell} \dar[xshift=-.3em, swap]{\cores} \\ Z_Q \rar[hook] \uar[xshift=.3em,swap]{\tr} & U_{K_1}^{\ab,\ell}. \uar[xshift=.3em,swap]{\tr} \end{diagram} For $P \in \phi^{-1}(Q)$, we have $\cores(Z_P) = e_\phi(P)Z_Q \subseteq Z_Q$ of finite index. This determines $Q = \phi(P)$ uniquely since decomposition groups of different points have trivial intersection, hence the commutativity of the first square. We have $$(\tr\circ\cores)(\delta_P\,\omega) = \frac{e_\phi(P)}{\deg_i(\phi)} \mathbbm{1}_{\phi^{-1}(Q)}\,\omega = \frac{e_\phi(P)}{\deg_i(\phi)} \sum_{P' \in \phi^{-1}(Q)}\delta_{P'}\,\omega,$$ thus the endomorphism of $Z_P$ induced by $\tr \circ \cores$ is multiplication by $e_\phi(P)/\deg_i(\phi)$. Therefore, assuming equal inseparable degrees of $\phi$ and $\phi'$, the ramification indices match and the second square commutes. \end{proof} \begin{rmk} The $\ell$-part of the ramification index $e_\phi(P)$ can also be reconstructed as the index $(Z_Q : \cores(Z_P))$. If one restricts oneself to fields of characteristic zero, $\ell$ can be an arbitrary prime and this would give an alternative reconstruction of ramification indices. \end{rmk} The \defstyle{projectivisation} of a $k$-vector space $V$ is the set ${\mathbb P}_k V = (V \setminus \{0\})/k^\times,$ together with the projective lines as distinguished subsets. A map ${\mathbb P}_{k'} V' \hookrightarrow {\mathbb P}_k V$ is a \defstyle{projective embedding} if it is injective and maps lines onto lines. It is a \defstyle{collineation} if it admits an inverse projective embedding. Given a function field $K|k$ with complete nonsingular model $C$, we view $K^\times/k^\times = {\mathbb P}_k K$ as a projective space over $k$, and with it the group $\PDiv(C) \cong K^\times/k^\times$ of principal divisors. The strategy is then to recover the projective structure on $\PDiv(C)$ and reconstruct the function field $K|k$ by an application of the fundamental theorem of projective geometry. This idea appears already in~\cite{bogomolov} and later in~\cite{bogomolov-tschinkel-reconstruction} (Theorem~3.6) and~\cite{pop-recovering-function-fields}. We shall use the following slightly more general form for projective embeddings rather than collineations. \begin{thm}[Fundamental Theorem of Projective Geometry, \cite{artin-ga}, Thm~II.2.26] Let $k$ and $k'$ be arbitrary fields, let $V$ and $V'$ be vector spaces of dimension $\geq 3$ over $k$ and $k'$, respectively, and let $\varphi: {\mathbb P}_{k'}V' \ensuremath{\lhook\joinrel\relbar\joinrel\rightarrow} {\mathbb P}_k V$ be a projective embedding. Then there exist a field isomorphism $\tau: k' \isomto k$ and a $\tau$-semilinear injection $\Phi: V' \hookrightarrow V$ lifting $\varphi$, i.e.\ $$\varphi(v' \bmod k'^\times) = \Phi(v') \bmod k^\times \quad \text{for } v' \in V'\setminus\{0\}.$$ If $(\tilde \tau, \tilde \Phi)$ is another such pair, then $\tilde \tau = \tau$ and $\tilde \Phi = m_\alpha \circ \Phi$ for a unique $\alpha \in k^\times$, where $m_\alpha \in \Aut_{k}(V)$ is multiplication by $\alpha$. \qed \end{thm} \begin{lem} \label{lem-collineation-from-field-isom} Let $k$ and $k'$ be arbitrary fields, $K|k$ and $K'|k'$ two field extensions of degree $\geq 3$ and suppose that $$\varphi: K'^\times/k'^\times \ensuremath{\lhook\joinrel\relbar\joinrel\rightarrow} K^\times/k^\times$$ is simultaneously a projective embedding and a homomorphism of abelian groups. Then there exists a unique homomorphism of field extensions $$\Phi: K'|k' \ensuremath{\lhook\joinrel\relbar\joinrel\rightarrow} K|k$$ lifting $\varphi$ and restricting to an isomorphism $k' \cong k$. \end{lem} \begin{proof} Let $(\tau,\Phi)$ be the pair from the fundamental theorem of projective geometry, which is uniquely determined by requiring $\Phi(1) = 1$. We have to show that $\Phi$ respects multiplication. Fix $x' \in K'^\times$ and let $m_{x'}: K' \to K'$ and $m_{\Phi(x')}: K \to K$ be multiplication by $x'$ and $\Phi(x')$, respectively. We need to show that the two maps $$\Phi \circ m_{x'} \;\text{ and }\: m_{\Phi(x')} \circ \Phi: K' \to K$$ are equal. They are both $\tau$-semilinear and by multiplicativity of $\varphi$ induce the same projective embedding $K'^\times/k'^\times \to K^\times/k^\times$. By the uniqueness statement in the fundamental theorem of projective geometry, there exists a unique $\alpha \in k^\times$ such that $\Phi \circ m_{x'} = m_\alpha \circ m_{\Phi(x')} \circ \Phi$. The normalisation $\Phi(1) = 1$ forces $\alpha = 1$, so the two maps are equal. \end{proof} \begin{prop} \label{prop-isom-and-collineation} In the situation of Theorem~\ref{thm-main-theorem}, given $\lambda: G_{F|k} \isomto G_{F'|k'}$, let $K|k$ and $K'|k'$ be corresponding function fields. Then $\lambda$ induces an isomorphism $$\lambda^*: K'^\times/k'^\times \isomto K^\times/k^\times$$ of abelian groups which is simultaneously a collineation of projective spaces. If $K_1 \subseteq K_2$ and $K_1' \subseteq K_2'$ have the same inseparable degree, the following square commutes: \begin{diagram} K_1'^\times/k'^\times \dar[hook] \rar{\lambda^*}[swap]{\sim} & K_1^\times/k^\times \dar[hook] \\ K_2'^\times/k'^\times \rar{\lambda^*}[swap]{\sim} & K_2^\times/k^\times. \end{diagram} \end{prop} \begin{proof} A divisor $D \in \Div(C)$ is principal if and only if there exist a morphism $\phi: C \to {\mathbb P}^1$ and two points $Q_0,Q_1 \in {\mathbb P}^1(k)$ such that $D = \phi^*(Q_0) - \phi^*(Q_1)$, thus by Lemma~\ref{lem-pullback} the isomorphism $\lambda^*: \Div(C') \cong \Div(C)$ restricts to the subgroups of principal divisors and induces $\lambda^*$ as claimed. The lines in $\PDiv(C)$ are given by $$D + \left\{ \phi^*(Q) - \phi^*(Q_0) \suchthat Q \in {\mathbb P}^1(k) \right\}$$ for a principal divisor $D \in \PDiv(C)$ , a morphism $\phi: C \to {\mathbb P}^1$ and a point $Q_0 \in {\mathbb P}^1(k)$. Indeed, a line in $\PDiv(C)$ corresponds to a 2-dimensional $k$-subspace $\langle f, g\rangle \subseteq K$, and if $\phi: C \to {\mathbb P}^1$ is the morphism given by $f/g$, the line is \begin{align*} \left\{ \divisor(af+bg) \suchthat (a:b) \in {\mathbb P}^1 \right\} &= \divisor(g) + \left\{ \divisor(af/g+b) \suchthat (a:b) \in {\mathbb P}^1 \right\} \\ &= \divisor(g) + \left\{ \phi^*(-b:a) - \phi^*(\infty) \suchthat (a : b) \in {\mathbb P}^1 \right\}. \end{align*} Thus, again by Lemma~\ref{lem-pullback}, $\lambda^*$ is a collineation. The commutativity of the square follows from the same lemma. \end{proof} Hence in the situation of Theorem~\ref{thm-main-theorem}, given $\lambda: G_{F|k} \isomto G_{F'|k'}$, we have for every pair of corresponding function fields $K|k$ and $K'|k'$ an isomorphism \begin{align} \sigma_{K,K'}: K'|k' \isomto K|k. \label{eq-sigma-isom} \end{align} \begin{lem} \label{lem-choose-K'} Given $\lambda: G_{F|k} \isomto G_{F'|k'}$, there exists a map $K \mapsto K'$ from the set of function fields in $F$ to the set of function fields in $F'$ such that $\lambda^{-1}(U_{K'}) = U_K$ for all $K$, and whenever $K_1 \subseteq K_2$, then $K_1' \subseteq K_2'$ of the same inseparable degree. \end{lem} \begin{proof} Assume $\Char(k) = p > 0$. Fix a function field $K_0$ in $F$ and choose any corresponding $K_0'$. For every $K \supseteq K_0$, choose $K'$ in its perfect equivalence class such that $[K' : K_0']_i = [K : K_0]_i$. Then for an arbitrary function field $K$ in $F$, choose $K'$ in its perfect equivalence class such that $[(K K_0)' : K']_i = [K K_0 : K]_i$. One verifies the assertions by looking at the field diagram \begin{center} \begin{tikzcd}[row sep = tiny] & & (K_0 K_2)' \arrow[dash]{dd} \\ & (K_0 K_1)' \urar[dashed,-] \arrow[dash]{dd} & \\ K_0' \urar[dash] \arrow[uurr, bend left, -] & & K_2'. \\ & K_1' \urar[dashed,-] & \end{tikzcd} \end{center} The fields are chosen for the solid lines to have inseparable degrees matching those of the corresponding extensions in $F$. It follows that the same holds for the dashed lines. \end{proof} Choosing a map $K \mapsto K'$ according to the lemma, the isomorphisms $\sigma_{K,K'}$ from~(\ref{eq-sigma-isom}) are compatible with each other, hence define $\sigma: F'|k' \isomto F|k$ that satisfies $\sigma(K') = K$ for all function fields $K$ in $F$. It remains to show that the induced isomorphism $\Phi(\sigma): G_{F|k} \isomto G_{F'|k'}$ coincides with the given $\lambda$. \begin{lem} \label{lem-autom-preserv-function-fields} Let $F|k$ be an extension of algebraically closed fields with $\trdeg(F|k) = 1$. \begin{enumerate}[label=(\alph*)] \item{Suppose $\sigma \in \Aut(F)$ satisfies $\sigma k = k$ and $\sigma K = K$ for all function fields $K$ in $F$. Then $\sigma = \id$.} \item{Assume $\Char(k) = p > 0$ and suppose $\sigma \in \Aut(F)$ satisfies $\sigma k = k$ and $\sigma K^i = K^i$ for all function fields $K|k$ in $F$. Then $\sigma$ is an integral power of the Frobenius automorphism.} \item{Let $\lambda \in \Aut(G_{F|k})$ be a topological automorphism such that $\lambda(U) = U$ for all compact open subgroups $U$ in $G_{F|k}$. Then $\lambda = \id$.} \end{enumerate} \end{lem} \begin{proof} \begin{enumerate}[label=(\alph*)] \item{ Let $x \in F\setminus k$, use it as a coordinate on ${\mathbb P}^1$. For every function field extension $k(x) \subseteq K$, corresponding to a morphism $\phi: C \to {\mathbb P}^1$, the automorphism $\sigma$ permutes the normalised discrete valuations of $k(x)|k$ that ramify in $K$, i.e.\ the branch points of $\phi$. But every two-element subset of ${\mathbb P}^1(k)$ is the branch locus of some $\phi$, so $\sigma$ must act trivially on the set of normalised discrete valuations of $k(x)|k$. Therefore we have $\sigma y / y \in k^\times$ for all $y \in k(x)^\times$ and we conclude $\sigma = \id$ on $k(x)$ by Lemma~\ref{lem-autom-id-citerion}. Since $x$ was arbitrary, $\sigma = \id$ on $F$. } \item{ For each function field $K$, there exists a unique $n \in {\mathbb Z}$ such that $\sigma K = K^{p^{n}}$. We claim that $n$ is independent of $K$. Indeed, if one function field is contained in another, $K_1 \subseteq K_2$, we find $n_1 = n_2$ by looking at generalised inseparable degrees of $K_1 \subseteq K_2$ and $\sigma K_1 \subseteq \sigma K_2$. The general case follows since any two function fields are contained in a common finite extension. Now $(\sigma \circ \Frob^{-n})(K) = K$ for all function fields $K$, thus $\sigma = \Frob^{n}$ by (a). } \item{ Let $\sigma \in G_{F|k}$. For all compact open subgroups $U$ of $G_{F|k}$ we have $$\sigma U \sigma^{-1} = \lambda(\sigma U \sigma^{-1}) = \lambda(\sigma) U \lambda(\sigma)^{-1},$$ thus $\sigma^{-1}\lambda(\sigma)$ is contained in the normaliser of $U$. This implies $\sigma^{-1}\lambda(\sigma)(K^i) = K^i$ for all function fields $K|k$ in $F$, so $\sigma^{-1}\lambda(\sigma)$ is the identity in characteristic $0$ and a power of the Frobenius in positive characteristic by (a) and (b), respectively. But it fixes $k$ elementwise, hence $\sigma^{-1}\lambda(\sigma) = 1$. \qedhere } \end{enumerate} \end{proof} For the isomorphism $\sigma: F'|k' \isomto F|k$ constructed from $\lambda: G_{F|k} \isomto G_{F'|k'}$, we have $$\Phi(\sigma)(U_K) = \sigma^{-1} U_K \sigma = U_{\sigma^{-1}K} = U_{K'} = \lambda(U_K)$$ for all function fields $K$ in $F$. Thus $\Phi(\sigma)^{-1} \circ \lambda$ satisfies the hypotheses of Lemma~\ref{lem-autom-preserv-function-fields}~(c) and we conclude $\lambda = \Phi(\sigma)$, finishing the proof of Theorem~\ref{thm-main-theorem}. \bibliographystyle{amsalpha}
730fe10ce2b96595b9c2a56f9c2f60d10a68cb81
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section*{Materials and Methods} \subsection*{Experimental setup} Experiments were performed with a custom-built confocal microscope equipped with a green 532~nm excitation laser and a single photon detector, as well as microwave and radio frequency sources to control the NV center spin and the {$^{15}$N \/} nuclear spin, respectively. The NV centers were created by $^{15}$N$^+$ ion implantation at an energy of 5~keV and subsequent annealing at 850$^{\circ}$~C. We chose the {$^{15}$N \/} species to discriminate implanted NV centers from native ({$^{14}$N \/}) NV centers. However, the isotope species played no role for the present experiments. We etched nano-pillars into the diamond surface \cite{babinec10,momenzadeh15} to increase the photon collection efficiency by a factor of 10 to 15 compared to a non-structured diamond surface. The continuous wave (CW) photon count rate was between 400 and 700~kC/s. Microwave pulses were synthesized on an arbitary waveform generator (Tektronix AWG5012C) and upconverted to $\sim 10\unit{GHz}$ using a local oscillator (Hittite HMCT2100) and a single-sideband mixer (IQ0618, Marki microwave). Radio-frequency pulses were synthesized on a second arbitrary waveform generator (NI 5421, National Instruments). Microwave and radio-frequency pulses were amplified separately and then combined using a bias T. The pulses were delivered to the NV center using a coplanar waveguide (CPW) deposited on a quartz cover slip in a transmission line geometry. The transmission line was terminated by an external 50$\,\Omega$ load. A cylindrical permanent magnet was used to create a magnetic bias field of $450-500\unit{mT}$ at the location of the NV center. At this high bias field repolarization of the {$^{15}$N \/} nucleus under optical illumination \cite{aslam13} is greatly suppressed. This allowed for a large number ($n>1000$) of repetitive nuclear spin readouts to be performed. The magnetic field direction was aligned with the NV symmetry axis by adjusting the relative location of the permanent magnet. The alignment was optimized by maximizing the CW photon count rate and by minimizing the depolarization of {$^{15}$N \/} nuclear spin states under repetitive readout. The magnetic field drifted by typically a few Gauss over the course of an experiment, corresponding to a variation in the EPR frequency of $\sim 1\unit{MHz}$. Because the drifts were slow, we could continuously track the EPR resonance during a measurement and adjust the microwave excitation frequency. In this way, the detuning between the EPR resonance frequency and the microwave frequency could be reduced to $<100\unit{kHz}$. \subsection*{Sensing sequence} \label{sec:technical_details_seq} A schematic of the sensing sequence is shown in Fig.~\ref{fig:scheme_details}. To arm the sensor, we initialized both the electronic and the {$^{15}$N \/} nuclear spins. The electronic spin was initialized by means of a $\sim 1.5\unit{\,\mu{\rm s}}$ laser pulse. The nuclear {$^{15}$N \/} spin was initialized by a sequence of two c-NOT gates followed by a laser pulse to reset the electronic spin. The initialization efficiency was not measured, but is expected to be $>80\%$ for the electronic spin \cite{jelezko06} and $>70\%$ for the nuclear spin \cite{rosskopf16}, respectively. The first (electronic) c-NOT gate included a selective microwave $\pi$ pulse on the lower hyperfine resonance ($\sim 9922.22\unit{MHz}$) of the electronic $m_S=0\leftrightarrow m_S=-1$ transition. The second (nuclear) c-NOT gate included a selective radio-frequency $\pi$ pulse on the higher frequency hyperfine resonance ($\sim 1.97\unit{MHz}$) of the nuclear $m_I=-1/2\leftrightarrow m_I=+1/2$ transition. The duration of the selective microwave pulse was $\sim 290\unit{ns}$ and the duration of the selective radio-frequency pulse was $\sim 40\unit{\,\mu{\rm s}}$. Quantum lock-in detection was implemented by a Carr-Purcell-Meiboum-Gibbs (CPMG) sequence of periodic microwave $\pi$ pulses. The sequence consisted of $K$ pulses with an interpulse delay $\tau$. The interpulse delay was chosen to approximately match the expected a.c. signal frequency $f_\mr{ac}$ as $f_\mr{ac} \approx m/(2\tau)$, where $m=1,3,5,...$ is the harmonic order of the sequence. The value of $\tau$ can be determined either by a prior knowledge about $f_\mr{ac}$, or by scanning a range of $\tau$ values. The total duration of the CPMG sequence was $t_\mr{a} = K\tau$. To optimize the sequence, we adjusted the number of pulses $K$ so that the maximum phase pick-up was $\sim 0.5$. The readout of the final NV state was performed indirectly via a repetitive quantum non-demolition measurement of the {$^{15}$N \/} nuclear spin \cite{rosskopf16}. For this purpose, the final electronic spin state was stored in the {$^{15}$N \/} spin state using a nuclear c-NOT gate and a laser pulse for resetting the electronic spin state. Next, the nuclear spin state was read out using an electronic c-NOT gate followed by a short ($600 - 800\unit{ns}$) laser pulse. The nuclear read-out was repeated $n$ times (with $n$ up to 2,000). The duration of one nuclear readout was $t_\mr{r} \approx 2.32\unit{\,\mu{\rm s}}$. The total readout duration was $n\times 2.32\unit{\,\mu{\rm s}}$. The integrated counts over $n$ repetitive readouts correspond to a single sample record $y_k$. The sensing sequence incorporated an additional delay time $t_\mr{d}$. This delay time was used for initialization and for accommodating a separate short pulse sequence to continuously track the NV resonance frequency and correct for drifts. The delay time was also used to adjust the sampling time $t_\mr{s} = t_\mr{a} + t_\mr{r} + t_\mr{d}$ in the compressed sampling experiment. \subsection*{Experimental parameters} The following tables give the parameters that went into the measurements shown in Figures 2, 3, and 4. \subsubsection*{Parameters for Figure 2A-B} \begin{table}[h!] \begin{tabular}{l|l} B field & 546.59$\unit{mT}$\\ NV initialization laser pulse & $2\unit{\,\mu{\rm s}}$\\ Repetitive readout laser pulse & $600\unit{ns}$\\ Selective electronic pulse duration & $290\unit{ns}$\\ Selective nuclear pulse duration & $30\unit{\,\mu{\rm s}}$\\ CPMG pulses $K$ & $32$\\ CPMG duration $t_\mr{a}$ & $26.622\unit{\,\mu{\rm s}}$\\ Sampling period $t_\mr{s}$ & $4.21152 \unit{ms}$\\ Number of repetitive readouts $n$ & $1000$ \end{tabular}\hfill\ \label{tbl:params_fig2} \end{table} We have evaluated the amplitude of the a.c. magnetic field detected in this experiment. The CPMG duration $t_\mr{a}$ was chosen such that the amplitude of the probability was $\sim 0.25$. According to Eq. (2), the amplitude of the phase was $\sim 0.5$. According to Eq. (1), the amplitude of the signal $\Omega$ was $\sim 2\pi\times 4.7\unit{kHz}$. The amplitude of the a.c. magnetic field was $\Omega/\gamma_\mr{e} \sim 170\unit{nT}$, where $\gamma_\mr{e} = 2\pi\times 28\unit{GHz/T}$ is the electron gyromagnetic ratio. \newpage \subsubsection*{Parameters for Figures 2C-D and Figure S3} \begin{table}[h!] \centering \begin{tabular}{l|l} B field & $456.54\unit{mT}$\\ NV initialization laser pulse & $1\unit{\,\mu{\rm s}}$\\ Repetitive readout laser pulse & $800\unit{ns}$\\ Selective electronic pulse duration & $290\unit{ns}$\\ Selective nuclear pulse duration & $40\unit{\,\mu{\rm s}}$\\ CPMG pulses $K$ & $16$\\ CPMG duration $t_\mr{a}$ & $6.654\unit{\,\mu{\rm s}}$\\ Sampling period $t_\mr{s}$ & $1.31524\unit{ms}$\\ Number of repetitive readouts $n$ & $498$ \end{tabular}\hfill\ \label{tbl:params_fig3} \end{table} \subsubsection*{Parameters for Figure 3} \begin{table}[h!] \centering \begin{tabular}{l|l} B field & $456.54\unit{mT}$\\ NV initialization laser pulse & $1\unit{\,\mu{\rm s}}$\\ Repetitive readout laser pulse & $800\unit{ns}$\\ Selective electronic pulse duration & $290\unit{ns}$\\ Selective nuclear pulse duration & $40\unit{\,\mu{\rm s}}$\\ CPMG pulses $K$ & $16$\\ CPMG duration $t_\mr{a}$ & $6.654\unit{\,\mu{\rm s}}$\\ Sample records $N$ & $385263$\\ Sampling period $t_\mr{s}$ & $1.31524\unit{ms}$ (for datapoints where $n\leq498$) \\ Sampling period $t_\mr{s}$ & $5.16468\unit{ms}$ (for datapoints where $n>498$) \\ \end{tabular}\hfill\ \label{tbl:params_fig4} \end{table} We have used this experiment to determine the optimum SNR for a one-hour measurement interval. In the plot, the SNR at the threshold gain of $C_\mr{thresh} = 27$ ($n=260$) was $1.0\ee{3}$. The duration of this measurement was $T=Nt_\mr{s}=294\unit{s}$, where $N=3.85\ee{5}$ was the number of samples and $t_\mr{s}=0.763\unit{ms}$ was the sampling period. According to Eq. (6), this converts to an SNR of $1.0\ee{3} \times (1\unit{h})/T = 1.2\ee{4}$ for a one-hour interval. \subsubsection*{Parameters for Figure 4} \begin{table}[h!] \centering \begin{tabular}{l|l} B field & $456.69\unit{mT}$\\ NV initialization laser pulse & $1\unit{\,\mu{\rm s}}$\\ Repetitive readout laser pulse & $800\unit{ns}$\\ Selective electronic pulse duration & $290\unit{ns}$\\ Selective nuclear pulse duration & $40\unit{\,\mu{\rm s}}$\\ CPMG pulses $K$ & $16$\\ CPMG duration $t_\mr{a}$ & $19.965\unit{\,\mu{\rm s}}$\\ Number of repetitive readouts $n$ & $498$ \end{tabular}\hfill\ \label{tbl:params_fig5} \end{table} \newpage The following table gives the sampling rates $f_\mr{s}^{(i)}$ for the spectra shown in Fig. 4A: \begin{table}[h!] \centering \begin{tabular}{c|c} $i$ & $f_\mr{s}^{(i)}$ (Hz) \\ 1 & 752.6719855487 \\ 2 & 750.7507507508 \\ 3 & 749.4454103963 \\ 4 & 747.6747315848 \\ 5 & 746.0904858541 \\ 6 & 743.7819826253 \\ 7 & 742.6772027806 \end{tabular}\hfill\ \label{tbl:unfolding_details} \end{table} \newpage \section*{Supplementary Text 1: Details of the quantum lock-in protocol} Our implementation of the quantum lock-in protocol is based on a Carr-Purcell-Meiboum-Gibbs (CPMG)-type sequence of $K$ periodic $\pi$-pulses. Assuming the qubit is in the $\ket{0}$ state (the $m_S=0$ spin state) at the beginning of the sequence, the first $\left(\pi/2\right)_Y$-pulse rotates it into the $\ket{+X}=\frac{1}{\sqrt2}(\ket{0}+\ket{1})$ state, where $\ket{1}$ corresponds to the $m_S=-1$ spin state. The qubit then evolves under a series of $\pi$-pulses with inter-pulse delays $\tau$. At the end of the CPMG sequence, the resulting state is rotated again by $\pi/2$ but this time around the $X$ axis. This leaves the qubit in the superposition state \begin{align} \ket{\psi} \equiv \sin\left(\frac{\phi}{2}+\frac{\pi}{4}\right) \ket{0}-\cos\left(\frac{\phi}{2}+\frac{\pi}{4}\right) \ket{1} \ , \end{align} where we omit a global phase. $\phi$ is the phase acquired by the qubit during the decoupling sequence. The readout projects the qubit onto either $\ket{0}$ or $\ket{1}$. The probability $p$ for projection onto $\ket{1}$ is \begin{align} p &= \left|\langle 1|\psi\rangle\right|^2 = \frac{1}{2}\left(1 - \sin\phi\right) \label{eq:transitionProb}. \end{align} Next we consider how the phase $\phi$ relates to the a.c. signal. We assume that the a.c. signal is given by the oscillating field \begin{align} x(t) = \Omega \cos(2 \pi f_\mr{ac} t +\alpha), \end{align} where $\Omega$ is the amplitude (in units of angular frequency), $f_\mr{ac}$ the frequency, and $\alpha$ the initial phase of the signal at time $t=0$ after the first $\pi/2$ pulse was applied. For the specific situation of our experiment, where the qubit is an electronic spin, the a.c. signal is generated by a magnetic field, \begin{align} x(t) = \gamma_\mr{e} B_z \cos(2 \pi f_\mr{ac} t +\alpha) \ , \end{align} where $B_z=\Omega/\gamma_\mr{e}$ represents the magnetic field component along the qubit's quantization axis, and $\gamma_\mr{e} = 2\pi\times 28\unit{GHz/T}$ is the electron gyromagnetic ratio. For simplicity, we in the following assume that $\alpha=0$ because we always measure a relative time. The phase acquired by the qubit is then given by \begin{align} \phi(t) = \int_0^{t_\mr{a}} dt' x(t+t') g(t') \ , \end{align} where $g(t') = (-1)^{[t'/\tau]}$ is the modulation function \cite{degen16} of the CPMG sequence (see Fig. \ref{fig:SuppPulseSeq}). For an even number of pulses $K$, the phase accumulated under the modulation function of the CPMG sequence is \cite{degen16} \begin{align} \phi(t) = -\frac{8}{2\pif_\mr{ac}}\Omega \cos\left(2\pi f_\mr{ac} \left[t+\frac12K\tau\right]\right) \frac{\sin\left(2\pi f_\mr{ac} \frac{K\tau}{2}\right)}{\sin\left(2\pi f_\mr{ac} \tau\right)} \sin\left(2\pi f_\mr{ac} \frac{\tau}{4}\right)^2 \sin\left(2\pi f_\mr{ac} \frac{\tau}{2}\right) \ . \label{eq:phase} \end{align} When the inter-pulse delay $\tau$ is approximately adjusted to the frequency of the a.c. signal, $\tau\approx m/(2f_\mr{ac})$ (where $m=1,3,5,...$ is the harmonic order), the above general formula simplifies to \begin{align} \phi(t) &= \left( -1 \right)^q \frac{2t_\mr{a}}{m\pi} \Omega\cos(2\pif_\mr{ac} t) =\left( -1 \right)^q \frac{2t_\mr{a}}{m\pi}x(t), \end{align} where $q = \frac{m-1}{2}$. As a result, the phase $\phi(t)$ is directly proportional to the instantaneous value of the signal $x(t)$. Thus, by using a series of quantum lock-in measurements, we can record how the ac signal $x(t)$ evolves with time. To calculate the transition probability, we insert $\phi(t)$ into Eq.~\ref{eq:transitionProb}, \begin{align} p(t) &= \frac12\left(1 - \sin\left[ (-1)^q \frac{2t_\mr{a}}{m\pi}x(t)\right] \right) = \frac12\left(1 - \sin\left[ \phi_\mr{max}\cos(2\pif_\mr{ac} t) \right]\right) \ . \end{align} $\phi_\mr{max}$ is the amplitude of the a.c. signal expressed in units of the accumulated phase, \begin{align} \phi_\mr{max} &= (-1)^q \frac{2t_\mr{a}\Omega}{m\pi} \overset{\quad m=1 \quad}{=} \frac{2t_\mr{a}\Omega}{\pi} \ , \label{eq:phimax} \end{align} where the last expression ($m=1$) represents our experimental situation. For small $\phi$, the sine term is linear in $\phi$ and the probability is \begin{align} p(t) \approx \frac12\left(1 - \phi_\mr{max}\cos(2\pif_\mr{ac} t) \right) \ ,\label{eq:linearTransProb} \end{align} When several signals are present, the probability $p(t)$ simply is a linear combination of the individual contributions, as long as the maximum phase $\phi$ is within the linear range of the sine. Conversely, when $\phi_\mr{max}\gtrsim 1$, the response of $p$ becomes nonlinear \cite{kotler13}. Specifically, for a single signal with frequency $f_\mr{ac}$ and amplitude $\phi_\mr{max}$, \begin{align} p(t) &= \frac12 - \sum^{\infty}_{k=0}(-1)^kJ_{2k+1}(\phi_\mr{max})\cos\left[(2k+1)2\pi f_{ac} t\right] \ , \label{eq:nonLinearSig} \end{align} where $J_k(\phi_\mr{max})$ is the Bessel function of first kind. The probability $p(t)$ now contains harmonics at $3f_\mr{ac}$, $5f_\mr{c}$, etc. of the original signal frequency $f_\mr{ac}$ whose amplitudes are given by Bessel functions. Fig.~\ref{fig:besselPlots}A shows simulated spectra for values of $\phi_\mr{max}$ between 0.5 and 14. Fig.~\ref{fig:besselPlots}C further shows that the combined power of all harmonic peaks, given through $\sum^{\infty}_{k=0} J_{2k+1}^2(\phi_\mr{max})$, saturates as $\phi_\mr{max}\gtrsim 1$ and approaches $0.25$ as $\phi_\mr{max}\rightarrow\infty$. Finally, if several signals are present with $\phi_\mr{max}$ in the nonlinear regime, frequency mixing occurs (Fig.~\ref{fig:besselPlots}B). Because of the harmonic generation and frequency mixing, spectra acquired in the nonlinear regime are difficult to interpret and it is advantageous to stay in the linear range of the sensor. To confirm the theoretical analysis above, we recorded spectra for different values of $\phi_\mr{max}$ exceeding the linear regime. Fig.~\ref{fig:harmonics}A shows these measurements. We assigned the peaks in the spectra to their corresponding harmonic order. Thereby, we find harmonics up to the order $2k+1 = 21$ for the measurement of the strongest signal where $\phi_\mr{max} = 21.6$. Furthermore, in Fig.~\ref{fig:harmonics}B, we fitted the the peak height for the first 4 harmonics to their Bessel functions squared, finding good agreement with Eq.~(\ref{eq:nonLinearSig}). \newpage \section*{Supplementary Text 2: Scaling of frequency estimation} \label{sec:resolutionScaling} In Fig. 2E of the main text we investigate the scaling of the uncertainty of the estimated center frequency with increasing total measurement time $T$. We find that the uncertainty scales as $T^{-1.5}$ if the intrinsic linewidth parameter $\gamma_\mr{int}$ of the signal is smaller than the frequency resolution $\delta f=1/T$, and that it scales as $T^{-0.5}$ if $\gamma_\mr{int}$ is larger than $\delta f$. This section serves to motivate these two scaling laws. We first consider the situation where the intrinsic linewidth of the spectral peak is larger than the frequency resolution, $\gamma_\mr{int}>\delta f$. This situation leads to a $T^{-0.5}$ scaling for the uncertainty in the center frequency. We estimate the uncertainty by a least-squares fit to a Lorentzian. Let $h_\beta(f)$ be the model function for the Lorentzian where $\beta = (f_\mr{c}, \gamma)$ are the model parameters, $f_\mr{c}$ the center frequency, and $\gamma$ the linewidth parameter. The variance of the estimated parameters $\hat{\beta}_i$ ($i=1,2$) can be estimated via the covariance matrix, \begin{align} \Sigma = \left(J^TJ\right)^{-1} \sigma_\mr{res}^2 \ , \end{align} where \begin{align} J &= \left(\frac{\partial h_{\hat{\beta}}\left(f_j\right)}{\partial\beta_i}\right)_{j,i} \end{align} is the Jacobian matrix of the model function at the estimated parameter values for the measured frequencies $f_j$ and \begin{align} \sigma_\mr{res}^2 &= \frac{1}{N-2} \sum_{j=1}^N{\left(h_j-h_{\hat{\beta}}(f_j)\right)^2} \end{align} is the variance of the residuals (noise variance), respectively. $N=T/t_\mr{s}$ is the number of samples and $t_\mr{s}$ is the sampling time. The variances of the individual model parameters are then the diagonal elements of the covariance matrix. Thus, the uncertainty in the estimated center frequency is given by the square root of the first diagonal element of the covariance matrix, \begin{align} \sigma_{f_\mr{c}} = \sqrt{\Sigma_{11}} = \sqrt{\left[\left(J^TJ\right)^{-1}\right]_{11}\sigma_\mr{res}^2} \ . \end{align} Since the SNR saturates for peaks whose intrinsic linewidth is well resolved ($\gamma_\mr{int}>\delta f$), we know that the variance of the residuals stays constant for longer measurement times (see Eq.~(\ref{eq:snrEx})). However, the number of resources (number of frequency points in the spectrum $N$) used for the fit increases linearly together with the measurement time $T$. To find the scaling of the uncertainty, we have to evaluate the first diagonal element of $\left(J^TJ\right)^{-1}$ in the limit of a well resolved linewidth, \begin{align} \left(J^TJ\right)^{-1} &= \begin{pmatrix} \sum_{j=1}^N\left(\frac{\partial}{\partial f_\mr{c}} h_{\hat{\beta}}(f_j)\right)^2 & \sum_{j=1}^N\left(\frac{\partial}{\partial \gamma} h_{\hat{\beta}}(f_j)\right)\left(\frac{\partial}{\partial f_\mr{c}} h_{\hat{\beta}}(f_i)\right) \\ \sum_{j=1}^N\left(\frac{\partial}{\partial \gamma} h_{\hat{\beta}}(f_j)\right)\left(\frac{\partial}{\partial f_\mr{c}} h_{\hat{\beta}}(f_j)\right) & \sum_{j=1}^N\left(\frac{\partial}{\partial \gamma} h_{\hat{\beta}}(f_j)\right)^2 \end{pmatrix}^{-1} \ . \end{align} Since we assume $\gamma_\mr{int}>\delta f$, we can approximate the sums with their corresponding integrals. For the first diagonal entry, we find \begin{align} \left[\left(J^TJ\right)^{-1}\right]_{11} = \frac{f_s}{2N}\underbrace{\left(\int_0^{\frac{f_s}{2}}\left(\frac{\partial}{\partial f_\mr{c}} h_{\hat{\beta}}(f)\right)^2\mathrm{d}f\right)^{-1}}_{= u({\hat{\beta}})} = \frac{f_s}{2N}\times u({\hat{\beta}}) \ , \label{eq:integralApprox} \end{align} where the factor $u({\hat{\beta}})$ is assumed to be approximately constant, since the estimated parameters $\hat{\beta}$ are at a minimum. Hence, the uncertainty of the center frequency scales as \begin{align} \sigma_{f_\mr{c}} \propto N^{-0.5} \propto T^{-0.5}. \end{align} In the situation where the intrinsic linewidth is smaller than the frequency resolution, $\gamma_\mr{int}<\delta f$, the approximation in Eq.~(\ref{eq:integralApprox}) is not valid. Furthermore, the number of resources for fitting the center frequency is not increasing with longer measurement times. We are given only three points in the spectrum to estimate the center frequency value: The point in the spectrum carrying most of the power and the two neighboring points left and right to that center peak. However, the SNR increases linearly and thus the relative noise variance decreases linearly. Therefore, the $T^{-1}$ scaling of the frequency resolution given by the Fourier transformation is boosted by $T^{-0.5}$ due to the SNR scaling, resulting in a overall uncertainty scaling of \begin{align} \sigma_{f_\mr{c}} \propto T^{-1.5} \ . \end{align} \newpage \section*{Supplementary Text 3: Details of signal-to-noise ratio derivation} This section provides the theoretical background for the signal-to-noise ratio (SNR) presented in Eqs.~(4-6) of the main manuscript. We repeat here Eq.~(4) for reference, \begin{align} \mr{SNR} \approx \frac{Y_j}{\sigma_Y}.\label{eq:SNR} \end{align} $Y_j$ is the height of a signal peak at frequency $f_j$ in the power spectrum, and $\sigma_Y$ is the standard deviation of the baseline noise evaluated in a frequency range where no signal is present. In the following we calculate the expectation values for $Y_j$ and $\sigma_Y$ based on Eqs. (2,3) of the main manuscript. This will lead us to Eq.~(6) of the main manuscript. In a first step, we calculate the expected signal that appears in the power spectrum for a time trace $\{ y_k \} _{k=0}^{N-1}$ of photon counts, where $y_k$ was sampled at times $t_k=kt_\mr{s}$, $t_\mr{s}$ is the sampling period and $N$ is the number of samples. To compute the power spectrum we first perform a discrete Fourier transform (DFT) of the time trace and then calculate the absolute square of the individual components. The individual components of the power spectrum are given by \begin{align} Y_j = \left|\hat{y}_j \right|^2= \left|\sum_{k=1}^{N}{y_k e^{-2 \pi i k j }}\right|^2 \ . \end{align} Note that our definition of the DFT does not include any normalization by the number of points, {\it i.e.}, we do not normalize the DFT by $N$ or $\sqrt{N}$. Therefore, the power in each component grows with the square of $N$. The expected power in component $Y_j$ is \begin{align} \mathrm{E}\left[Y_j\right] &= \sum_{k=0,l=0}^{N-1}{\mathrm{E}\left[y_k y_l\right] e^{-2 \pi i k j }e^{2 \pi i l j }}\\ &= \sum_{k=0,l=0}^{N-1}{\mathrm{E}\left[y_k\right] \mathrm{E}\left[y_l\right] e^{-2 \pi i k j }e^{2 \pi i l j }}+ \sum_{k=0,l=0}^{N-1}{\mathrm{cov}\left[y_k,y_l\right] e^{-2 \pi i k j }e^{2 \pi i l j }}\\ &= \underbrace{\left|\mathrm{E}\left[\hat{y}_j \right]\right|^2}_{\text{signal contribution}} + \underbrace{\sum_{k=0}^{N-1}{\mathrm{var}(y_k)}}_{\text{noise contribution}}. \end{align} The last equation holds because any two samples at different times are independent. We find that the power contained in component $Y_j$ is the sum of two contributions, one by the a.c. signal (first term) and one by the noise (second term). The expected noise contribution is given by \begin{align} \sum_{k=0}^{N-1}{\mathrm{var}(y_k)} = N \sigma_y^2 \label{eq:noiseA} \end{align} where $\sigma_y^2 = \mathrm{var}(y_k)$ for any $k$. This term represent the noise floor in the spectrum that is unrelated to the a.c. signal. In particular, as we will show below, this noise floor is present at any frequency, and has no frequency dependence, {\it i.e.}, the noise floor is flat. Next, we determine the noise entering the SNR. The noise is given by the standard deviation of $Y_j$, \begin{align} \sigma_Y = \mathrm{std}\left(Y_j \right)\ . \end{align} To calculate $\sigma_Y$, we consider a power spectrum of a random stationary process without any additional a.c. signal, {\it i.e.}, we assume $p(t_k) = 0.5$. We indicate quantities corresponding to this signal by a tilde, e.g. $\{\tilde{y}_k\}$ would be its time trace of measurement outcomes. Let $\tilde{R}_j$ and $\tilde{I}_j$ be the real and imaginary parts of $\hat{\tilde{y}}_j = \tilde{R}_j+i \tilde{I}_j$. Then, for large $N$, the central limit theorem implies that $\tilde{R}_j$ and $\tilde{I}_j$ have a normal distribution with zero mean and variance $\tilde{\sigma}^2$, where $\tilde{\sigma}^2$ is unknown. $\tilde{R}_j$ and $\tilde{I}_j$ are independent and identically distributed for $j < \frac{N}{2}$. We now write the power as sum of the power in the two quadratures \begin{align} \tilde{Y}_j=\left|\hat{\tilde{y}}_j \right|^2 = \tilde{R}_j^2 + \tilde{I}_j^2. \end{align} Furthermore, we realize that \begin{align} \frac{1}{\tilde{\sigma}^2}\tilde{Y}_j = \frac{1}{\tilde{\sigma}^2}\tilde{R}_j^2 + \frac{1}{\tilde{\sigma}^2}\tilde{I}_j^2 \sim \chi^2(2) \end{align} is $\chi$-square distributed with two degrees of freedom. This implies that \begin{align} \mathrm{std}\left(\tilde{Y}_j \right) = \mathrm{E}\left[\tilde{Y}_j\right] \ , \end{align} {\it i.e.}, the standard deviation of the noise floor equals the expectation value of the noise floor. Using Parseval's theorem and again omitting a static offset, the standard deviation of the noise floor can also be related to the noise in the time trace, \begin{align} \mathrm{std}\left(\tilde{Y}_j \right) = \mathrm{E}\left[\tilde{Y}_j\right] = \sum_{k=0}^{N-1}{\mathrm{var}(\tilde{y}_k)} \approx \sum_{k=0}^{N-1}{\mathrm{var}(y_k)} = N \sigma_{y}^2 \label{eq:noiseB}\ . \end{align} To obtain the SNR, we divide the expected signal $\left|\mathrm{E}\left[\hat{y}_j \right]\right|^2$ by the noise standard deviation $N \sigma_{y}^2$, \begin{align} \mr{SNR} &= \frac{\left|\mathrm{E}\left[\hat{y}_j \right]\right|^2}{N \sigma_{y}^2} = \frac{\mathrm{E}\left[Y_j \right] - N \sigma_{y}^2}{N \sigma_{y}^2} = \frac{\mathrm{E}\left[Y_j \right]}{N\sigma_y^2}-1 \approx \frac{\mathrm{E}\left[Y_j \right]}{N\sigma_y^2} = \frac{\mathrm{E}\left[Y_j \right]}{\sigma_Y}\ , \end{align} where the approximation is for large SNR, which was the case in our measurements. This corresponds to Eq. (4) in the main manuscript. In a next step, we explicitly calculate the SNR that applies to our detection scheme. The expected a.c. signal contribution is given by \begin{align} \left|\mathrm{E}\left[\hat{y}_j \right]\right|^2 &= \left|\mathrm{E}\left[\sum_{k=0}^{N-1}{y_k e^{-2 \pi i k j }} \right]\right|^2\\ &= \left|\sum_{k=0}^{N-1}{\mathrm{E}\left[y_k\right] e^{-2 \pi i k j }} \right|^2\\ &= \left|\sum_{k=0}^{N-1}{C\epsilon \ p(t_k) e^{-2 \pi i k j }} \right|^2 \label{eq:omittedOffset}\\ &= \left|\sum_{k=0}^{N-1}{C\epsilon \ \frac{1}{2}\phi_k e^{-2 \pi i k j }} \right|^2 \label{eq:omittedOffset2}\\ &= \frac{1}{4} \left(C\epsilon\right)^2 \left|\hat{\phi}_j \right|^2, \label{eq:signalIdeal} \end{align} where we have omitted static offsets in Eq.~(\ref{eq:omittedOffset}) and Eq.~(\ref{eq:omittedOffset2}) that only contribute to the $j=0$ component. Here, $\hat{\phi}_j$ are Fourier components of the phases $\phi_k$ acquired by the quantum lock-in instances. We find that the signal power is proportional to the square of the readout gain $C$ and the square of the optical contrast $\epsilon$. The noise variance $\sigma_y^2$ is calculated from Eq.~(3) in the main manuscript, which includes two random processes, a Bernoulli process associated with the quantum state projection and a Poisson process associated with the photon shot noise. Both processes contribute to the noise variance. To compute the contribution by the Bernoulli process, we assume that the state probability $p(t_k)$ is oscillating closely around the $p=0.5$ bias point. Then, the variance in $p$ is $\frac14$ and the corresponding variance in $y_k$ is $\frac14(C\epsilon)^2$. The contribution by the Poisson process has a variance that is equal to the mean of $y_k$, which is $\frac12C(1-\epsilon/2)$. The total noise variance $\sigma_y^2$ is then \begin{align} \sigma_y^2 = \frac14C^2\epsilon^2 + C\left(1-\frac{\epsilon}{2}\right) \ . \end{align} This yields the explicit expression for the SNR, \begin{align} \mr{SNR} &= \frac{\frac{1}{4}(C\epsilon)^2 |\hat{\phi}|^2}{N\left[\frac{1}{4}(C\epsilon)^2+C(1-\frac{\epsilon}{2})\right]} = \frac{\frac{1}{4}(C\epsilon)^2\ N }{\frac{1}{4}(C\epsilon)^2+C(1-\frac{\epsilon}{2})} |\hat{\phi}_j/N|^2 \ . \label{eq:snrEx} \end{align} This SNR applies to a general Fourier component of the spectrum $Y_j$. If the spectrum has very narrow peaks, such that the entire signal power is concentrated in a single Fourier component $Y_j$, we have \begin{align} |\hat{\phi}_j/N|^2 =\frac{1}{4}\phi_\mr{max}^2 \ . \end{align} This situation corresponds to the case where the intrinsic linewidth $\gamma_\mr{int}$ of the signal is smaller than the frequency resolution $\delta f$, which is the typical situation for our experiments. In this situation, the SNR is \begin{align} \mr{SNR} = \frac{\frac{1}{16}(C\epsilon)^2\ N \phi_\mr{max}^2}{\frac{1}{4}(C\epsilon)^2+C(1-\frac{\epsilon}{2})} \ . \label{eq:snrIdeal} \end{align} This is Eq. (6) of the main manuscript. If the signal has only one frequency component and the lock-in is tuned to that frequency, $\phi_\mr{max} = 2t_\mr{a}\Omega/\pi$ (see Eq. (\ref{eq:phimax})). Eq. (\ref{eq:snrIdeal}) represents the SNR for an ideal read-out process. In our experiments, the read out was compromised by the limited robustness of the nuclear {$^{15}$N \/} quantum memory. With each quantum non-demolition (QND) measurement of the memory qubit, there is a finite chance of depolarizing the qubit and losing the stored information. Although this effect is rather weak in our case, with a spin flip probability per QND measurement of $\Gamma \lesssim 0.1\%$, it needs to be considered for large QND repetitions $n$. Because the depolarization probability is small, we can restrict ourselves to the following two cases: Either there are zero nuclear spin flips during readout, or there is a non-zero number of spin flips. In the first case, the original state is detected during the entire readout and we gain the correct information about the transition probability $p(t_k)$. By contrast, in the second case, the information is lost along the readout process. The probability distribution of photon counts $y_k$ is given by \begin{align} f\left(y_k|p\left(t_k\right)\right) = e^{-\Gamma n}\ f\left(y_k|\ p\left(t_k\right) \wedge \mathrm{no\ flip}\ \right)+ (1-e^{-\Gamma n})\tilde{f}\left(y_k| \ \mathrm{flip} \ \right). \end{align} where $n$ is the number of QND repetitions. We note that the probability distribution function $\tilde{f}\left(y_k| \ \mathrm{flip} \ \right)$ in the case of a non-zero number of spin flips is independent of the transition probability $p(t_k)$. Similar to Eq. (\ref{eq:signalIdeal}), we can compute the expected power in the spectrum as \begin{align} \left|\mathrm{E}\left[\hat{y}_j \right]\right|^2 &=\frac14(C\epsilon)^2\ e^{-2\Gamma n}\ \left|\hat{\phi}_j\right|^2 , \end{align} This yields a modified SNR given by \begin{align} \mr{SNR} = \frac{\frac{1}{16}(C\epsilon)^2\ N e^{-2\Gamma n}\phi_\mr{max}^2}{\frac{1}{4}(C\epsilon)^2+C(1-\frac{\epsilon}{2})} \ . \end{align} We have used this equation to fit the data in Fig.~4 of the main text and to extract values for the readout gain $C$, the optical contrast $\epsilon$ and the spin flip rate $\Gamma$. \newpage \section*{Supplementary Text 4: Details of the compressive sampling protocol} \label{sec:unfolding} Due to the nature of the lock-in measurement and the long sampling period $t_\mr{s}$, we acquire sample records $\{y_k\}$ at rates $f_\mr{s}=1/t_\mr{s}$ that are far below the Nyquist rate for the a.c. signals. This means that our continuous sampling strategy enables an arbitrarily fine frequency resolution only in a narrow bandwidth, and does not reproduce the absolute signal frequency. To reconcile the absolute signal frequency, we record the same a.c. signal several times with slightly different sampling rates $f_\mr{s}$. In our detection scheme, we can adjust $f_\mr{s}$ by adding a small extra delay to the delay time $t_\mr{d}$. We then reconstruct the wideband spectrum based on a compressive sampling (CS) technique \cite{donoho06}. CS refers to the idea that certain types of signals, more exactly signals which are sparse in some basis, can be reconstructed out of a small number of partial measurements. Specifically, suppose that we have a discrete number of samples $M$ of a signal $x \left( t \right)$ with $0<t<T$. Then $x \left( t \right)$ can be represented by a set of basis functions $\varphi_{k}\left(t\right)$, for example the Fourier basis $\varphi_{k}\left(t\right) = e^{i2\pi f_k t}$, as \begin{align} x(t) = \sum_{k=0}^{M-1} X_{k} \varphi_{k}\left(t\right) \ . \label{eq:fourier_series} \end{align} If only a few coefficients $X_{k}$ are significantly non-zero, then the signal $x \left( t \right)$ is considered \textit{sparse} and its reconstruction from a set of measurements acquired at sub-Nyquist rates becomes an optimization problem \cite{candes06,donoho06}. Let us assume that the signal is represented by the vector $\vec{x}=\left\{x_{0},\ldots,x_{m},\ldots,x_{M}\right\}$ and that the samples of $\vec{x}$ are acquired at or above a relevant Nyquist rate. Then the discrete wideband spectrum $\vec{X}=\left\{X_{0},\ldots,X_{k},\ldots,X_{M}\right\}$ of $\vec{x}$ is given by the set of coefficients $X_{k}$, \begin{align} X_{k} = \sum_{m=0}^{M-1} x_{m}\exp\left(-i2\pi k\frac{m}{M}\right) \ , \label{eq:dft} \end{align} The process of measuring an undersampled spectrum $\vec{Y}_{i}$ of $\vec{X}$ can be viewed as the action of a sampling matrix \textbf{$\Phi_{i}$} on the target spectrum $\vec{X}$. If each partial measurement $\vec{Y}_{i}$ consists of $N_{i}$ samples, then each \textbf{$\Phi_{i}$} has dimensions $N_{i} \times M$. It has been shown that $\vec{X}$ can be recovered by using $p\approx s\mathcal{O}\left(\log (M)\right)$ partial measurements where $s \ll M$ indicates the sparsity of $\vec{X}$, {\it i.e.} the number of significantly non-zero coefficients of $\vec{X}$ \cite{polo09}. The problem can be written as \begin{align} \bm{\vec{Y}} = \left(\begin{array}{c} \vec{Y}_{1} \\ \vdots \\ \vec{Y}_{p} \end{array}\right) = \left(\begin{array}{c} \Phi_{1} \\ \vdots \\ \Phi_{p} \end{array}\right)\vec{X} = \bm{\Phi} \vec{X}, \label{eq:compressiveproblem} \end{align} where $\bm{\vec{Y}}$ is a vector that contains the $p$ undersampled spectra $\vec{Y}_{i}$ and $\bm{\Phi}$ a vector that contains the $p$ sampling matrices \textbf{$\Phi_{i}$} of dimensions $N_{i}\times M$ each. Thus, reconstruction of $\vec{X}$ out of the set of $\vec{Y}_{i}$ requires appropriate construction of the sampling matrices \textbf{$\Phi_{i}$} and dedicated algorithms. The problem has motivated research in the context of wideband spectrum sensing \cite{nader11}, where the idea is to achieve awareness of spectral opportunities, {\it i.e.}, to detect and fill licensed but unused portions of the electromagnetic spectrum at minimal computational cost. For this purpose, approaches like $l_{1}$ minimization or greedy pursuit algorithms have been studied \cite{needell10,sun12}. In our experiment, we implemented a compressive sensing scheme where the $\vec{Y}_i$ represent undersampled spectra acquired at slightly different sampling rates $f_\mr{s}^{(i)}$. We varied the sampling rates by adding small extra delays to the delay time $t_\mr{d}$. We then constructed a sampling matrix $\Phi_i$ for each spectrum $\vec{Y}_i$ following Refs. \cite{sun12,needell10} and solved the linear system (Eq.~\ref{eq:compressiveproblem}) by a non-negative linear least-squares solver ({\texttt{lsqnonneg}}) in Matlab. To successfully reconstruct $\vec{X}$, suitable sampling matrices \textbf{$\Phi_{i}$} need to be chosen. The reason is that we want to avoid that two matrices \textbf{$\Phi_{i}$} and \textbf{$\Phi_{j}$} map the same components of $\vec{X}$ into different undersampled spectra $\vec{Y}_{i}$ and $\vec{Y}_{j}$. To avoid such a situation, the matrices should be chosen as orthogonal or maximally incoherent as possible. The coherence $\mu$ of the sampling matrices is obtained via the inner product of their columns \begin{align} \mu = \max_{i\neq j\in\left[1,M\right]}\left|\left\langle \phi_{i},\phi_{j}\right\rangle\right| \label{eq:matrix_coherence} \end{align} where $\phi_{i}$ denotes a $l_{2}$-normalized column of the matrix $\bm{\Phi}$. $\mu$ is a measure of the orthogonality of the sampling matrices, and under appropriate construction equals $1/p$ \cite{sun12}. In such case, the spectrum $\vec{X}$ can be exactly reconstructed if $p>2s-1$ \cite{donoho06}. We minimized the coherence of our sampling matrices by choosing random delay times $t_\mr{d}$, which in turn determine $f_\mr{s}^{(i)}$ and therefore $N_i=Tf_\mr{s}^{(i)}$. Furthermore, since the effective total measurement durations $T_i\approx T$ were not identical (due to rounding requirements of the pulse generator), the frequency resolution for a measured $\vec{Y}_i$ and the sought after spectrum $\vec{X}$ are not exactly the same. We therefore interpolated the elements of the sampling matrices $\Phi_i$, which would ideally be $\in\{0,1\}$, to fractional values $\in [0...1]$, as \begin{align*} \Phi_{i}\left[n',m'\right] &= \frac{N_i}{M} \sum_{l=-\infty}^{\infty} w_{nm} \left(\delta\left(m-\left\lfloor (n+l N_i)\frac{T}{T_i} \right\rfloor \right) + \delta\left(m-\left\lceil (n+l N_i)\frac{T}{T_i} \right\rceil \right)\right)\\ n' &= n + \left\lfloor\frac{N_i}{2}\right\rfloor + 1\\ m' &= m + \left\lfloor\frac{M}{2}\right\rfloor + 1\\ w_{nm} &= \left|1 - \left(m - (n+l N_i)\frac{T}{T_i}\right)\right| \end{align*} where $\left\lfloor a \right\rfloor$ is the floor function and $\left\lceil a \right\rceil$ is the ceil function. $\delta\left(a\right)$ denotes the Kronecker delta function and $\left|a\right|$ the absolute value. To minimize computational costs, we only reconstructed the portions of the spectrum falling within the CPMG filter windows, {\it i.e.}, we constructed sparse matrices $\Phi_{i}$ with zeros everywhere outside the spectral portions of interest. \newpage{} \section*{Supplementary Figure 1} \begin{figure}[h!] \centering \includegraphics[width=0.99\textwidth]{figS1.pdf} \caption{Qubit gate diagram of one sensing instance. Two qubits were used, including a probe qubit (implemented by the electronic spin of the NV center) and a memory qubit (implemented by the {$^{15}$N \/} nuclear spin of the NV center). The top channel represents the electronic and the bottom channel the nuclear qubit. The nuclear spin was initialized by a laser pulse (green) plus two c-NOT gates. Thereafter, the electronic qubit was initialized by another laser pulse. The c-NOT gates were implemented by selective microwave (red) and radio-frequency (blue) inversion pulses on the electronic and nuclear hyperfine transitions, respectively. A CPMG sequence adjusted to the frequency of interest was then executed on the electronic qubit. The resulting state was stored in the nuclear qubit via another c-NOT gate and subsequently read out in a repetitive quantum-nondemolition measurement \cite{jiang09}. The readout sequence consisted of the repetitive execution of an electronic c-NOT gate followed by a readout laser pulse of duration $\approx$800~ns. Full-height pulses symbolize non-selective pulses and half-height pulses symbolize selective pulses. } \label{fig:scheme_details} \end{figure} \newpage{} \section*{Supplementary Figure 2} \begin{figure}[h!] \centering \includegraphics[width=0.99\textwidth]{figS2.pdf} \caption{ (\textbf{A}) Pulse timing diagram of the CPMG sequence executed on the electronic qubit. Blue (red) microwave pulses stand for rotations around the $X$-axis ($Y$-axis). The eight $\pi$-pulses in the square bracket are repeated $\frac{K}{8}$ times. The alternation of the rotation axes is that of an XY8 sequence \cite{gullion90}. (\textbf{B}) Modulation function $g(t)$ of the CPMG sequence. Each $\pi$ reverts the accumulated quantum phase of the qubit, represented by a change in sign of the modulation function. } \label{fig:SuppPulseSeq} \end{figure} \newpage{} \section*{Supplementary Figure 3} \begin{figure}[h!] \centering \includegraphics[width=0.80\textwidth]{figS3.pdf} \caption{ Power spectrum of a.c. signals for $T=4\unit{min}$, $10\unit{min}$ and $240\unit{min}$. Peaks (i-iii) originate from coherent signals at $f_\mr{c}=1.2\unit{MHz}$ and $f_\mr{c}\pm 15\unit{mHz}$ produced by amplitude modulation. Signal (iv) with frequency $f_\mr{c}+40\unit{mHz}$ originates from a frequency modulated (FM) signal with an artificial line broadening of $\gamma_\mr{int} = 0.76\unit{mHz}$. } \label{fig:Linewidth} \end{figure} \newpage{} \section*{Supplementary Figure 4} \begin{figure}[h!] \centering \includegraphics[width=0.99\textwidth]{figS4.pdf} \caption{ (\textbf{A}) Simulated spectra based on formula given in Eq.~(\ref{eq:nonLinearSig}) for different signal amplitudes $\phi_\mr{max}$. Odd harmonics of the signal frequency $f_\mr{ac}$ are observed as $\phi_\mr{max}$ exceeds the linear regime of the sensor ($\phi_\mr{max}\gtrsim 1$). The number of harmonics increases with the signal amplitude $\phi_\mr{max}$, eventually leading to spectral folding. (\textbf{B}) Simulated spectrum of a signal with two frequency components: $f_\mr{ac} = 400.75$~kHz and $f_\mr{ac}' = 401.75$~kHz sampled at a rate of $f_\mr{s} = 742.1$~Hz. The signal amplitudes are $\phi_\mr{max,1}=3$ and $\phi_\mr{max,2}=2$, respectively. The spectrum shows harmonics as well as frequency mixing of the two fundamental frequencies. Spectral folding further complicates the interpretation of the spectrum. (\textbf{C}) Peak height in the power spectrum as a function of $\phi_\mr{max}$ for a signal with frequency $f_\mr{ac}$. The blue curve is given by $\phi_\mr{rms}^2/4$ and represents the linear regime where $J_1(\phi_\mr{max})\approx\phi_\mr{max}/2$. We have used this approximation in our experiments. The red and yellow curves show the first and third Bessel function corresponding to the amplitudes of the $f_\mr{ac}$ and $3f_\mr{ac}$ harmonics, respectively. The purple curve shows the total power of all harmonics, $\sum^{\infty}_{k=0} J_{2k+1}^2(\phi_\mr{max})$, which approaches $0.25$ as $\phi_\mr{max}\rightarrow\infty$. } \label{fig:besselPlots} \end{figure} \newpage{} \section*{Supplementary Figure 5} \begin{figure}[h!] \centering \includegraphics[width=0.99\textwidth]{figS5.pdf} \caption{ (\textbf{A}) Experimental spectra of a single tone a.c. signal with $f_\mr{ac}=1.202254655\unit{MHz}$ for five different amplitude settings on the external signal generator. The amplitude settings are stated with each plot. The spectra are vertically shifted by one unit for clarity. All spectra use the same vertical scale, except for the top spectrum which is magnified $6\times$. Labels identify the different signal harmonics as discussed with Eq. (\ref{eq:nonLinearSig}). (\textbf{B}) Fitted peak heights for the first four harmonics at $f_\mr{ac}$, $3f_\mr{ac}$, $5f_\mr{ac}$ and $7f_\mr{ac}$ as a function of the phase amplitude $\phi_\mr{max}$. The data are in excellent agreement with Eq. (\ref{eq:nonLinearSig}). } \label{fig:harmonics} \end{figure} \newpage \section*{Supplementary References} \input{"bibliography_suppl.bbl"} \end{document}
7d0534053f7d6b03421639658b09afa41615736f
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Critical infrastructures such as power grids and transportation systems are witnessing growing adoption of modern information and communication technologies (ICTs) for autonomous operation. While these advancements have improved their operational efficiency, ICTs may also make them vulnerable to cyber attacks. Vulnerabilities in ICT systems were exploited in recent high-profile cybersecurity incidents such as the BlackEnergy \cite{Ukraine2016} and Dragonfly \cite{dragonfly2014} attacks against power grids and the Stuxnet worm \cite{karnouskos2011} against nuclear plants. These attacks injected false sensor data and/or control commands to the industrial control systems and resulted in widespread damage to the physical infrastructures and service outages. These incidents alert us to a general class of attacks called {\em false data injection} (FDI) against cyber-physical systems (CPS). Attack detection and mitigation are two basic CPS security research problems, where the {\em attack detection} makes decisions in real time regarding the presence of an attack and {\em attack mitigation} isolates a detected attack and/or reduces its adverse impact on the system performance. CPSs often have various built-in anomaly detection methods that are effective in detecting simple fault-like FDI attacks, such as injecting surges, ramps, and random noises. However, critical CPSs (e.g., power grids) are the target of sophisticated attackers (such as hostile national organizations), whose attacks are often well-crafted using detailed knowledge of the system and its anomaly detection methods. To avoid detection, the attacker can inject a sequence of attacks of small magnitude and gradually mislead the system to a sub-optimal and even unsafe state. However, due to the stochastic nature of the physical and measurement processes of CPSs, as well as the adoption of stringent, advanced attack detectors, the well-crafted attacks can be detected probabilistically \cite{Mo2015, vu2016}. Upon detecting an attack, mitigation should be activated to isolate the attack or maintain acceptable system performance in coexisting with the attack. Therefore, attack detection and mitigation are deeply coupled and they jointly define the system resilience against FDI attacks. On the one hand, a conservative detector may miss attacks, causing system performance degradation due to the mis-activation of attack mitigation. On the other hand, an aggressive detector may frequently raise false positives, triggering unnecessary mitigation actions in the absence of attacks, while attack mitigation generally needs to sacrifice the system performance to increase its robustness against attacks. Thus, it is important to understand the joint effect of attack detection and mitigation on the system performance, which serves as a basis for designing satisfactory detection-mitigation mechanisms. However, prior research on FDI attacks mostly study attack detection and mitigation separately \cite{LiuKwonHwang2012,Kwon2013,Mo2015,BaiGupta2014}, and falls short of capturing their joint effect on the system. The studies on attack detection \cite{LiuKwonHwang2012,Kwon2013,Mo2015} generally ignore the attack mitigation triggered by probabilistic detection of attacks, and its impact on the future system states. On the other hand, the studies on attack mitigation \cite{Barreto2013, Ma2013, ZhuBasar2015} assume that the attack has been detected, and ignore the probabilistic nature of the attack detection and any adverse impact of mis-activation or false activation of mitigation due to misdetections and false alarms. As an early (but important) effort in closing the gap, we jointly consider attack detection and mitigation in the system defense. In particular, we study their joint effect from an attacker's perspective and investigate the largest system performance degradation that a sophisticated attacker can cause in the presence of such a detection-mitigation defense mechanism. Studying this largest performance degradation helps us quantify the limit of attack impact, and serves as an important basis for designing/comparing detection and mitigation strategies to protect critical infrastructures. However, the attacker faces a fundamental dilemma in designing his attack -- a large attack magnitude will result in high detection probability, thus nullifying the attack impact on the system (due to mitigation) whereas a small attack magnitude increases stealthiness but may do little damage. To achieve a significant impact, the attacker's injections must strike a balance between magnitude and stealthiness. In this paper, we consider a general discrete-time linear time invariant (LTI) system with a feedback controller that computes its control decision based on the system state estimated by a Kalman filter (KF). For each time step, the controller uses a $\chi^2$ attack detector \cite{MEHRAChiSquare1971}, and activates mitigation actions upon detecting an attack. Following the Kerckhoffs's principle, we consider an attacker who accurately knows the system and its attack detection and mitigation methods. The attacker launches FDI attacks on the sensor measurements over an attack time horizon, aiming at misleading the controller into making erroneous control decisions. As the attack detection at each time step is probabilistic, we formulate the attacker's problem as a constrained stochastic optimization problem with an objective of maximizing the state estimation error over the attack time horizon, subject to a general constraint that the energy of the attack signal is upper-bounded. The solution to this problem naturally leads to an attack sequence that strikes a balance between attack magnitude and stealthiness to achieve the largest system performance degradation. The main challenge in solving the aforementioned attacker's problem lies in the fact that the system state at any time depends on all the past attack detection results, due to reactive attack mitigation. Thus, the optimal attack at any time must exhaustively account for all possible sequences of past detection results, which is computationally complex. Moreover, the probabilistic attack detection introduces additional randomness into the system dynamics. Our key observation to overcome these issues is that the system dynamics is Markovian and the attacker's injections at any time can be computed based on knowledge about it, which captures the impact of all the past detection results. To summarize, the main contributions of our work are as follows: \begin{itemize} \item We solve the aforementioned attacker's problem using a Markov decision process (MDP) framework. In our formulation, the sequential operations of probabilistic attack detection and mitigation are mapped to the MDP's state transition probabilities. The MDP is solved by state space discretization and using the \emph{value iteration} algorithm \cite{Puterman:1994}. \item To illustrate our analysis, we use a real-world CPCS -- power grid voltage control -- as our case study. The voltage controller adjusts the pilot bus voltages to predefined setpoints based on voltage measurements by applying feedback control on the generators' reactive power outputs. In the presence of attack mitigation, the attacker injects false measurements into the system, aiming at deviating the pilot bus voltages. Extensive simulations using PowerWorld, a high-fidelity power simulator, show that the optimal attack sequence computed using our proposed approach causes the maximum deviation of the pilot bus voltages from the desired setpoint. \item Based on the above framework, we also consider the problem of designing the detection threshold from the defender's perspective. To this end, we quantify the impact of false positives (FP) and misdetections (MD) via an extensive simulation-based study. Based on these costs, the attack detection threshold can be tuned to balance the performance downgrades due to FPs and MDs depending on the accuracy of the mitigation signal. \end{itemize} The remainder of the paper is organized as follows. Section~\ref{sec:Related} reviews related work. Section~\ref{sec:Sys_Model} describes the system model. Section~\ref{sec:Threat_Model} gives the problem formulation. Section~\ref{sec:Soln_Methods} describes the MDP-based solution methodology. Section~\ref{sec:MD_FP} analyzes the impact of FPs and MDs on the system performance. Section~\ref{sec:Sim_Res} presents the simulation results. Section~\ref{sec:Conclusion} concludes. \begin{figure*}[!t] \centering \includegraphics[width=0.62\textwidth]{Figures/system_block_diagram} \caption{Block diagram of the system model.} \label{fig:sys_model} \end{figure*} \section{Related Work} \label{sec:Related} As mentioned earlier, most of the existing studies treat attack detection and mitigation problems separately. In the category of attack detection, the performance degradation caused by stealthy attacks in a noiseless LTI system has been analyzed \cite{Pasqualetti2013, FawziTAC2014}. Any deviation from the expected state trajectory in the deterministic system can be considered a fault or an attack. However, non-determinism and measurement noises experienced by real-world systems provide an opportunity for the attacker to masquerade his attack as natural noises, thereby rendering attack detection probabilistic. Research \cite{LiuKwonHwang2012}, \cite{Kwon2013}, and \cite{Mo2015} has studied the impact of stealthy false data injection (FDI) attacks against stochastic LTI systems, and derived optimal attack sequences that can cause the worst system performance degradation. Bai and Gupta \cite{BaiGupta2014} characterize a fundamental trade-off between the stealthiness level of an attack and the system performance degradation. However, these studies \cite{LiuKwonHwang2012,Kwon2013,Mo2015,BaiGupta2014} generally ignore the attack mitigation triggered by probabilistic detection of attacks and its impact on the future system states and attack detection. In the category of attack mitigation, preventive and reactive mitigation strategies have been proposed \cite{Combita2015}. Preventive mitigation identifies vulnerabilities in the system design and removes them to prevent exploitation by attackers. For instance, in a power system, a set of sensors and their data links can be strategically selected and protected such that a bad data detection mechanism cannot be bypassed by FDI attacks against other sensors and their links that are not protected~\cite{Bobba2010, Dan2010}. However, preventive mitigation provides static solutions only, which do not address the adaptability of strategic and knowledgeable attackers against critical infrastructures. Thus, in addition to preventative mitigation, it is important to develop reactive attack mitigation, i.e., countermeasures that are initiated after detecting an attack and tune the system based on the estimated attack activities. Reactive attack mitigation is mainly studied under game-theoretic settings \cite{Barreto2013, Ma2013}. Specifically, the attacker manipulates a set of sensor/control signals and aims at disrupting the system operation, while the defender responds by tuning the remaining system parameters to negate the attack or minimize its impact. However, most studies on reactive mitigation (e.g., \cite{Barreto2013, Ma2013, ZhuBasar2015}) assume that the attack has been detected, and ignore the impact of uncertain attack detection on the overall attack mitigation. In contrast, our framework captures the interdependence between the attack detection and mitigation, and their joint impact on the system's dynamics and performance. \section{Preliminaries} \label{sec:Sys_Model} \subsection{System Model} A block diagram of the system model is illustrated in Fig.~\ref{fig:sys_model}. We consider a general discrete-time LTI system that evolves as \begin{align} {\bf x}[t+1] &= {\bf A} {\bf x}[t] + {\bf B} {\bf u}[t] + {\bf w}[t], \label{eqn:process} \end{align} where ${\bf x}[t] \in \mbox{\bb R}^{n}$ is the system state vector, ${\bf u}[t] \in \mbox{\bb R}^{p}$ is the control input, and ${\bf w}[t] \in \mbox{\bb R}^{n}$ is the process noise at the $t$-th time slot. Matrices ${\bf A}$ and ${\bf B}$ denote the propagation and control matrices, respectively. The initial system state ${\bf x}[0]$ and process noise ${\bf w}[t]$ are independent Gaussian random variables. Specifically, ${\bf x}[0] \sim \mathcal{N} (\bf{0},{\bf X})$ and ${\bf w}[t] \sim \mathcal{N} (\bf{0},{\bf Q}),$ where $\mathbf{0} = [0, \ldots, 0]^T$ and $\mathbf{X}$ and $\mathbf{Q}$ are the covariance matrices. The process described in \eqref{eqn:process} is observed through sensors deployed in the system, whose observation at time $t$, denoted by ${\bf y}[t] \in \mbox{\bb R}^m$, is given by \begin{align} {\bf y}[t] &= {\bf C} {\bf x}[t] + {\bf v}[t], \label{eqn:Obs} \end{align} where ${\bf C} \in \mbox{\bb R}^{m \times n}$ is the measurement matrix and ${\bf v}[t] \sim \mathcal{N} (\bf{0},{\bf R})$ is the measurement noise at time $t$ and ${\bf R}$ is the covariance. We assume that ${\bf v}[t]$ is independent of ${\bf x}[0]$ and ${\bf w}[t].$ Moreover, we assume that the system in \eqref{eqn:process} is controllable and the measurement process in \eqref{eqn:Obs} is observable. The controller uses a Kalman filter (KF) to estimate the system state based on the observations. The KF works as follows \cite{kailath2000linear}: \begin{align} \hat{{\bf x}} [t+1] \!=\! {\bf A} \hat{{\bf x}}[t]\! +\! {\bf B} {\bf u}[t] \! +\! {\bf K} ({\bf y} [t+1]\! -\! {\bf C} ({\bf A} \hat{{\bf x}}[t]\! +\! {\bf B} {\bf u}[t])), \label{eqn:KF_est_nomit} \end{align} where $\hat{{\bf x}}[t]$ is the estimate of the system state, ${\bf K}$ denotes the steady-state Kalman gain given by ${\bf K} = {\bf P}_\infty {\bf C}^T({\bf C} {\bf P}_\infty{\bf C}^T + {\bf R} )^{-1}$, and the matrix ${\bf P}_\infty$ is the solution to the algebraic Riccati equation ${\bf P}_\infty = {\bf A}{\bf P}_\infty{\bf A}^T + {\bf Q} - {\bf A}{\bf P}_\infty{\bf C}^T({\bf C}{\bf P}_\infty{\bf C} + {\bf R})^{-1}{\bf C}{\bf P}_\infty{\bf A}^T.$ We denote the KF estimation error at time $t$ by ${\bf e}[t] = {\bf x}[t] - \hat{{\bf x}}[t].$ \subsubsection*{LTI Model in Power Systems} The analysis in this paper is based on the general discrete-time LTI model described above. As a number of control loops found in a power system can be modeled using the LTI model, our analysis applies to these control loops. In the following, we provide examples of a discrete-time LTI system, namely a power system's voltage control and generator swing equations. A power system consists of a set of buses (nodes) to which generators and loads are connected, and transmission lines that connect these buses. As an example, the IEEE $9$-bus test system is illustrated in Fig.~\ref{fig:9_bus}. \begin{figure}[!t] \centering \includegraphics[width=0.45\textwidth]{Figures/ieee_9_bus} \caption{IEEE 9-bus power system.} \label{fig:9_bus} \end{figure} \emph{Voltage control}: Power system voltage control refers to maintaining the voltages of selected critical buses (called {\em pilot buses} marked with ``P" in Fig.~\ref{fig:9_bus}) within safe operational limits by adjusting the output voltage of the generator buses \cite{Ilic1995}. It can be modeled as an LTI system described in Eqs. \eqref{eqn:process} and \eqref{eqn:Obs}. Specifically, the state vector ${\bf x}[t]$ refers to the voltages of the pilot buses at time $t,$ which should be maintained at a nominal voltage denoted by ${\bf x}_0.$ The control signal, which is applied at the generator buses, corresponds to the change in the generator bus voltages, i.e., ${\bf u}[t] = {\bf v}_G[t]-{\bf v}_G[t-1],$ where ${\bf v}_G[t]$ is a vector of the generator bus voltages. Under this model, the voltage control system can be approximated by an LTI system with ${\bf A} = {\bf I}$ \cite{Paul1987}, \cite{Ilic1995}. The control matrix ${\bf B}$ is an unknown parameter that can be estimated from real data traces (more details on estimating the matrix ${\bf B}$ will be presented in Section \ref{sec:Sim_Res}). Since the estimation cannot be perfect, the LTI model may be inaccurate, though the inaccuracies are small and can be captured as process noise. Since the system state can be directly measured by voltage sensors deployed at the pilot buses, the measurement matrix is an identity matrix, i.e., ${\bf C} = {\bf I}.$ The system is bounded-input bounded-output stable if the control algorithm satisfies ${\bf B} {\bf u}[t] = \alpha ({\bf x}_0 - {\bf x}[t])$ for $\alpha \in (0,1)$, and this control is adopted in practical systems \cite{Paul1987}. However, as the sensor measurements are noisy, the controller cannot have perfect knowledge of the system state ${\bf x}[t].$ Rather, the state is estimated using the KF-based technique described in \eqref{eqn:KF_est_nomit}. Based on the estimated state $\hat{{\bf x}}[t],$ the control can be computed as \begin{align} {\bf u}[t] = \alpha {\bf B}^{-1} ({\bf x}_0 - \hat{{\bf x}}[t]). \label{eqn:control_vg} \end{align} \emph{Generator swing equations:} The swing equations establish a mathematical relationship between the angles of the mechanical motor and the generated alternating current electricity \cite{Kundur1994}. The swing equations can be linearized and modeled as an LTI system described by Eqs. \eqref{eqn:process} and \eqref{eqn:Obs} under the assumption of direct current (DC) power flow\cite{FabioPow2011}. For a power network consisting of $n$ generators, the state vector consists of $2n$ entries. The first $n$ entries are the generator's rotor phase angles and the last $n$ entries are the generator's rotor frequency. The control inputs correspond to changes in mechanical input power to the generators, and is responsible for maintaining the generator's rotor angle and frequency within a safe operational range. The entries of the matrix ${\bf A}$ depend on the power system's topology (including the transmission lines' susceptances) as well as the generators' mechanical parameters (such as inertia and damping constants). The structure of the matrix ${\bf B}$ depends on the type of feedback control used to restrict the rotor angle frequency to within the safety range \cite{Kundur1994}. The measurement vector ${\bf y}[t]$ under the DC power flow model includes nodal real power injections at all the buses, all the branch power flows, and the rotor angles. The observation matrix ${\bf C}$ can be constructed based on the power system topology \cite{Liu2009}. \subsection{Threat Model, Attack Detection \& Mitigation} Modern-day critical infrastructure systems extensively use ICT for their operation. For instance, in a power grid, the remote terminal units (RTUs) and many other field devices are connected by the internet protocol (IP). The sensor and control data is transmitted over the Internet using virtual private networks (VPNs) for logical isolation \cite{Hahn2013}. However it has been demonstrated in the past that software-based protection schemes such as VPNs can be breached by attackers (e.g., see \cite{Heartbleed}). Additionally, in a power grid, the sensors (such as the voltage and current measurement units) are spread over a large geographical area, making their measurements vulnerable to physical attacks \cite{kune2013ghost, SmartMeterSecurity2009}. Such vulnerabilities can be exploited to launch attacks and disrupt the normal power grid operations. In this paper, we follow Kerckhoffs's principle and consider an attacker who has accurate knowledge of the targeted CPCS and read access to the system state. Such knowledge can be obtained in practice by malicious insiders, long-term data exfiltration \cite{dragonfly2014}, or social engineering against employees, contractors, or vendors of a critical infrastructure operator \cite{karnouskos2011}. Specifically, we assume that the attacker knows the matrices ${\bf A}, {\bf B}$ and ${\bf C},$ as well as the operational details of the KF and the system's method of anomaly detection (including the detection threshold). In addition, the attacker also has read and write accesses to the system sensors. We consider FDI attacks on the system sensors. Under this attack model, the compromised observations, denoted by ${\bf y}_a[t]$, are given by \begin{align} {\bf y}_a[t] &= {\bf y}[t] + {\bf a}[t] \label{eqn:Obs_Attack}, \end{align} where ${\bf a}[t] \in \mbox{\bb R}^{m}$ is the attacker's injection. To model the attacker's energy constraint, we assume that the norm of the injection, $\|\mathbf{a}[t]\|$, is upper-bounded by a constant $a_{\max}$, i.e., $||{\bf a}[t]|| \leq a_{\max}.$ Denote by $\mathcal{A}$ the set of all feasible attack vectors that satisfy the above energy constraint. We assume that the controller uses the $\chi^2$ detector \cite{MEHRAChiSquare1971} to detect the attack, which has been widely adopted in security analysis of LTI systems \cite{Kwon2013}, \cite{Mo2015}. We note that our analysis framework can also be extended to address other attack detectors. The $\chi^2$ detector computes a quantity $g[t] = {\bf r}[t]^T {\bf P}^{-1}_r {\bf r}[t],$ where ${\bf r}[t]$ is the residual given by \begin{align} {\bf r}[t] &= {\bf y}_a[t+1] - {\bf C} ({\bf A} \hat{{\bf x}}[t] + {\bf B} {\bf u}[t]) \label{eqn:res_defn}, \end{align} and ${\bf P}_r = {\bf C} {\bf P}_{\infty} {\bf C}+{\bf R}$ is a constant matrix that denotes the covariance of the residual in the steady state. Denoted by $i[t] \in \{0, 1\}$ the detection result of the detector. The detector declares an attack if $g[t]$ is greater than a predefined threshold $\eta.$ Specifically, \begin{align} i[t] = \begin{cases} 0, & \text{if} \ 0 \leq g[t] \leq \eta; \\ 1, & \text{else}. \end{cases} \label{eqn:indicator} \end{align} Based on the detection result, the controller applies a reactive mitigation action. If the $\chi^2$ detector's alarm is triggered, the controller forwards a modified version of the observation ${\bf y}_a[t] - \hbox{\boldmath$\delta$}[t]$ to the KF, where $\hbox{\boldmath$\delta$}[t] \in \mbox{\bb R}^m$ is an attack mitigation signal; otherwise, the controller directly forwards ${\bf y}_a[t]$ to the KF (ref. Fig.~\ref{fig:sys_model}). Thus, the controller's operation can be expressed as \begin{align} {\bf y}_f[t] = {\bf y}_a[t] - i[t] \hbox{\boldmath$\delta$}[t]. \label{eqn:mitigation} \end{align} With the controller's mitigation action, the KF estimate is computed as \begin{align} \hat{{\bf x}} [t+1] \!=\! {\bf A} \hat{{\bf x}}[t]\! +\! {\bf B} {\bf u}[t] \! +\! {\bf K} ({\bf y}_f [t+1]\! -\! {\bf C} ({\bf A} \hat{{\bf x}}[t]\! +\! {\bf B} {\bf u}[t])). \label{eqn:KF_est} \end{align} The mitigation signal $\hbox{\boldmath$\delta$}[t]$ can be generated using existing mitigation approaches (e.g., \cite{Cardenas2011}, \cite{Sridhar2014}). The main focus of this paper is not the design of the mitigation strategy, but to understand the impact of the detection-mitigation loop on the optimal attack strategy. Thus, in this paper, we do not focus on a specific mitigation approach. Instead, we design a generic framework that admits any mitigation signal. In Section~\ref{sec:Sim_Res}, our simulations are based on a perfect mitigation strategy in which the controller can precisely remove the attack signal, as well as a practical mitigation strategy in which the mitigation signal is a noisy version of the attack signal. Combining \eqref{eqn:process}, \eqref{eqn:mitigation} and \eqref{eqn:KF_est}, we obtain the dynamics of the KF estimation error with attack mitigation as \begin{align} & {\bf e} [t+1] = {\bf A}_K {\bf e}[t] + {\bf W}_K{\bf w} [t] \nonumber \\ & \ - {\bf K} ({\bf a}[t+1]-i[t+1] \hbox{\boldmath$\delta$}[t+1]) - {\bf K} {\bf v}[t+1], \ t \geq 0, \label{eqn:error_evol} \end{align} where ${\bf A}_K = {\bf A}- {\bf K} {\bf C} {\bf A}$ and ${\bf W}_K = ({\bf I}- {\bf K} {\bf C}).$ Since the KF is assumed to be in the steady state at time $0,$ we have $\mathbb{E}[{\bf e}[0]] = \bf{0}$ and $\mathbb{E} [{\bf e}[0] {\bf e}[0]^T] = {\bf P}_e = ({\bf I}- {\bf K} {\bf C}) {\bf P}_\infty.$ \section{Problem Formulation} \label{sec:Threat_Model} Under the Kerckhoffs's assumption about the attacker's knowledge, we analyze attack strategies that can mislead the controller into making erroneous control decisions. This is accomplished indirectly by increasing the estimation errors. For a given attack detection threshold $\eta$ and mitigation strategy $\{ \hbox{\boldmath$\delta$}[t] \}^T_{t = 1}$ over a horizon of $T$ time slots, the optimal attack sequence that maximizes the cumulative sum of KF's expected norm of the estimation error over the horizon is given by the following optimization problem: \begin{eqnarray} &\displaystyle \max_{ {\bf a}[1],\dots,{\bf a}[T]} & \sum^T_{t = 1}\mathbb{E} [\| {\bf e}[t] \|^2 ] \label{eqn:attacker_problem} \\ & s.t. & \text{KF error dynamics \eqref{eqn:error_evol}}, \nonumber \\ & & \|\mathbf{a}[t] \| \leq a_{\max}, \forall t \nonumber. \end{eqnarray} Maximizing the KF estimation error implies that the controller no longer has an accurate estimate of the system state. In systems that use KF for state estimation (such as positioning systems, power systems, etc.), control input computed based on inaccurate/wrong system state estimates can adversely affect their performance and even result in catastrophic safety incidents. Moreover, the cumulative sum in the objective function implies that the attack has a sustained adverse impact on the system over the entire attack time horizon. We note that similar cumulative metrics have also been widely adopted in control system design to assess the performance of controllers \cite{abdelzaher2008introduction}. Thus, with an objective of maximizing the cumulative metric, the optimal attack sequence will bring the largest performance degradation to the control systems that are designed in terms of cumulative metrics. \begin{figure}[!t] \centering \includegraphics[width=0.48\textwidth]{Figures/Obj_Fn} \caption{Attack impact for the voltage control problem.} \label{fig:obj_fn} \end{figure} \subsubsection*{Relevance to Power System} We illustrate the relevance of the optimization problem stated in \eqref{eqn:attacker_problem} to power grid's voltage control. Recall that the voltage controller's objective is to adjust the pilot bus voltage to its setpoint ${\bf x}_0$ by applying control. Fig.~\ref{fig:obj_fn} shows the impact of an attack that is able to bypass the $\chi^2$ detector (and consequently the controller's mitigation steps) on the pilot bus voltage. In this figure, the dotted line indicates the voltage setpoint, and the solid lines show the evolution of the system state ${\bf x}[t]$ and estimate $\hat{{\bf x}}[t]$. The gap between the two curves measures the KF estimation error ${\bf e}[t].$ As evident from the figure, if the attacker manages to increase the KF's estimation error using a carefully constructed attack sequence, then he can cause a significant deviation of the system state from the desired setpoint. Interestingly, the estimate $\hat{{\bf x}}[t]$ is close to the setpoint ${{\bf x}}_0$ that misleads the controller into believing that the desired setpoint has already been achieved, while the actual pilot bus voltage continues to deviate. Intuitively, to cause a significant impact, the attack magnitude must be large. But at the same time, it is important that the attack bypasses the controller's detection -- otherwise the attack will be mitigated. Thus the solution of the optimization problem \eqref{eqn:attacker_problem} must strike a balance between the attack magnitude and stealthiness. In the following section, we solve the optimization problem \eqref{eqn:attacker_problem} using an MDP-based approach. \section{MDP Solution} \label{sec:Soln_Methods} In this section, we cast the optimization problem \eqref{eqn:attacker_problem} to an MDP problem \cite{Puterman:1994} and solve it using the value iteration method. Before doing so, we first state the main challenge involved in solving \eqref{eqn:attacker_problem}. \subsection{Challenge} \begin{figure}[!t] \centering \includegraphics[width=0.45\textwidth]{Figures/probabilistic_evolution_edit} \caption{Evolution of KF estimation error conditioned on the attack detection results.} \label{fig:probabilistic_evolution} \vspace*{-0.5 cm} \end{figure} The main challenge in solving \eqref{eqn:attacker_problem} lies in the fact that the KF error dynamics, and consequently the attack detection results are coupled across different time slots. To illustrate this point, we present a pictorial depiction of the KF error dynamics \eqref{eqn:error_evol} in Fig.~\ref{fig:probabilistic_evolution}. As evident from this figure, the error dynamics of ${\bf e}[t]$ depend on the sequential decisions of the $\chi^2$ detector ${\bf i}_{[1:t]} = \{ i[t] \}^T_{t = 1}$ due to reactive attack mitigation, which is triggered based on the the attack detection. Thus, to compute the expected error at any time $t$, the attacker must consider all possible combinations of the past attack detection results ${\bf i}_{[1:t]} = \{ i[t] \}^T_{t = 1}$. The complexity of such an approach grows exponentially in terms of the optimization time horizon $T$ (since at any time $t,$ there can be $2^t$ different combinations of the past attack detection results, see Fig.~\ref{fig:probabilistic_evolution}). In the following subsections, we present an efficient solution methodology to solve the attacker's problem \eqref{eqn:attacker_problem} by modeling it as an MDP, and propose a value iteration based method to compute the optimal attack sequence. \subsection{Markov Decision Process Model} \label{sec:MDP_Model} In this subsection, we develop the MDP modelling of the optimization problem \eqref{eqn:attacker_problem}. Our key observation is that the dynamics of the KF estimation error in \eqref{eqn:error_evol} is Markovian. Hence, the knowledge of ${\bf e}[t]$ at time $t$ will capture all the past events, and exhaustive search across all the possible past attack detection results is not necessary. A state in the MDP corresponds to the KF filter estimation error ${\bf e}[t]$ and the actions correspond to the attacker's injection ${\bf a}[t].$ Our approach is to map the KF error dynamics \eqref{eqn:error_evol} to the state transition probabilities of the MDP, and the objective function of \eqref{eqn:attacker_problem} to the MDP's long-term expected reward. The solution to the MDP is a policy which maps each MDP state to an attacker's action. In particular, the optimal policy maximizes the long-term expected reward of the MDP, and hence solves the optimization problem \eqref{eqn:attacker_problem}. The mathematical details of the MDP is presented next. The structure of the MDP's solution is illustrated with the help of a numerical example in Section~\ref{sec:Mag_Stl}. \subsubsection*{MDP Modeling Details} Formally, the MDP is defined by a tuple $(\mathcal{E},\mathcal{A},\mathcal{T},R)$, where $\mathcal{E} \subseteq \mbox{\bb R}^n$ is the state space of the problem corresponding to the set of all possible ${\bf e}[t]$. $\mathcal{A}$ is the action space of the attacker. $\mathcal{T}({\bf e},{\bf a},{\bf e}^{\prime})$ is the probability of transition from state ${\bf e}$ to ${\bf e}^{\prime}$ (where ${\bf e},{\bf e}^{\prime} \in \mathcal{E}$) under an action ${\bf a} \in \mathcal{A}$ of the attacker. Mathematically, $\mathcal{T}( {\bf e},{\bf a},{\bf e}^{\prime}) {\,\,\stackrel{\scriptscriptstyle \bigtriangleup}{=}\,\,} \mathbb{P} ({\bf e}[t+1] = {\bf e}^{\prime} \big{|} {\bf e}[t] = {\bf e},{\bf a}[t+1] = {\bf a}) .$ $R({\bf e}^{\prime},{\bf a},{\bf e})$ is the immediate expected reward for the attacker when it takes an action ${\bf a} \in \mathcal{A}$ in state ${\bf e} \in \mathcal{E}.$ \emph{MDP state transition probabilities:} We now compute the state transition probability corresponding to the error dynamics \eqref{eqn:error_evol}. We adopt the following approach. First, we compute the quantity $\mathbb{P} ( {\bf e}_{\text{lb}} \leq {\bf e}[t+1] \leq {\bf e}_{\text{ub}} \big{|} {\bf e}[t] = {\bf e},{\bf a}[t+1] = {\bf a}).$ Then we use the fact that for a random variable $X,$ \begin{align*} & \mathbb{P} (X = x) \approx \frac{F ( -\infty ,x+\epsilon) - F ( -\infty ,x-\epsilon) }{2 \epsilon}, \end{align*} where $F ( x_1 ,x_2) = \mathbb{P} ( x_1 \leq X \leq x_2)$ and $\epsilon > 0$ is a small positive quantity. The result is stated in the following lemma: \begin{lemma} \label{lem:trans_prob} For a given ${\bf e}[t] = {\bf e}$ and ${\bf a}[t+1] = {\bf a}$ the attack detection probability at any time $t$ can be computed as $\mathbb{P} ( {\bf Y} \geq \eta),$ where ${\bf Y} = {\bf r}_c[t+1]^T {\bf P}^{-1}_r {\bf r}_c[t+1]$ is a generalized chi-square distributed random variable. Further, the quantity $\mathbb{P} ( {\bf e}_{\text{lb}} \leq {\bf e}[t+1] \leq {\bf e}_{\text{ub}} \big{|} {\bf e}[t] = {\bf e},{\bf a}[t+1] = {\bf a})$ can be computed as the sum of the following terms: \begin{align} & \mathbb{P} \LB \begin{bmatrix} 0 \\ {\bf e}_{\text{lb}} - {\bf y}_2 \end{bmatrix} \leq {\bf X} \leq \begin{bmatrix} \eta \\ {\bf e}_{\text{ub}} - {\bf y}_2 \end{bmatrix} \RB \nonumber \\ & + \mathbb{P} \LB \begin{bmatrix} \eta \\ {\bf e}_{\text{lb}} - {\bf y}_2 - {\bf K} \hbox{\boldmath$\delta$} \end{bmatrix} \leq {\bf X} \leq \begin{bmatrix} \infty \\ {\bf e}_{\text{ub}} - {\bf y}_2 - {\bf K} \hbox{\boldmath$\delta$} \end{bmatrix} \RB. \label{eqn:TP_vector} \end{align} In \eqref{eqn:TP_vector}, ${\bf X} \in \mbox{\bb R}^{n+1}$ is a concatenated variable given by \\ ${\bf X} = \LSB {\bf Y} \ \ ({\bf W}_K {\bf w}[t]- {\bf K} {\bf v}[t+1] )^T \RSB^T,$ ${\bf y}_2 = {\bf A}_K{\bf e} - {\bf K}{\bf a},$ and $\hbox{\boldmath$\delta$}$ is the mitigation signal. \end{lemma} Lemma~\ref{lem:trans_prob} is proved in Appendix~A. For a generic system of dimensions $n, m \geq 2,$ it is hard to obtain analytical expressions for the probability terms involved in Lemma~\ref{lem:trans_prob} (since they involve a generalized chi-square distribution, as well as the correlations between the random variables ${\bf Y}$ and ${\bf W}_K {\bf w}[t]- {\bf K} {\bf v}[t+1],$ which is hard to quantify analytically). However, for the scalar case i.e. $n = m = 1$, the attack detection and transition probabilities can be computed using the Gaussian distribution, as stated in the following corollary: \begin{corollary} \label{cor:trans_prob} For $n = m = 1,$ the attack detection probability at any time $t$ can be computed as \begin{align} & \mathbb{P} \big{(}{\bf Y} \in (-\infty, -\sqrt{\eta {\bf P}_r} - {\bf C}{\bf A}{\bf e} - {\bf a}] \nonumber \\ & \qquad \qquad \qquad \qquad \cup [\sqrt{\eta {\bf P}_r} - {\bf C}{\bf A}{\bf e} - {\bf a}, \infty) \big{)}, \label{eqn:Det_Prob} \end{align} where ${\bf Y} \sim \mathcal{N} (0,{\bf C} {\bf Q} {\bf W}^T_K + {\bf R}).$ Further, the quantity $\mathbb{P} ( {\bf e}_{\text{lb}} \leq {\bf e}[t+1] \leq {\bf e}_{\text{ub}} \big{|} {\bf e}[t] = {\bf e},{\bf a}[t+1] = {\bf a})$ is equal to the sum of the following terms: \begin{align} & \mathbb{P} \LB \begin{bmatrix} -\sqrt{\eta {\bf P}_r} - {\bf y}_1 \\ {\bf e}_{\text{lb}} - {\bf y}_2 \end{bmatrix} \ \leq {\bf X} \leq \begin{bmatrix} \sqrt{\eta {\bf P}_r} - {\bf y}_1 \\ {\bf e}_{\text{ub}} - {\bf y}_2 \end{bmatrix} \RB \nonumber \\ + & \mathbb{P} \LB \begin{bmatrix} -\infty \\ {\bf e}_{\text{lb}} - {\bf y}_2 - {\bf K} \hbox{\boldmath$\delta$} \end{bmatrix} \ \leq {\bf X} \leq \begin{bmatrix} -\sqrt{\eta {\bf P}_r} - {\bf y}_1 \\ {\bf e}_{\text{ub}} - {\bf y}_2- {\bf K} \hbox{\boldmath$\delta$} \end{bmatrix} \RB \nonumber \\ + & \mathbb{P} \LB \begin{bmatrix} \sqrt{\eta {\bf P}_r} - {\bf y}_1 \\ {\bf e}_{\text{lb}} - {\bf y}_2- {\bf K} \hbox{\boldmath$\delta$} \end{bmatrix} \ \leq {\bf X} \leq \begin{bmatrix} \infty \\ {\bf e}_{\text{ub}} - {\bf y}_2 - {\bf K} \hbox{\boldmath$\delta$} \end{bmatrix} \RB \label{eqn:norm_cdf} \end{align} where ${\bf y}_1 = {\bf C}{\bf A}{\bf e} + {\bf a}$ and ${\bf y}_2 = {\bf A}_K{\bf e} - {\bf K}{\bf a}$ and ${\bf X} \in \mbox{\bb R}^{2}$ is a zero-mean Gaussian distributed random vector whose covariance matrix is given by \begin{align} \text{Cov} & ({\bf X}) = \begin{bmatrix} {\bf C} {\bf Q} {\bf W}^T_K + {\bf R} & {\bf C} {\bf Q} {\bf W}^T_K - {\bf R} {\bf K}^T \\ {\bf W}^T_K {\bf Q} {\bf C} - {\bf K} {\bf R}^T & {\bf W}_K {\bf Q} {\bf W}^T_K+ {\bf K} {\bf R} {\bf K}^T \end{bmatrix}. \end{align} \end{corollary} The probabilities in \eqref{eqn:Det_Prob} and \eqref{eqn:norm_cdf} can be computed using the cumulative distribution function (c.d.f.) of Gaussian distribution. Corollary~\ref{cor:trans_prob} is also proved in Appendix~A. \emph{MDP reward:} We now map the objective function of \eqref{eqn:attacker_problem} to the MDP reward function. Accordingly, the immediate expected reward of the MDP is given by \begin{align} R({\bf e}^{\prime},{\bf a},{\bf e}) = \int_{{\bf e}^{\prime} \in \mathcal{E}}\mathcal{T}( {\bf e},{\bf a},{\bf e}^{\prime}) || {\bf e}^{\prime} ||^2. \label{eqn:imm_rew} \end{align} \emph{MDP policy and state value function: }The solution to the MDP corresponds to a policy $\pi,$ which is a mapping from a state to an action. The state value function of the MDP for a given policy $\pi$ is defined as \begin{align} V^{\pi} ({\bf e}) = \mathbb{E}_{\pi} \LSB \sum^T_{t = 1} ||{\bf e}[t]||^2 \big{|} {\bf e}[0] = {\bf e} \RSB. \end{align} \emph{Optimal policy: }The optimal policy $\pi^*$ maximizes the total expected reward, $ \pi^* = \operatornamewithlimits{arg\,max}_{\pi} V^{\pi} ({\bf e}) , \forall {\bf e} \in \mathcal{E},$ and the optimal value function is defined as $V^*({\bf e}) = V^{\pi^*} ({\bf e}).$ In the next subsection, we present an algorithm to compute the optimal policy of the MDP described above. \subsection{Solving the MDP} \label{sec:MDP_Discrete} MDPs can be solved efficiently by value/policy iteration methods \cite{Puterman:1994}. However, in this work we are dealing with real-world quantities (for e.g. voltages in a power grid) which are continuous variables. Hence, the MDP described in Section~\ref{sec:MDP_Model} has continuous state and action spaces\footnote{We note that the MDP problem has continuous state and action spaces, but is not a continuous-time MDP (since we only consider discrete-time LTI systems).}, which makes it impractical to apply a value iteration method directly. In order to address this issue, in what follows, we define a \emph{discretized MDP} obtained by discretizing the state space of the original continuous MDP. The optimal policy of the discretized MDP can be used as a near-optimal solution to the continuous MDP. Existing studies (e.g., \cite{ChowTsitsiklis1991}) adopt similar discretization approaches. In the following, we provide only a sketch of the discretization procedure. More details of the discretized procedure can be found in Appendix B. This is followed by a value iteration algorithm to compute its optimal policy. The MDP discretization procedure is based on the following three steps: \begin{itemize} \item[1.] Construct a discretized MDP that mimics the continuous MDP closely. \item[2.] Solve the discretized MDP using value iteration, which gives an optimal policy for the discretized MDP. \item[3.] Map the discterized MDP's optimal policy to a near-optimal policy for the continuous MDP. \end{itemize} Let $\Xi$ denote the discretized version of the original state space $\mathcal{E},$ where $\Xi = \{ \xi_1,\dots,\xi_N \},$ where $N$ is the number descritization levels, and $\overline{\mathcal{T}} (\xi_i,{\bf a},\xi_j)$, $\overline{R}(\xi_i,{\bf a},\xi_j)$ and $\overline{V} (\xi_i)$ denote the state transition probabilities, the reward and value function of the discretized MDP. The mathematical details of their computation are provided in Appendix~B. The discretized MDP can be solved using the value iteration method whose steps are given by the following algorithm: \vspace{0.05in} \hrule \vspace{0.01in}\hrule \begin{algorithm} [{\bf Value Iteration}] \label{alg:HeurisitcSingleStorage} \begin{algorithmic}[1] \item[] \State Set $\overline{V}^*_{0} (\xi_i) = 0$ for all $\xi_i \in \Xi.$ \For{ t = 0 to T-1} \For{ all discretized states $\xi_i \in \Xi$} \begin{align*} & \overline{V}^*_{t+1} (\xi_i) \\ & \ \ \leftarrow \max_{{\bf a}} \sum_{\xi_j \in \Xi} \overline{\mathcal{T}} (\xi_i,{\bf a},\xi_j) \LSB \overline{R}(\xi_i,{\bf a},\xi_j) + \overline{V}^*_t (\xi_j) \RSB, \\ & \overline{\pi}^*_{t+1}(\xi_i) \\ & \ \ \leftarrow \operatornamewithlimits{arg\,max}_{{\bf a}} \sum_{\xi_j \in \Xi} \overline{\mathcal{T}}(\xi_i,{\bf a},\xi_j) \LSB \overline{R}(\xi_i,{\bf a},\xi_j) + \overline{V}^*_t (\xi_j) \RSB. \end{align*} \EndFor \EndFor \end{algorithmic} \end{algorithm} \hrule \vspace{0.01in}\hrule\vspace{0.05in} \vspace*{0.1 in} \noindent Algorithm~1 gives the optimal policy of the discretized MDP \cite{Puterman:1994}. Note that the optimal policy of the discretized MDP computed in Algorithm~1 cannot be directly applied to the continuous MDP, since we do not know the optimal policy for a state ${\bf e} \in \mathcal{E}$ that is not in the discretized state space $\Xi.$ To address this issue, we use the nearest neighbour approximation, i.e., for a state ${\bf e} \notin \Xi,$ we choose an action based on the policy of its nearest neighbour, $\pi({\bf e}) = \bar{\pi}^*(\xi_i), \ \text{where} \ \xi_i = \operatornamewithlimits{arg\,min}_{1 \leq i \leq N} ||{\bf e}-\xi_i||$. We lastly make some remarks on the MDP formulation in this section. $\bullet$ Although in this section we cast the optimization problem \eqref{eqn:attacker_problem} as a finite time horizon MDP problem, our framework can be extended to the infinite time horizon MDP problem readily by introducing a discount factor $0 \leq \gamma < 1$ in the reward function. The discount factor ensures that the cumulative sum of rewards is finite as well as the convergence of the value iteration algorithm. $\bullet$ The optimal cost of the discretized MDP is guaranteed to lie within a bounded distance from the optimal cost of the original MDP \cite{ChowTsitsiklis1991}. As the discretization is finer, the discretized MDP approaches to the original MDP more closely. \subsection{Attack Magnitude and Stealthiness} \label{sec:Mag_Stl} We now illustrate the structure of the MDP solution using a numerical example. In Fig.~\ref{fig:Attack_Mag_Stl}, we plot the attack detection probability (computed as in \eqref{eqn:Det_Prob}) and the attack impact computed in terms of the MDP's immediate expected reward (using the result of \eqref{eqn:norm_cdf} and \eqref{eqn:imm_rew}) for different values of attack magnitude ${\bf a}$. The system parameters are $n = m = 1,$ ${\bf A}$ = $1$, ${\bf C}$ = $1$, ${\bf Q}$ = $1$, ${\bf R}$ = $10,$ $\eta = 10$ and $\hbox{\boldmath$\delta$} = {\bf a}$. It can be observed that while the probability of detection is low for an attack of small magnitude, it also has little impact. On the other hand, the probability of detection is high for an attack of large magnitude, and consequently the expected attack impact is also low. The optimal attack lies in between these two quantities. In this example, the optimal attack that maximizes the expected immediate reward has a magnitude of $10,$ and a detection probability of $0.3.$ Thus, the MDP solution strikes a balance between attack magnitude and stealthiness, resulting in maximum impact\footnote{Strictly speaking, MDP solution maximizes the long term expected reward. For the ease of illustration, in this example we only considered the immediate expected reward.}. \begin{figure}[!t] \centering \begin{subfigure}{0.23\textwidth} \includegraphics[width=1\textwidth]{Figures/Attack_Det_Prob} \end{subfigure} ~ \begin{subfigure}{0.23\textwidth} \includegraphics[width=1\textwidth]{Figures/Attack_Reward} \end{subfigure} \caption{Attack detection probability and the expected attack impact (immediate expected reward of MDP) for different attack magnitudes.} \label{fig:Attack_Mag_Stl} \end{figure} \section{Cost of False Positives and Misdetections} \label{sec:MD_FP} In this section, we use the framework developed thus far to quantify the cost of FPs and MDs in a simulation-based approach. We use the cumulative state estimation error (objective function of \eqref{eqn:attacker_problem}) as the cost metric. To quantify these costs, we consider an LTI system with an \emph{oracle} attack detector as the reference system. An oracle detector is one that has a perfect detection capability, and hence no FPs or MDs. The cost of FPs is the additional cost incurred due to wrongly triggered mitigations in the original LTI system, compared with the reference system. The cost of MDs is the additional cost incurred due to unmitigated attacks in the original LTI system, compared with the reference system. In particular, we consider optimal attacks as derived in Section~\ref{sec:MDP_Model} to characterize the worst-case performance degradation due to MDs. We compute these costs as follows: {\bf Cost of FPs:} To quantify the cost of FPs, we compute the state estimation error (objective function of \eqref{eqn:attacker_problem}) in the following two systems: (i) the LTI system of \eqref{eqn:process} and \eqref{eqn:Obs} with the $\chi^2$ detector and mitigation modules and no attacks, i.e. ${\bf a}[t] = 0, \ \forall t$ (ii) the reference LTI system with ${\bf a}[t] = 0, \ \forall t$. Under setting (i), all the alarms of the $\chi^2$ detector correspond to FPs, which will wrongly trigger a mitigation action. Since the mitigation signal is imperfect, it leads to an increase in the estimation error. Note that for the reference system, there are no FPs, and hence no wrongly triggered mitigations. The difference between the state estimation errors of the two systems quantifies the performance degradation due to FP. {\bf Cost of MDs:} To quantify the cost of MDs, we compute the state estimation errors in the following two systems: (i) the LTI system of \eqref{eqn:process} and \eqref{eqn:Obs} with the $\chi^2$ detector and mitigation modules and optimal attacks (computed as in Section~\ref{sec:MDP_Model}) (ii) the reference LTI system with optimal attacks. The difference between the state estimation errors of the two systems quantifies the performance degradation due to MD, which we define as the cost of MD. In Section~\ref{sec:quant_MD_FP}, we present simulation results to quantify the cost of FP and MD under different attack detection thresholds and mitigation strategies. We also provide guidelines to tune the attack detection threshold based on this quantification. \section{Simulation results} \label{sec:Sim_Res} In this section, we present simulation results to examine the system performance under different attack sequences. Throughout this section, we use different notations to denote the attacker's knowledge of the detection and mitigation parameters ($\eta_a$ and $ \{ \hbox{\boldmath$\delta$}_a[t] \}^T_{t=1}$, respectively), and the actual parameters used by the controller ($\eta_d$ and $\{ \hbox{\boldmath$\delta$}_d[t]\}^T_{t=1}$, respectively). While solving the attacker's problem \eqref{eqn:attacker_problem}, we assume \emph{perfect attack mitigation} in which the attack can be removed precisely, i.e. $\hbox{\boldmath$\delta$}_a[t] = {\bf a}[t], \ \forall t$. From an attacker's perspective, this assumption gives an underestimate of the performance degradation he can cause (since the value of the objective function of \eqref{eqn:attacker_problem} will increase if the controller uses a mitigation strategy different from perfect mitigation). While evaluating the attack impact, we consider two mitigation strategies used by the controller. First, the perfect attack mitigation $\hbox{\boldmath$\delta$}_d[t] = {\bf a}[t], \ \forall t.$ However perfect mitigation requires the controller to estimate the injected attack vector accurately, which may not be practical. Thus we introduce a \emph{practical attack mitigation approach} under which the attack mitigation is imperfect, i.e., $\hbox{\boldmath$\delta$}_d[t] = {\bf a}[t]+{\bf b}[t],$ where ${\bf b}[t] \in \mbox{\bb R}^n$ models the mismatch between the controller's mitigation action and the actual attack vector (possibly due to inaccuracy in estimating the injected attack). In our simulations, we generate a random vector to model ${\bf b}[t]$. \subsection{Optimality of the Attack Sequence} First, we verify the optimality of the attack sequence derived using the MDP-based methodology described in Section~\ref{sec:Soln_Methods}. We consider a general LTI model described by \eqref{eqn:process} and \eqref{eqn:Obs} with $n = 1,$ ${\bf A}$ = $1$, ${\bf C}$ = $1$, ${\bf Q}$ = $1$, ${\bf R}$ = $10.$ We compare the cost function of \eqref{eqn:attacker_problem} under three different attack sequences: (i) optimal attack computed using the MDP-based approach of Section~ \ref{sec:Soln_Methods}, (ii) a constant attack sequence of magnitude $10$ units and (iii) a ramp attack of the form $a[t] = t$. The time horizon of attack $T$ is fixed to $10$ units. To implement the discretized MDP, we truncate the state space in the range $[-30,30]$ and discretize it in equal intervals of $0.25$ units. Thus, the state space of the discretized MDP consists of a total of $241$ states, i.e., $\{ -30,-29.75,\dots,0,\dots,29.75,30\}$. All the optimization problems involved in the implementation of the value iteration algorithm are solved using the \emph{fmincon} function in MATLAB. For attack impact, we compute an empirical value of the objective function of \eqref{eqn:attacker_problem} by conducting $W$ simulation runs (where $W$ is a large number). Let ${\bf e}_{\omega}[t]$ denote the state estimation error at a time instant $t \in \{ 1,2,\dots,T \}$ during the simulation run $\omega = \{ 1,2,\dots,W\},$ where ${\bf e}_{\omega}[t]$ follows the dynamics given by \begin{align*} & {\bf e}_{\omega} [t+1] = {\bf A}_K {\bf e}_{\omega}[t] + {\bf W}_K{\bf w} [t] \nonumber \\ & \ - {\bf K} ({\bf a}^*[t+1]-i[t+1] \hbox{\boldmath$\delta$}_d[t+1]) - {\bf K} {\bf v}[t+1], \ t \geq 0, \end{align*} where ${\bf a}^*[t]$ is the attack derived from the MDP policy, i.e., $ {\bf a}^*[t] = \pi^*({\bf e}_{\omega} [t])$. The empirical cost at time $t$ is then computed by averaging over the $W$ simulations, i.e., \begin{align} \text{Cost}[t] = \frac{1}{W} \sum^W_{\omega = 1} \sum^t_{\tau = 1} \| {\bf e}_{\omega}[t] \|^2. \label{eqn:emp_cost} \end{align} In our simulations, we set $W = 10000.$ To evaluate the empirical cost under other attack strategies, we use a similar approach and replace the optimal attack with the corresponding attacks (i.e., constant and ramp attacks). Fig.~\ref{fig:general_model_cost} provides a comparison of the cost at different time slots under the different attack sequences assuming the controller implements perfect mitigation $\hbox{\boldmath$\delta$}_d[t] = {\bf a}[t], \ \forall t.$ It can be seen that the cost is greatest for MDP-based attacks, which validates its optimality. To investigate the attack impact under a practical mitigation strategy, we use a similar approach as described above and set $\hbox{\boldmath$\delta$}_d[t] = {\bf a}[t]+{\bf b}[t],$ where we generate ${\bf b}[t]$ as a Gaussian distributed random variable with a standard deviation of $15$ units. From Fig.~\ref{fig:cost_imperfect}, it can be observed that even under the practical mitigation, the cost is greatest for the MDP-based attack sequence. Comparing Fig.~\ref{fig:general_model_cost} and Fig.~\ref{fig:cost_imperfect}, we also observe that the attack impact is greater for the practical mitigation compared with that of perfect mitigation (since perfect mitigation completely nullifies the attack's impact when it is detected). \begin{figure}[!t] \centering \includegraphics[width=0.48\textwidth,trim={0 8cm 0 0}]{Figures/general_model_cost} \caption{Comparison of cost with perfect attack mitigation and different attack strategies.} \label{fig:general_model_cost} \end{figure} \begin{figure}[!t] \centering \includegraphics[width=0.48\textwidth,trim={0 10cm 0 0}]{Figures/general_model_cost_imperfect} \caption{Comparison of cost with practical attack mitigation and different attack strategies.} \label{fig:cost_imperfect} \end{figure} \subsection{Quantifying the Cost of False Positives and Misdetections} \label{sec:quant_MD_FP} Next, we present simulation results to quantify the cost of FPs and MDs following the approach in Section~\ref{sec:MD_FP}. In our simulations, we consider the aforementioned practical attack mitigation. Fig.~\ref{fig:Thold} shows the cost of FPs and MDs for different detection thresholds $\eta$ and standard deviations of the attack mitigation signal $\sigma_{\text{mit}}$. We note that a low value of $\eta$ represents an aggressive detector, where as a high value of $\eta$ represents a conservative detector. For the mitigation signal, a low value of $\sigma_{\text{mit}}$ represents accurate mitigation, where as a high value represents inaccurate mitigation. In particular, $\sigma_{\text{mit}} = 0$ corresponds to perfect mitigation. \begin{figure*}[!t] \centering \begin{subfigure}{0.35\textwidth} \includegraphics[width=1\textwidth]{Figures/FP_MD_Mit0} \caption{$\sigma_{\text{mit}} = 0.$} \end{subfigure} ~ \begin{subfigure}{0.35\textwidth} \includegraphics[width=1\textwidth]{Figures/FP_MD_Mit5} \caption{$\sigma_{\text{mit}} = 5.$} \end{subfigure} \\ ~ \begin{subfigure}{0.35\textwidth} \includegraphics[width=1\textwidth]{Figures/FP_MD_Mit10} \caption{$\sigma_{\text{mit}} = 10.$} \end{subfigure} ~ \begin{subfigure}{0.35\textwidth} \includegraphics[width=1\textwidth]{Figures/FP_MD_Mit15} \caption{$\sigma_{\text{mit}} = 15.$} \end{subfigure} \caption{Cost of FPs and MDs for different attack detection thresholds and standard deviation of the attack mitigation signal.} \label{fig:Thold} \end{figure*} From these plots, we observe that as the attack detection threshold $\eta$ is increased, the cost of FP decreases, while the cost of MD increases. This result is intuitive -- a low detection threshold detects most attacks but also leads to a high number of FPs. Thus, the wrongly triggered mitigations will result in a high FP cost. On the other hand, a high detection threshold yields a low number of FPs, but also increases the number of MDs. The figures show a basic tradeoff between FPs and MDs, quantified in terms of the cost function. We also observe that these costs depend on the accuracy of the attack mitigation signal. E.g., when the accuracy is high (e.g., $\sigma_{\text{mit}} = 0, 5),$ the cost of FP is very low, even for a low detection threshold. Thus, in this scenario, the system operator can choose a low detection threshold and obtain good system performance overall. However, when the accuracy of the mitigation signal is low (e.g., $\sigma_{\text{mit}} = 15),$ the cost of FP is very high for a low detection threshold. E.g., in Fig.~\ref{fig:Thold}(d), the cost of FP for $\eta = 0$ is greater than the cost of MD for $\eta = 5.$ In this scenario, the system operator must choose a high detection threshold to obtain an acceptable level of system performance. Thus, our result helps the system operator select an appropriate threshold that balances between the costs of FP and MD, depending on the accuracy of the mitigation signal. Lastly, we note that for $\sigma_{\text{mit}} = 0$ (perfect mitigation), the cost of FP is zero for all detection thresholds. Under perfect mitigation, even if an FP event occurs, the controller can accurately estimate that the attack magnitude is zero (i.e., no attack). Thus, in this specific case, wrongly triggered mitigations do not increase the cost of FP. We also note that for $\eta = 0,$ there are no MDs. Hence, the cost of MD in this case is nearly zero. \subsection{Simulations for Voltage Control System} Next, we perform simulations on the voltage control system using PowerWorld, which is a high fidelity power system simulator widely used in the industry \cite{PowerWorld}. All the simulations are performed on the IEEE 9-bus system shown in Fig.~\ref{fig:9_bus}, in which buses $1$, $2$, and $3$ are the generator buses, whereas buses $5$, $7$, and $9$ are the pilot buses. The control matrix ${\bf B}$ is estimated using linear regression on the data traces of ${\bf x}[t+1]-{\bf x}[t]$ and ${\bf u}[t]$ obtained in a PowerWorld simulation. We present the simulation results next. First, we verify the accuracy of the LTI model in approximating the real-world voltage control system by examining the voltage at pilot bus $5$. In our simulations, the voltage controller aims to adjust the voltage of this bus from an initial voltage of $1$~pu to a setpoint (${\bf x}_0$) of $0.835$~pu (base voltage of $230$~kV) by applying the control described in \eqref{eqn:control_vg}. Fig.~\ref{fig:comaprsion_PW_LTI} plots the bus voltage from $t = 1$ to $t =30$ obtained from the PowerWorld simulations, as well as the voltage values obtained from the LTI model. To average the effect of random measurement noise, we repeat the experiment $100$ times, and take the mean value. The two curves match well in this figure, thus verifying the accuracy of the proposed LTI model. \begin{figure}[!t] \centering \includegraphics[width=0.45\textwidth,trim={0 7cm 0 0}]{Figures/PowerworldAndLTI} \caption{Comparison between PowerWorld and LTI model.} \label{fig:comaprsion_PW_LTI} \vspace*{-0.4 cm} \end{figure} Next, we simulate the impact of the proposed attacks on the voltage control system. We assume that the attacker has access to the voltage sensor of bus $5,$ and injects false measurements to mislead the controller. We compute the optimal attack sequence based on the LTI model using the MDP method implemented in MATLAB. To evaluate the attack impact, we run Monte Carlo simulations using the PowerWorld simulator by injecting the derived optimal attack into the voltage measurements, and implementing the control in \eqref{eqn:control_vg} based on the corresponding state estimate. Fig.~\ref{fig:voltage_state} shows the pilot bus voltage (bus 5) for different attack sequences with $\eta = 5$ 's and perfect attack mitigation. It can be observed that the pilot bus voltage deviates from the setpoint of $0.835$~pu, and the largest voltage deviation is seen under the optimal attack. In particular, over an attack duration of $30$ time slots, we observe that bus $5$ voltage deviates to $0.65$~pu under the optimal attack, a difference of about $0.2$~pu from its setpoint. Fig.~\ref{fig:voltage_probability} shows the attack detection probability under these attacks at different time instants. We also plot the optimal policy computed by the value iteration algorithm (Algorithm~1) in Fig.~\ref{fig:optimal_policy}a, and the optimal attack sequence for three Mote-Carlo instantiations in Fig.~\ref{fig:optimal_policy}b. We observe that the attack detection probability for a naive attack sequence (such as the ramp attack) increases with time, which results in nullifying its impact (due to attack mitigation). However, the optimal attack is crafted in a way such that the detection probability decreases over time. Consequently, the optimal attack causes a significant deviation of the pilot bus voltage from its setpoint. \begin{figure}[!t] \centering \includegraphics[width=0.45\textwidth,trim={0 5.5cm 0 0}]{Figures/voltage_powerworld_state} \caption{Pilot bus voltage (Bus 5) under different attack sequences.} \label{fig:voltage_state} \vspace{-.5cm} \end{figure} \begin{figure}[!t] \centering \includegraphics[width=0.45\textwidth,trim={0 7.5cm 0 0}]{Figures/voltage_powerworld_probability} \caption{Attack Detection probability for different attacks.} \label{fig:voltage_probability} \vspace{-.3cm} \end{figure} \begin{figure}[!t] \centering \begin{subfigure}{0.23\textwidth} \includegraphics[width=1\textwidth]{Figures/mdp_policy} \caption{} \end{subfigure} ~ \begin{subfigure}{0.23\textwidth} \includegraphics[width=1\textwidth]{Figures/mdp_instantiation} \caption{} \end{subfigure} \caption{(a) Optimal policy for different system states as computed by the value iteration algorithm. (b) Optimal attack sequence for 3 Monte Carlo simulation instantiations.} \label{fig:optimal_policy} \end{figure} \section{Conclusion} \label{sec:Conclusion} In this paper, we studied the performance of a CPCS with attack detection and reactive attack mitigation. We derived the optimal attack sequence that maximizes the state estimation error over the attack time horizon using an MDP framework. Our results show that an arbitrarily constructed attack sequence will have little impact on the system since it will be detected, hence mitigated. The optimal attack sequence must be crafted to strike a balance between the stealthiness and the attack magnitude. Our results are useful for the system operator to assess the limit of attack impact and compare different attack detection and mitigation strategies. We also quantified the impact of FP and MD on the state estimation error, which helps select the right attack detection threshold depending on the accuracy of the attack mitigation signal. We demonstrated the application of our results to the voltage control in a power system. \bibliographystyle{ACM-Reference-Format}
cf7e024de342088d0f5d125e68bd4b7597b55722
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Computational modeling has long played a significant role within cognitive science, allowing researchers to explore the implications of cognitive theories and to discover what properties are necessary to account for particular phenomena~\cite{mcclelland2009place}. Over time, a variety of modeling traditions have seen their usage rise and fall. While the 1980s saw the rise in popularity of connectionism~\cite{thomas2008connectionist}, more recently symbolic Bayesian models have risen to prominence~\cite{chater2008probabilistic,lee2011cognitive}. While the goals of cognitive modelers have largely remained the same, increases in computational power and architectures have played a role in these shifts~\cite{mcclelland2009place}. Following this pattern, recent advances in the area of deep learning (DL) have led to a rise in interest from the cognitive science community as demonstrated by a number of recent workshops dedicated to DL~\cite{workshopCogSci2014,workshopCogSci2016,workshopNCPW15}. As with any modeling technique, DL can be thought of as a tool which is best suited to answering particular types of questions. One such question is that of \emph{learnability}, whether an output behavior could ever be learned from the types of input given to a learner. These types of questions play an integral role in the field of language acquisition where researchers have argued over whether particular aspects of language could ever be learned by a child without the use of innate, language-specific mechanisms~\cite{smith1999infants,yang2004universal,chater2010language,pearl2014evaluating}. The success of a domain general learner does not necessarily imply that human learners acquire the phenomenon in a similar fashion, but it does open the possibility that we need not posit innate, domain-specific knowledge. The crux of these learning problems typically lies in making a particular generalization which goes beyond the input data. One major type of generalization that DL models would need to capture is known as \emph{linguistic productivity}. A grammatical rule is considered productive when it can be applied in novel situations. For example, as a speaker of English you may never have encountered the phrase \emph{a gavagai} before, but you now know that \emph{gavagai} must be a noun and can therefore combine with other determiners to produce a phrase such as \emph{the gavagai}. Before DL might be applied to larger questions within language acquisition, the issue of productivity must first be addressed. If DL models are not capable of productivity, then they cannot possibly serve to model the cognitive process of language acquisition. On the other hand, if DL models demonstrate basic linguistic productivity, we must explore what aspects of the models allow for this productivity. \subsection{The Special Case of Determiners} For decades, debate has raged regarding the status of productive rules among children acquiring their native language. On the one hand, some have argued that children seem hardwired to apply rules productively and demonstrate this in their earliest speech~\cite{valian2009abstract,yang2011statistical}. On the other, researchers have argued that productivity appears to be learned, with children's early speech either lacking productivity entirely or increasing with age~\cite{pine1996syntactic,pine2013young,meylan2017emergence}. Of particular interest to this debate has been the special case of English determiners. In question is whether or not English-learning children have acquired the specific linguistic rule which allows them to create a noun phrase (NP) from a determiner (DET) and noun (N) or if they have simply memorized the combinations that they have previously encountered. This linguistic rule, $\text{NP} \rightarrow \text{DET N}$, is productive in two senses. First, it can be applied to novel nouns, e.g. \emph{a gavagai}. Second, consider the determiners \emph{a} and \emph{the}. If a singular noun can combine with one of these determiners, it may also combine with the other, e.g. \emph{the wug}. This type of rule seems to be acquired quite early in acquisition, making it appropriate to questions of early productivity, and provides an easy benchmark for a DL model. Yet answering such a simple question first requires addressing how one might measure productivity. Most attempts to measure productivity have relied on what is known as an \emph{overlap score}, intuitively what percentage of nouns occur with both \emph{a} and \emph{the}~\cite{yang2011statistical}. This simple measure has been the source of some controversy. \citeA{yang2011statistical} argues that early attempts failed to take into account the way in which word frequencies affect the chance for a word to ``overlap". Because word frequency follows a Zipfian distribution, with a long tail of many infrequent words, many nouns are unlikely to ever appear with both determiners. He proposes a method to calculate an expected level of overlap which takes into account these facts. Alternatively, \citeA{meylan2017emergence} propose a Bayesian measure of productivity which they claim takes into account the fact that certain nouns tend to prefer one determiner over another. For instance, while one is more likely to hear \emph{a bath} than the phrase \emph{the bath}, the opposite is true of the noun \emph{bathroom} which shows a preference for the determiner \emph{the}~\cite{meylan2017emergence}. The literature is quite mixed regarding whether or not children show early productivity. Differences in pre-processing have lead researchers to draw opposite conclusions from similar data, making interpretation quite difficult~\cite{yang2011statistical,pine2013young}. Indeed, most corpora involving individual children are small enough that \citeA{meylan2017emergence} argue it is impossible to make a statistically significant claim as to child productivity. For analyzing whether or not text generated by a DL model is productive or not, we thankfully do not need to fully address the problem of inferring child productivity. Ideally, the model would demonstrate a similar level of overlap to the data it was exposed to. We make use of the overlap statistic from Yang because it is more easily comparable to other works and has been better studied than the more recent Bayesian metric of \citeA{meylan2017emergence}. \subsection{Deep Learning for Language Acquisition} Deep learning, or deep neural networks, are an extension of traditional artificial neural networks (ANN) used in connectionist architectures. A ``shallow" ANN is one that posits a single hidden layer of neurons between the input and output layers. Deep networks incorporate multiple hidden layers allowing these networks in practice to learn more complex functions. The model parameters can be trained through the use of the backpropogation algorithm. The addition of multiple hidden layers opens up quite a number of possible architectures, not all of which are necessarily applicable to problems in cognitive science or language acquisition more specifically. While the most common neural networks are discriminative, i.e. categorizing data into specific classes, a variety of techniques have been proposed to allow for truly generative neural networks. These generative networks are able to take in input data and generate complex outputs such as images or text which makes them ideal for modeling human behavior. We focus on one generative architecture in particular known as a deep \emph{autoencoder} (AE)~\cite{hinton2006reducing}. While AEs have been used for a variety of input data types, most prominently images, we describe their use here primarily for text. The first half, the \emph{encoder}, takes in sentences and transforms them into a condensed representation. This condensed representation is small enough that the neural network cannot simply memorize each sentence and instead is forced to encode only the aspects of the sentence it believes to be most important. The second half, the \emph{decoder}, learns to take this condensed representation and transform it back into the original sentence. Backpropogation is used to train model weights to reduce the loss between the original input and the reconstructed output. Although backpropagation is more typically applied to supervised learning problems, the process is in fact unsupervised because the model is only given input examples and is given no external feedback. AEs have been shown to successfully capture text representations in areas such as paragraph generation~\cite{li2015hierarchical}, part-of-speech induction~\cite{vishnubhotla2010autoencoder}, bilingual word representations~\cite{ap2014autoencoder}, and sentiment analysis~\cite{socher2011semi}, but have not been applied to modeling language acquisition. While any number of DL architectures could be used to model language acquisition, the differences between ANNs and actual neurons in the brain make any algorithmic claims difficult. Instead, DL models might be used to address computational-level questions, for instance regarding whether or not a piece of knowledge is learnable from the data encountered by children. Before this can be done, however, it remains to be seen whether DL models are even capable of creating productive representations. If they cannot, then they do not represent useful models of language acquisition. This work attempts to address this not by creating a model of how children acquire language, but by using methods from the psychological literature on productivity to assess the capability of DL to learn productive rules. \section{Methods} \subsection{Corpora} To train our neural network, we make use of child-directed speech taken from multiple American-English corpora in the CHILDES database~\cite{macwhinney2000childes}. In particular, we make use of the CDS utterances in the Bloom 1970, Brent, Brown, Kuczaj, Providence, Sachs, and Suppes corpora~\cite{bloom70,Brent,Brown,Kuczaj,Providence,Sachs,Suppes}. The combined corpora contain almost 1 million utterances and span a wide age range, including speech directed to children as young as 6 months and as old as 5 years. Relevant information about the used corpora can be found in Table~\ref{tab:corpora}. Because we are interested in seeing what the AE can learn from data similar to that encountered by children, we train the model only on child-\emph{directed} utterances. These can be produced by any adult in the dataset, including parents and researchers. Although a comparison with child-produced text holds great interest, it is not clear whether child-produced speech is rich enough to support robust language learning on its own. It therefore provides a poor basis upon which to train the AE. Text from the various corpora is processed as a single document. Child-directed utterances are cleaned from the raw files using the CHILDESCorpusReader function of the Python Natural Language Toolkit (NLTK). Utterances from all non-children speakers are included and not limited just to the primary caregiver. Each utterance is split into words according to the available CHILDES transcription and then made lowercase. The model represents only the most frequent 3000 words, while the remainder are represented as a single \emph{out-of-vocabulary} (OOV) token. This step is taken both to reduce computational complexity but also to mimic the fact that young children are unlikely to store detailed representations of all vocabulary items encountered. Because the neural networks require each input to be of the same length, sentences are padded to a maximum length of 10 words. Sentences that are longer than this are truncated, while short sentences are prepended with a special \emph{PAD} token. \begin{table}[h] \centering \begin{tabular}{l r r} {\bf Corpora} & {\bf Age Range} & {\bf N. Utterances} \\ \hline Bloom 1970 & 1;9 - 3;2 & 62,756 \\ Brent & 0;6 - 1;0 & 142,639 \\ Brown & 1;6 - 5;1 & 176,856 \\ Kuczaj &2;4 - 4;1 & 57,719\\ Providence &1;0 - 3;0 & 394,800 \\ Sachs & 1;1 - 5;1& 28,200 \\ Suppes &1;11 - 3;3 & 67,614 \\ \hline Overall & 0;6 - 5;1 & 930,584 \\ \hline \end{tabular} \caption{\label{tab:corpora} Descriptive statistics of CHILDES corpora. Ages are given in (year;month) format and indicate the age of the child during corpus collection.} \end{table} \subsection{Neural Network Architecture} \begin{figure} \centering \includegraphics[width=1\linewidth]{autoencoder2.pdf} \caption{\label{fig:autoencoder} Visual representation of the autoencoder model.} \end{figure} Our autoencoder model was implemented using Keras and Tensorflow. The words in each sentence are input to the model as a one-hot vector, a vector of 0s with a single 1 whose placement indicates the presence of a particular word. This is an inefficient representation because it assumes all words are equally similar, e.g. that \emph{dog} is equally similar to \emph{dogs} as it is to \emph{truck}. To deal with this, the model passes the one-hot vector to an embedding layer. Neural word embeddings, as popularized by the word2vec algorithm~\cite{mikolov2013efficient}, are a way to represent words in a low-dimensional space without requiring outside supervision. Words are placed within the space such that words that are predictive of neighboring words are placed closer to one another. Because our training data is relatively small, we keep the embedding dimensionality low, at only 30. Standard embeddings trained on much larger NLP corpora tend to use 100 or 200 dimensions. Once each word has been transformed into a 30-dimensional embedding vector, the sequence of words is passed into a gated-recurrent unit (GRU) layer~\cite{cho2014learning}. The GRU is a type of recurrent (RNN) layer which we choose because it can be more easily trained. RNN layers read in their inputs sequentially and make use of hidden ``memory" units that pass information about previous inputs to later inputs, making them ideal for sequence tasks such as language. As such, the model creates a representation of the sentence which it passes from word to word. The final representation is the output of the encoder, a latent representation of the full sentence. This 20-dimensional latent vector serves as the input to the decoder unit. The first layer of the decoder is a GRU layer of the same shape as in the encoder. For each timestep, we feed into the GRU the latent vector, similar to the model proposed in \citeA{cho2014learning}. Rather than producing a single output, as in the encoder, the decoder's GRU layer outputs a vector at each timestep. Each of these vectors is fed into a shared dense softmax layer which produces a probability distribution over vocabulary items. The model then outputs the most likely word for each timestep. The model loss is calculated based on the model's ability to reconstruct the original sentence through categorical crossentropy. Model weights are trained using the Adam optimzer over 10 epochs. During each epoch the model sees the entire training corpus, updating its weights after seeing a batch of 64 utterances. While this process does not reflect that used by a child learner, it is a necessary component of training the neural network on such a small amount of data. If the network had access to the full set of speech that a child encounters such a measure likely would not be necessary. Future work might also investigate whether optimizing the dimensionality of the network might lead to better text generation with higher levels of productivity. \subsection{Baseline Models} Because the AE is learning to reproduce its input data, one might wonder whether similar results might be achieved by a simpler, distributional model. To assess this, we also measure the performance of an n-gram language model. We train bigram and trigram language models using the modified Kneser-Ney smoothing \cite{heafield2013scalable} implemented in the KenLM model toolkit to estimate the distributional statistics of the training corpus. Sentences are generated from the n-gram language model by picking a seed word and then sampling a new word from the set of possible n-grams. The smoothing process allows for the model to generate previously unseen n-grams. Sampling of new words continues for each utterance until the end-of-sentence token is generated or a maximum of 10 tokens is reached (the same maximum size as for the AE). Since the AE is able to generate sentences from a latent representation, it would be inappropriate to generate n-gram sentences from random seed words. Instead, for every sentence in the test set we begin the n-gram model with the first word of the utterance. While this allows the model to always generate its first token correctly, this does not directly impact our measure of productivity as it relies on combinations of tokens. \subsection{Productivity Measures} We measure the productivity of our autoencoders through the overlap score described in \citeA{yang2011statistical}. Words both in the child-directed corpus and the autoencoder-generated output are tagged using the default part-of-speech tagger from NLTK. The empirical overlap scores are simply calculated as a percentage of unique nouns that appear immediately after both the determiners \emph{a} and \emph{the}. The expected overlap score is calculated based off of three numbers from the corpus under consideration, the number of unique nouns $N$, the number of unique determiners $D$, and the total number of noun/determiner pairs $S$. The expected overlap is defined as in Equation \ref{eq:expOverlap}: \begin{equation} \label{eq:expOverlap} O(N,D,S) = \frac{1}{N} \sum_{r=1}^{N} O(r,N,D,S) \end{equation} where $O(r,N,D,S)$ is the expected overlap of the noun at frequency rank $r$: \begin{equation} \label{eq:expOverlap2} O(r, N, D, S) = 1 + (D-1)(1-p_r)^S - \sum_{i=1}^{D}[(d_ip_r+1-p_r)^S] \end{equation} $d_i$ represents the probability of encountering determiner $i$, for which we use the relative frequencies of \emph{a} and \emph{the} calculated from the training corpus (39.3\% and 60.7\%, respectively). The probability $p_r$ represents the probability assigned to a particular word rank. The Zipfian distribution takes a shape parameter, $a$ which \citeA{yang2011statistical} set equal to 1 and which we optimize over the training corpus using least squares estimation and set at 1.06: \begin{equation} \label{eq:expOverlap3} p_r = \frac{^{1}/_{r^a}}{\sum_{n=1}^N (\frac{1}{n^a})} \end{equation} It should be noted that Zipfian distributions are not perfect models of word frequencies~\cite{piantadosi2014zipf}, but assigning empirically-motivated values to the determiner probabilities and Zipfian parameter $a$ represents an improvement upon the original measure. \section{Results} We analyze our overlap measures for the adult-generated (i.e. child-directed) as well as the autoencoder and n-gram model-generated text and present these results in Figure \ref{fig:overlap}. We analyze overlap scores across 10 training epochs with three levels of dropout, 10\%, 20\%, and 30\%. Dropout is typically included in neural models to encourage the model to better generalize. We hypothesized that a certain level of dropout would encourage the model to generate novel combinations of words that might lead to higher overlap scores. We find that with only two training epochs the AEs have already begun to near their maximum overlap performance. The 30\% dropout AE achieves the highest level of performance, matching the empirical overlap score of the original corpus. The 10\% and 20\% dropout models perform somewhat worse suggesting that high levels of dropout may be necessary for good text generation. In Table \ref{tab:overlap}, we present the results for the final epoch of the AE models as well as for the adult-generated and n-gram generated text. We note that the expected overlap measure consistently overestimates the productivity of all learners, including the adult-generated text. It is unclear why this should be the case, but could be a result of capping the model vocabularies, resulting in lower $N$ values. In particular, the autoencoders tend to produce a relatively limited set of nouns. Looking at empirical overlap measures, the worst-performing models are the bigram and trigram models with overlap scores below 30\%. The AEs fair much better all producing overlap scores over 50\%. The 30\% dropout AE is actually able to match the overlap score of the original adult-generated corpus (59.4\% vs. 59.3\%). Looking at the number of unique nouns following a determiner ($N$) and the total number of determiner-noun pairs ($S$), it becomes clear there are large differences between the n-gram and AE models. The n-gram models tend to produce very few determiner-noun pairs (low $S$) but are likely to choose from any of the nouns in the corpus, leading to high $N$. This fact accounts for the low overlap scores that they achieve. In contrast, the AEs follow a pattern which mirrors the adult corpus with few unique nouns but a large number of noun-determiner pairs. In all cases, however, the AEs produce both fewer unique nouns and fewer noun-determiner pairs than the original corpus. \begin{figure} \centering \includegraphics[width=\linewidth]{overlap_fig} \caption{\label{fig:overlap} Empirical overlap scores. Adult-generated speech is marked by the solid black line while autoencoder-generated speech is marked by the dashed colored lines. Results are presented for three levels of dropout, 10\%, 20\%, and 30\%. The x-axis represents the training epoch of the model.} \end{figure} \begin{table}[h] \centering \begin{tabular}{l r r r r} & {\bf {\em N}}&{\bf {\em S}} & {\bf Exp. Over.} & {\bf Emp. Over.} \\ \hline {\bf Adult} & 1,390 & 34,138 & 77.5\% & 59.3\% \\ \hline {\bf AE 10\%} & 861 & 29,497 & 88.4\% & 53.3\% \\ {\bf AE 20\% }& 870 & 28,817 & 87.6\% & 53.4\% \\ {\bf AE 30\% }& 816 & 31,181 & 90.8\% & 59.4\% \\ \hline {\bf Bigram }& 1,780 & 5,177 & 17.6\% & 28.6\% \\ {\bf Trigram } & 2,506 & 4,595 & 11.2\% & 22.1\% \\ \hline \end{tabular} \caption{\label{tab:overlap} Expected and empirical overlap scores for adult- and autoencoder-generated language with varying levels of dropout. Expected overlap scores were calculated as in Yang (2011). Empirical overlap was calculated as the percent of unique nouns that appeared immediately following both \emph{a} and \emph{the}.} \end{table} One possible problem for calculating the expected overlaps comes from the difficulty of part-of-speech tagging text generated by the neural network. Whereas adult-generated speech follows set patterns that machine taggers are built to recognize, the neural network does not necessarily generate well-formed language. Examples of AE-generated text can be found in Table \ref{tab:exampleOutput}. In some cases, the tagger treats items that occur after a determiner as a noun regardless of its typical usage. For example, in the generated sentence \emph{let put put the over over here}, the phrase \emph{the over} is tagged as a DET$+$N pair. These type of errors are further evidenced by the fact that the trigram language model produces a larger set of words tagged as nouns than the original adult-generated corpus (2,506 vs. 1,390). Another explanation for the difference between expected and empirical overlaps may come from deviation from a true Zipfian distribution of word frequencies. If word frequencies are Zipfian, we should expect a perfect correlation between log ranks and log counts. \citeA{yang2011statistical} report a correlation of 0.97, while our larger corpus deviates from this with $r^2 = 0.86$. Although we attempt to take this into account by fitting the Zipfian distribution's shape parameter, this divergence clearly indicates that further work is needed. The success of the AE model in generating productive text serves as a confirmation that unsupervised neural models might be used in future work to investigate other cognitive phenomena. This work does not directly address the question of how infants might learn to produce productive speech, it does represent one possible approach. AEs can, for instance, be thought of as information compression algorithms which learn to represent high-dimensional data into a low-dimensional latent space~\cite{hinton2006reducing}. If the brain likewise attempts to find efficient representations of the stimuli it encounters then it may prove fruitful to investigate how these representations compare to one another. \begin{table}[h] \centering \begin{tabular}{l l} {\bf Adult} & {\bf Autoencoder} \\ \hline falling down & down down \\ \hline you're playing with & you're playing with \\ your bus &the head \\ \hline why did OOV say what's & what what you say say \\ wrong with these apples & say with {\bf the dada} \\ \end{tabular} \caption{\label{tab:exampleOutput} Example adult and AE-generated language. The AE-generated text is from the final epoch of the AE with 20\% dropout. In bold is a DET$+$N combination that does not appear in the AEs input.} \end{table} \section{Conclusion} While there is great interest regarding the inclusion of deep learning methods into cognitive modeling, a number of major hurdles remain. For the area of language acquisition, deep learning is poised to help answer questions regarding the learnability of complex linguistic phenomena without access to innate, linguistic knowledge. Yet it remains unclear whether unsupervised versions of deep learning models are capable of capturing even simple linguistic phenomena. In this preliminary study, we find that a simple autoencoder with sufficient levels of dropout is able to mirror the productivity of its training data, although it is unclear whether this proves productivity in and of itself. Future work will need to investigate whether more complex models might be able to generate text with higher productivity as well as further investigating how particular model choices impact performance. It would also be worthwhile to compare AEs against simpler models such as a basic LSTM language model. While additional work needs to be done to motivate the use of deep learning models as representations of how children might learn, this preliminary work shows how one might combine techniques from deep learning and developmental psychology. \section{Acknowledgments} The authors thank the reviewers for their thoughtful comments and Lisa Pearl for initial discussion regarding productivity. \bibliographystyle{apacite} \setlength{\bibleftmargin}{.125in} \setlength{\bibindent}{-\bibleftmargin}
71447d357e02593871e653fb6b2869252a283477
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction Suppose $f:M^n\rightarrow \ensuremath{\mathbb{R}}^{N}$, $N>n$ is a smooth isometric immersion. We assume that $M^n$ is closed and complete. Denote by $\vec{H}$ the mean curvature vector of $f$. Then \[ (\Delta f)(p) = \vec{H}(p) \] for all $p\in M^n$, where $\Delta$ here refers to the rough Laplacian. The rough Laplacian is that induced by the connection on the pullback bundle $f^*(T\ensuremath{\mathbb{R}}^{n+1})$. Applying the operator again yields \[ (\Delta^2 f)(p) = (\Delta \vec{H})(p) \,. \] If $\Delta^2f\equiv0$, we call $f$ \emph{biharmonic}. Chen's conjecture is the statement that $\Delta \vec{H} \equiv 0$ implies $\vec{H} \equiv 0$. This conjecture is motivated by Chen's work in the spectral decomposition of immersed submanifolds. There has been much activity on the conjecture (see as a sample the recent papers \cite{b08,d06,luo14,m14,mon06,n14,ou10,ou16,ou12,w14,whe13} and Chen's recent survey \cite{chen13}), but still it remains open. In this paper we study the heat flow for $\Delta^2$: this is a one-parameter family of smooth isometric immersions $f:M^n\times[0,T)\rightarrow\ensuremath{\mathbb{R}}^{N}$ satisfying $f(p,0) = f_0(p)$ for a given smooth isometric immersion $f_0:M^n\rightarrow\ensuremath{\mathbb{R}}^{N}$ and \begin{equation} \label{CF} \tag{CF} (\partial_tf)(p,t) = -(\Delta^2 f)(p,t) \,, \end{equation} for all $(p,t) \in M^n\times(0,T)$. We call \eqref{CF} \emph{Chen's flow} and $f_0$ the initial data. Since $\Delta^2$ is a fourth-order quasilinear elliptic operator, local existence and uniqueness for \eqref{CF} is standard. Details can be found in \cite[Chapter 3]{bakerthesis}. See also \cite[Chapter 5]{eidelman1998pbv}, \cite{solonnikov1965bvp} and \cite{shuanhuli}. \begin{thm} \label{TMste} Let $f_0:M^n\rightarrow\ensuremath{\mathbb{R}}^{N}$ be a smooth closed isometrically immersed submanifold. There exists a $T\in(0,\infty]$ and unique one-parameter family of smooth closed isometric immersions $f:M^n\times[0,T)\rightarrow\ensuremath{\mathbb{R}}^{N}$ such that \eqref{CF} is satisfied and $T$ is maximal. \end{thm} Note that \emph{maximal} above means that there does not exist another family $\hat{f}:M^n\times[0,\hat{T})\rightarrow\ensuremath{\mathbb{R}}^{N}$ of smooth closed isometrically immersed hypersurfaces satisfying \eqref{CF}, $\hat{f}(p,0) = f_0(p)$ with $\hat{T} > T$. A simple consequence of the argument used by Jiang \cite{jiang} is that there are no closed biharmonic submanifolds of Euclidean space. Therefore it is natural to expect that the flow may only exist for at most finite time, that is, $T<\infty$. The following result gives a precise estimate, sharp for $n\in\{2,3,4\}$. \begin{thm} \label{TMfinite} Chen's flow $f:M^n\times[0,T)\rightarrow\ensuremath{\mathbb{R}}^{N}$ with smooth, closed initial data $f_0:M^n\rightarrow\ensuremath{\mathbb{R}}^{N}$ has finite maximal time of existence, with the explicit estimate \begin{equation} \label{EQmaxTest} T \le \frac{\mu(f_0)^\frac{4}{n}}{C_n}\,, \end{equation} where for $n\in\{2,3,4\}$ we have $C_n = 4\omega_n^{\frac4n} n^2$, and for $n >4$ we have $C_n = \frac{\omega_n^{\frac4n}}{n^24^{4n+3}}$. Here $\omega_n$ denotes the area of the unit $n$-sphere. Furthermore, if equality is achieved in \eqref{EQmaxTest}, then $\mu(f_t)\searrow0$ as $t\nearrow T$. \end{thm} \begin{rmk} Round spheres are driven to points under Chen's flow with $T=\frac{r_0^4}{4n^2}$, where $r_0$ is the initial radius. This shows that the estimate \eqref{EQmaxTest} is sharp in dimensions $2, 3$ and $4$. We expect that the same estimate holds in higher dimensions. \end{rmk} Given Theorem \ref{TMfinite}, it is natural to ask for a classification of finite-time singularities. For higher-order curvature flow such as Chen's flow, such classifications are very difficult. For example, a classification of singular geometries remains well open for the two most popular extrinsic fourth-order curvature flow, that is, the Willmore flow and the surface diffusion flow (see for example \cite{kuwert2001wfs,kuwert2002gfw,kuwert2004rps,MWW10,metzger2013willmore,W11,mySDLTE,mythesis,wheeler2015gap}). For both the surface diffusion and Willmore flows, the general principle of concentration or compactness from the classical theory of harmonic map heat flow remains valid. We are able to obtain a similar result here: We present the following characterisation of finite-time singularities, also called a concentration-compactness alternative or lifespan theorem. \begin{thm} \label{TMlifespan} Let $n\in\{2,4\}$. There exist constants $\varepsilon_1>0$ and $c<\infty$ depending only on $n$ and $N$ with the following property. Let $f:M^n \times[0,T)\rightarrow \ensuremath{\mathbb{R}}^{N}$ be a Chen flow with smooth initial data. ({\bf Case 1: $\mathbf{n=2}$.}) Let $\rho$ be chosen such that \begin{equation} \label{EQsmallconcentrationcondition} \int_{f^{-1}(B_\rho(x))} |A|^2 d\mu\Big|_{t=0} = \varepsilon(x) \le \varepsilon_1 \qquad \text{ for all $x\in \ensuremath{\mathbb{R}}^{N}$}\,. \end{equation} Then the maximal time $T$ of smooth existence satisfies \begin{equation*} T \ge \frac1{c}\rho^4\,, \end{equation*} and we have the estimate \begin{equation*} \int_{f^{-1}(B_\rho(x))} |A|^2 d\mu \le c\varepsilon_1 \qquad\qquad\qquad\hskip-1mm\text{ for all } t \in \Big[0, \frac1{c}\rho^4\Big]. \end{equation*} ({\bf Case 2: $\mathbf{n=4}$.}) Let $\rho$ be chosen such that \begin{equation} \label{EQsmallconcentrationcondition4} \int_{f^{-1}(B_\rho(x))} |A|^4+|\nabla A|^2 d\mu\Big|_{t=0} = \varepsilon(x) \le \varepsilon_1 \qquad \text{ for all $x\in \ensuremath{\mathbb{R}}^{N}$}\,. \end{equation} Then the maximal time $T$ of smooth existence satisfies \begin{equation*} T \ge \frac1{c}\rho^4\,, \end{equation*} and we have the estimate \begin{equation} \int_{f^{-1}(B_\rho(x))} |A|^4+|\nabla A|^2 d\mu \le c\varepsilon_1 \qquad\qquad\qquad\hskip-1mm\text{ for all } t \in \Big[0, \frac1{c}\rho^4\Big]. \label{eqgoalestn4} \end{equation} \end{thm} \begin{rmk} Our proof applies to a general class of flows, including the Willmore flow and the surface diffusion flow. This is new for the Willmore flow and the surface diffusion flow in four dimensions (the two dimensional case for the Willmore flow is the main result of \cite{kuwert2002gfw}, and a corresponding theorem surface diffusion flow is contained in \cite{mySDLTE}). In three dimensions a lifespan theorem for the surface diffusion flow is known \cite{mySDLTE}, however the constants $(\varepsilon_1,c)$ there for $n=3$ depend on the measure of the initial data. Here, new estimates enable our constants to be universal. The main result of \cite{kuwert2002gfw} and the lifespan theorems from \cite{MWW10,MW16,W11,mySDLTE,mythesis} (assuming the external force vanishes identically) are generalised by our work here. See Theorem \ref{TMgenerallifespan} for a precise statement. \end{rmk} The concentration phenomenon that Theorem \ref{TMlifespan} guarantees can be seen as follows. If $\rho(t)$ denotes the largest radius such that either of the concentration conditions (\eqref{EQsmallconcentrationcondition} or \eqref{EQsmallconcentrationcondition4}) holds at time $t$, then $\rho(t) \le \sqrt[4]{c(T-t)}$ and so at least $\varepsilon_1$ of the curvature (or its derivative if $n=4$) concentrates in a ball $f^{-1}(B_{\rho(T)}(x))$. That is, \[ \begin{cases}\displaystyle (n=2)\qquad\lim_{t\rightarrow T} \int_{f^{-1}(B_{\rho(t)}(x))} |A|^2 d\mu \ge \varepsilon_1\,,\\\displaystyle (n=4)\qquad\lim_{t\rightarrow T} \int_{f^{-1}(B_{\rho(t)}(x))} |A|^4+|\nabla A|^2 d\mu \ge \varepsilon_1\,, \end{cases} \] where $x = x(t)$ is understood to be the centre of a ball where the integral above is maximised. In either case, this implies that a blowup of such a singularity will be nontrivial. Although Theorem \ref{TMlifespan} yields a characterisation of finite time singularities as space-time concentrations of curvature, it does not give any information at all about the asymptotic geometry of such a singularity. One of the simplest observations in this direction is that for spherical initial data with radius $r_0$, the flow shrinks homothetically to a point with maximal time \[ T = \frac{r_0^4}{4n^2}\,. \] As the evolution is homothetic, parabolic rescaling about the space-time singularity reveals a standard round sphere. This asymptotic behaviour is called \emph{shrinking to a round point}. One may therefore hope that this behaviour holds in a neighbourhood of a sphere. This is our final result of the paper, proved using blowup analysis. \begin{thm} \label{TMglobal} There exists an absolute constant $\varepsilon_2>0$ depending only on $N$ such that if $f:M^2\times[0,T)\rightarrow\ensuremath{\mathbb{R}}^N$ is Chen's flow satisfying \begin{equation} \int_M|A^o|^2d\mu\bigg|_{t=0} \le \varepsilon_2 < 8\pi \label{EQsmallnessTMglobal} \end{equation} then $T<\infty$, and $f(M^2,t)$ shrinks to a round point as $t\rightarrow T$. \end{thm} This paper is organised as follows. In Section 2 we describe our notation, some fundamental identities, and the Chen flow in the normal bundle. Section 3 gives evolution equations and the proof of Theorem \ref{TMfinite}. Our analysis throughout the paper relies on control obtained via localised integral estimates. The key tools that facilitate this are the Michael-Simon Sobolev inequality \cite{michael1973sam} and the divergence theorem. Section 4 contains the consequences of these that we need here, and proofs of all new statements. One especially long proof is delayed to the Appendix. Integral estimates valid along the flow are also proved in Section 4, including control on the local growth of the $L^n$ norm of $A$. The section is concluded with a proof of the lifespan theorem. Section 5 is concerned with global analysis for the flow, and contains a proof of the monotonicity result for the $L^2$ norm of $A$, and blowup analysis, ending in the proof of Theorem \ref{TMglobal}. \section{Notation and the normal flow Let us first collect various general formulae from the differential geometry of submanifolds which we need for later analysis. We use notation similar to that of Kuwert-Sch\"atzle \cite{kuwert2001wfs,kuwert2002gfw,kuwert2004rps}, Hamilton \cite{RH} and Huisken \cite{huisken1984fmc,huisken86riemannian}. We have as our principal object of study a smooth isometric immersion $f:M^n\rightarrow\ensuremath{\mathbb{R}}^{N}$ of a Riemannian manifold $(M^n,g) = (M^n,f^*\delta^{\ensuremath{\mathbb{R}}^{N}})$ into $\ensuremath{\mathbb{R}}^{N}$. The induced metric has components \begin{equation} g_{ij} = \IP{\partial_if}{\partial_jf}, \label{EQmetric} \end{equation} where $\partial$ denotes the regular partial derivative and $\IP{\cdot}{\cdot}$ is the standard Euclidean inner product. Integration on $\Sigma$ is performed with respect to the induced area element \begin{equation} d\mu = \sqrt{\text{det }g}\ d\ensuremath{\mathcal{L{}}}^n, \label{EQdmu} \end{equation} where $d\ensuremath{\mathcal{L{}}}^n$ is the standard Hausdorff measure on $\ensuremath{\mathbb{R}}^n$. The \emph{second fundamental form} $A$ is a symmetric $(0,2)$ tensor field in the normal bundle of $f$ with components \begin{equation} A_{ij} = (\partial^2_{ij}f)^\perp \label{EQsff} \end{equation} There are two invariants of $A$ relevant to our work here: the first is the trace with respect to the metric \[ \vec{H} = \text{trace}_g\ A = g^{ij}A_{ij} \] called the \emph{mean curvature vector}, and the second the \emph{tracefree second fundamental form} defined by \[ A^o_{ij} = A_{ij} - \frac1n\vec{H}g_{ij}\,. \] We define the \emph{Gauss curvature} to be \[ K = \frac12(|\vec{H}|^2 - |A|^2) \,. \] From \eqref{EQsff} and the smoothness of $f$ we see that the second fundamental form is symmetric; less obvious but equally important is the symmetry of the first covariant derivatives of $A$: \[ \nabla_iA_{jk} = \nabla_jA_{ik} = \nabla_kA_{ij}; \] these are the Codazzi equations. In the case here of high codimension they follow with $\nabla$ the connection induced in the normal bundle along $f$ from the fact that the ambient space has constant curvature. One basic consequence of the Codazzi equations which we shall make use of is that the gradient of the mean curvature is completely controlled by a contraction of the $(0,3)$ tensor $\nabla A^o$. To see this, first note that \[ \nabla_i A^i_j = \nabla_i \vec{H} = \nabla_i \Big( (A^o)^i_j + \frac1n g_j^i \vec{H}\Big), \] then factorise to find \begin{equation} \label{EQbasicgradHgradAo} \nabla_j\vec{H} = 2\nabla_i (A^o)^i_j =: \frac{n}{n-1}(\nabla^* A^o)_j\,. \end{equation} This in fact shows that all derivatives of $A$ are controlled by derivatives of $A^o$. For a $(p,q)$ tensor field $T$, let us denote by $\nabla_{(n)}T$ the tensor field with components $\nabla_{i_1\ldots i_n}T_{j_1\ldots j_q}^{k_1\ldots k_p} = \nabla_{i_1}\cdots\nabla_{i_n}T_{j_1\ldots j_q}^{k_1\ldots k_p}$. In our notation, the $i_n$-th covariant derivative is applied first. Since \[ \nabla_{(k)} A = \Big(\nabla_{(k)} A^o + \frac1n g \nabla_{(k)} \vec{H}\Big) = \Big(\nabla_{(k)} A^o + \frac1{n-1} g \nabla_{(k-1)}\nabla^*A^o\Big), \] we have \begin{equation} \label{EQbasicgradHgradAo2} |\nabla_{(k)}A|^2 \le \frac{2n-1}{n-1}|\nabla_{(k)}A^o|^2\,. \end{equation} The fundamental relations between components of the Riemann curvature tensor $R_{ijkl}$, the Ricci tensor $R_{ij}$ and scalar curvature $R$ are given by Gauss' equation \begin{align*} R_{ijkl} &= \IP{A_{ik}}{A_{jl}} - \IP{A_{il}}{A_{jk}},\intertext{with contractions} g^{jl}R_{ijkl} = R_{ik} &= \IP{\vec{H}}{A_{ik}} - \IP{A_i^j}{A_{jk}}\text{, and}\\ g^{ik}R_{ik} = R &= |H|^2 - |A|^2. \end{align*} We will need to interchange covariant derivatives. For a $(0,m)$-tensor $T$ normal along $f$ we have \begin{equation} \label{EQinterchangespecific} \nabla_{ij}T = \nabla_{ji}T + R^\perp_{ij}T \end{equation} where \[ R^\perp_{ij}T = A_{ki}\IP{A_{kj}}{T} - A_{kj}\IP{A_{ki}}{T} = A^o_{ki}\IP{A^o_{kj}}{T} - A^o_{kj}\IP{A^o_{ki}}{T} \,. \] Note that $\IP{R^\perp_{ij}T}{T} = 0$ We also use for normal tensor fields $T$ and $S$ the notation $T*S$ to denote a linear combination of new tensors, each formed by contracting pairs of indices from $T$ and $S$ by the metric $g$ with multiplication by a universal constant. The resultant tensor will have the same type as the other quantities in the expression it appears. We denote polynomials in the iterated normal derivatives of $T$ by \[ P_j^i(T) = \sum_{k_1+\ldots+k_j = i} c_{ij}\nabla_{(k_1)}T*\cdots*\nabla_{(k_j)}T, \] where the constants $c_{ij}\in\ensuremath{\mathbb{R}}$ are absolute. As is common for the $*$-notation, we slightly abuse these constants when certain subterms do not appear in our $P$-style terms. For example \begin{align*} |\nabla A|^2 = \IP{\nabla A}{\nabla A} = 1\cdot\left(\nabla_{(1)}A*\nabla_{(1)}A\right) + 0\cdot\left(A*\nabla_{(2)}A\right) = P_2^2(A). \end{align*} Using the Codazzi equation with the interchange of covariant derivative formula given above, we obtain Simons' identity \cite{JS}: \begin{equation} \label{EQsi} \Delta A = \nabla_{(2)}H + A*A*A. \end{equation} The interchange of covariant derivatives formula for mixed tensor fields $T$ is simple to state in $*$-notation: \begin{equation} \label{EQinterchangegeneral} \nabla_{ij}T = \nabla_{ji}T + T*A*A\,. \end{equation} Let $\{\partial_1f,\ldots,\partial_nf\}$ be an orthonormal basis for $T_pM$ and $\{\nu_1,\ldots,\nu_{N-n}\}$ be an orthonormal basis for $N_pM$ with Christoffel symbols in the normal bundle vanishing at $p$, that is, $\overline{\Gamma}(p) = 0$. We call such a frame for $T_pM \otimes N_pM$ a \emph{normal frame}. Then \begin{align} \partial_i\nu_\alpha &= \IP{\partial_i\nu_\alpha}{\partial_kf}\partial_kf + \IP{\partial_i\nu_\alpha}{\nu_\beta}\nu_\beta \notag\\ &= - \IP{A_i^k}{\nu_\alpha}\partial_kf + \overline{\Gamma}_{i\alpha}^\beta\nu_\beta = - \IP{A_i^k}{\nu_\alpha}\partial_kf \label{EQfirstW} \intertext{so that} \Delta\nu_\alpha &= -g^{ij}\big( \IP{\partial_jA_i^k}{\nu_\alpha}\partial_kf + \IP{A_i^k}{\partial_j\nu_\alpha}\partial_kf + \IP{A_i^k}{\nu_\alpha}\partial_j\partial_kf \big) \notag\\ &= -\IP{\nabla \vec{H}}{\nu_\alpha} -\IP{A^{ij}}{\nu_\alpha}A_{ij}\,. \label{EQjacobi} \end{align} In most of our integral estimates, we include a function $\gamma:M^n\rightarrow\ensuremath{\mathbb{R}}$ in the integrand. Eventually, this will be specialised to a smooth cutoff function on the preimage of balls on $\ensuremath{\mathbb{R}}^{n+1}$ via the immersion $f$. For now however, let us only assume that $\gamma = \tilde{\gamma}\circ f$, where \begin{equation} \tag{${\gamma}$} 0\le\tilde{\gamma}\le 1,\qquad\text{ and }\qquad \vn{\tilde{\gamma}}_{C^2(\ensuremath{\mathbb{R}}^{n+1})} \le c_{\tilde{\gamma}} < \infty. \end{equation} Using the chain rule, this implies $D\gamma = (D\tilde{\gamma}\circ f)Df$ and then $D^2\gamma = (D^2\tilde{\gamma}\circ f)(Df,Df) + (D\tilde{\gamma}\circ f)D^2f(\cdot,\cdot)$. A routine calculation shows that there exists a constant $\ensuremath{c_{\gamma}}=\ensuremath{c_{\gamma}}(c_{\tilde{\gamma}}) \in \ensuremath{\mathbb{R}}$ such that \begin{equation} \label{EQgamma} \tag{$\gamma$} |\nabla\gamma| \le c\,\ensuremath{c_{\gamma}}\,,\quad |\nabla_{(2)}\gamma| \le c\,\ensuremath{c_{\gamma}}(c_\gamma + |A|)\,, \quad\text{ and }\quad |\nabla_{(3)}\gamma| \le c\,\ensuremath{c_{\gamma}}(\ensuremath{c_{\gamma}}^2 + \ensuremath{c_{\gamma}}|A| + |A|^2 +|\nabla A|). \end{equation} When we write ``for a function $\gamma:M^n\rightarrow\ensuremath{\mathbb{R}}$ as in \eqref{EQgamma}'' we mean a function $\gamma:M^n\rightarrow\ensuremath{\mathbb{R}}$ as above, satisfying all conditions labeled \eqref{EQgamma}, which additionally achieves the values zero and one in at least two points on $M^n$. We note that if $\tilde{\gamma}$ is a cutoff function on a ball in $\ensuremath{\mathbb{R}}^{n+1}$ of radius $\rho$, then we may choose $\ensuremath{c_{\gamma}} = \frac{c}\rho$ where $c$ is a universal constant and we have used that $c_{\tilde{\gamma}}=c_{\tilde{\gamma}}(\rho)$. \subsection{The normal flow} Chen's flow has tangential and normal components. We calculate in a normal frame using \eqref{EQjacobi}: \begin{align*} \Delta^2 f &= \Delta \vec{H} = \Delta\Big(\IP{\vec{H}}{\nu_\alpha}\nu_\alpha\Big) = \Delta\big(H_\alpha\nu_\alpha\big) \\ &= (\Delta H_\alpha)\nu_\alpha + H_\alpha\Delta\nu_\alpha + 2\IP{\nabla H_\alpha}{\nabla\nu_\alpha} \\ &= \Delta H_\alpha\,\nu_\alpha - H_\alpha A_{ij}\IP{A^{ij}}{\nu_\alpha} + \Big( 2\IP{\nabla H_\alpha}{\nabla\nu_\alpha} - H_\alpha\IP{\nabla \vec{H}}{\nu_\alpha} \Big) \,. \end{align*} To see that the bracketed term is tangential, we compute using \eqref{EQfirstW}: \begin{align*} &\IP{2\IP{\nabla H_\alpha}{\nabla\nu_\alpha} - H_\alpha\IP{\nabla \vec{H}}{\nu_\alpha}}{\nu_\beta} \\ &\hskip+2cm= \IP{- 2g^{ij}\partial_iH_\alpha \IP{A^k_j}{\nu_\alpha}\partial_kf - H_\alpha g^{ik}\IP{\partial_i\vec{H}}{\nu_\alpha} \partial_k f}{\nu_\beta} \\ &\hskip+2cm= \Big( - 2g^{ij}\partial_iH_\alpha \IP{A^k_j}{\nu_\alpha} - H_\alpha g^{ik}\IP{\partial_i\vec{H}}{\nu_\alpha}\Big)\IP{\partial_k f}{\nu_\beta} \\ &\hskip+2cm= 0 \,. \end{align*} It is a standard result that for closed curvature flow tangential motion acts in the diffeomorphism group of $M^n$, which is tantamount to a reparametrisation at each time (see for example \cite[Chapter 3]{bakerthesis}). Therefore Chen's flow is equivalent to the purely normal flow: \begin{equation} \label{EQwf} \tag{NCF} (\partial_t f)(p,t) = -(\Delta^2 f)^{\perp} = -\big(\Delta H_\alpha\,\nu_\alpha - H_\alpha A_{ij}\IP{A^{ij}}{\nu_\alpha}\big) = -\ensuremath{\mathbf{F}} \,, \end{equation} with initial conditions $f(\cdot,0)=f_0$. For simplicity we conduct our analysis with this formulation. Note that we may express the velocity $\ensuremath{\mathbf{F}}$ in a coordinate invariant manner as \[ \ensuremath{\mathbf{F}} = \Delta^\perp\vec{H} - Q(A)\vec{H} \] where $Q$ is a normal endomorphism of $NM$ acting on a section $\phi$ by \[ Q(A)\phi = A_{ij}\IP{A^{ij}}{\phi}\,. \] The same endomorphism arises in the study of the Willmore flow in high codimension, see for example (2.4) in \cite{kuwert2002gfw}. \section{Finite-time singularities and evolution equations The following evolution equations hold (see Lemma 2.2 in \cite{kuwert2002gfw}): \begin{lem} \label{LMevolutionequations} For $f:M^n\times[0,T)\rightarrow \ensuremath{\mathbb{R}}^{N}$ evolving by $\partial_tf = -\ensuremath{\mathbf{F}}$ the following equations hold: \begin{align*} \pD{t}g_{ij} &= 2\IP{\ensuremath{\mathbf{F}}}{A_{ij}}\,,\qquad \pD{t}d\mu = \IP{\vec{H}}{\ensuremath{\mathbf{F}}} \,d\mu\,,\qquad \pD{t}g^{ij} = -2\IP{\ensuremath{\mathbf{F}}}{A^{ij}}\,,\\ \npD{}{t}A_{ij} &= -\nabla_{ij}\ensuremath{\mathbf{F}} + A_{ik}\IP{A^k_j}{\ensuremath{\mathbf{F}}} \,, \end{align*} where $\npD{t}\phi = (\partial_t\phi)^\perp$. \end{lem} Using the $P$-notation introduced in the previous section we write the evolution of the second fundamental form as \begin{align*} \npD{t}A_{ij} = &- \nabla_{ij}\Delta^\perp \vec{H} + \big(P_3^2 + P_5^0\big)(A) \,. \end{align*} Interchanging covariant derivatives and applying \eqref{EQsi} then gives the following lemma: \begin{lem} \label{LMevoforA} For $f:M^n\times[0,T)\rightarrow \ensuremath{\mathbb{R}}^{N}$ evolving by \eqref{EQwf} the following equation holds: \begin{align*} \npD{t}A_{ij} = &- (\Delta^\perp)^2 A_{ij} + \big(P_3^2 + P_5^0 \big)(A)\,. \end{align*} \end{lem} \begin{lem} \label{LMevolutionequationhigher} For $f:M^n\times[0,T)\rightarrow \ensuremath{\mathbb{R}}^{N}$ evolving by \eqref{EQwf} the following equation holds: \begin{align*} \pD{}{t}\nabla_{(k)}A_{ij} &= -\Delta^2\nabla_{(k)}A + \big(P_3^{k+2} + P_5^k\big)(A) \,. \end{align*} \end{lem} Note that this is exactly the same structure that arises in the Willmore flow. Therefore the $n=2$ case of the lifespan theorem can be proved using the methods of \cite{kuwert2002gfw}. For $n=3$, the work in \cite{mySDLTE} can be adapted along the lines of \cite{mythesis,MWW10}. For $n=4$, different arguments are required. We now state the evolution of curvature quantities along the flow. The proof is standard, and can be adapted from \cite{kuwert2002gfw}. \begin{lem} \label{LMenergyhighervanillaconstantricci} Let $f:M^n\times[0,T)\rightarrow \ensuremath{\mathbb{R}}^{N}$ be a solution of \eqref{EQwf} and $\gamma$ be as in \eqref{EQgamma}. Suppose $s\ge2k+4$. For each $\delta>0$ there exists a constant $c\in(0,\infty)$ depending only on $s$, $n$, $N$ and $\delta$ such that the following estimate holds: \begin{align*} \rD{}{t}&\int_M|\nabla_{(k)}A|^2\gamma^sd\mu + (2-\delta)\int_M |\nabla_{(k+2)}A|^2 \gamma^sd\mu \\* &\le c(\ensuremath{c_{\gamma}})^{2k+4}\int_M |A|^2\gamma^{s-2k-4}d\mu + c\int_M \nabla_{(k)}A*\Big(P_3^{k+2}(A)+P_5^k(A) \Big)\,\gamma^sd\mu \,. \end{align*} \end{lem} Area is monotone under the flow: \begin{lem} \label{lemmapreservationarea} Let $n\in\{2,3,4\}$. For $f:M^n\times[0,T)\rightarrow \ensuremath{\mathbb{R}}^{N}$ evolving by \eqref{EQwf} we have \begin{align*} \mu(f_t)^\frac4n \le \mu(f_0)^\frac4n - C_nt \end{align*} where for $n\in\{2,3,4\}$ we have $C_n = 4\omega_n^{\frac4n} n^2$, and for $n >4$ we have $C_n = \frac{\omega_n^{\frac4n}}{n^24^{4n+3}}$. Here $\omega_n$ denotes the area of the unit $n$-sphere. \end{lem} \begin{proof} Differentiating, \begin{align*} \frac{d}{dt}\mu(f_t) &= \frac{d}{dt} \int_M d\mu \\ &= \int_M \IP{\vec{H}}{\Delta^\perp \vec{H}} - \IP{Q(A)\vec{H}}{\vec{H}}\,d\mu\,. \intertext{Using the estimate $\IP{Q(A)\vec{H}}{\vec{H}} \ge \frac1n|\vec{H}|^4$ and the divergence theorem we estimate} \frac{d}{dt}\mu(f_t) &\le -\int_M |\nabla \vec H|^2\,d\mu - \frac1n\int_M |\vec H|^4\,d\mu \le - \frac1n\int_M |\vec H|^4\,d\mu\,. \end{align*} Now we use the inequality \begin{equation} \label{EQchen} \int_M |\vec H|^4\,d\mu \ge \hat C_n\mu(f_t)^\frac{n-4}{n}\,, \end{equation} to estimate \[ \frac{n}{4}\Big(\mu(f_t)^\frac{4}{n}\Big)' \le -\frac{\hat C_n}{n} \,. \] This implies \[ \mu(f_t)^\frac4n \le \mu(f_0)^\frac4n - 4\frac{\hat C_n}{n^2}t \] as required. The inequality \eqref{EQchen} follows for $n=2,3,4$ from the fundamental sharp estimate \[ \int_M |\vec H|^n\,d\mu \ge \omega_nn^n \] of Chen \cite{chen1971total}. For $n=4$ \eqref{EQchen} is immediate, whereas for $n=2,3$ we first use H\"older's inequality \[ \int_M |\vec H|^n\,d\mu \le \bigg(\int_M |\vec H|^4\,d\mu\bigg)^\frac{n}{4}\mu(f_t)^\frac{4-n}{4} \] and then rearrange, to obtain \[ \int_M |\vec H|^4\,d\mu \ge \bigg(\int_M |\vec H|^n\,d\mu\bigg)^\frac{4}{n} \mu(f_t)^\frac{n-4}{n} \ge \omega_n^\frac{4}{n}n^4 \mu(f_t)^\frac{n-4}{n}\,, \] that is, the estimate \eqref{EQchen} with $\hat C_n = \omega_n^\frac{4}{n}n^4$. For $n>4$, this argument does not work and we must lose some sharpness in the constant. In this case, we use Theorem 28.4.1 of \cite{burago1988gi} to estimate $\vn{H}_1$ from below in terms of the area scaled appropriately. Such an estimate follows directly from the Michael-Simon Sobolev inequality (see Theorem 2.1 in \cite{michael1973sam}, stated in Theorem \ref{TMmss} below) by an approximation argument: \[ \mu(f_t)^{\frac{n-1}{n}} \le \frac{4^{n+1}}{\omega_n^{1/n}}\int_M |\vec{H}|\,d\mu \,. \] Using H\"older's inequality we find \[ \int_M |\vec{H}|\,d\mu \le \bigg(\int_M |\vec{H}|^4\,d\mu\bigg)^\frac14 \mu(f_t)^\frac34 \] and so \[ \int_M|\vec{H}|^4\,d\mu \ge \frac{\omega_n^{\frac4n}}{4^{4n+4}} \mu(f_t)^{\frac{n-4}n} \,. \] This establishes \eqref{EQchen} with $\hat C_n = \frac{\omega_n^{\frac4n}}{4^{4n+4}}$. \end{proof} \begin{proof}[Proof of Theorem \ref{TMfinite}] Assume that the flow remains smooth with $T>\frac{\mu(f_0)^\frac4n}{C_n}$. Then, applying Lemma \ref{lemmapreservationarea} with \[ t = \frac{\mu(f_0)^\frac4n}{C_n} \] shows that $\mu(f_t) = 0$, contradicting the assumption that the flow remains smooth for $t\in[0,T)$. Therefore either the family $f$ shrink to a point, in which case $T \le \frac{\mu(f_0)}{C_n}$, or there is a loss of regularity beforehand. In either case we have the estimate \eqref{EQmaxTest} as required. \end{proof} \section{Integral estimates with small concentration of curvature The argument for $n=3$ and $n=4$ is by necessity different to that for $n=2$. This is due to the important role played by the Michael-Simon Sobolev inequality. \begin{thm}[Theorem 2.1 in \cite{michael1973sam}] Let $f:M^n\rightarrow\ensuremath{\mathbb{R}}^{N}$ be a smooth immersed submanifold. Then for any $u\in C_c^1(M)$ we have \[ \left(\int_M |u|^{n/(n-1)}d\mu\right)^{(n-1)/n} \le \frac{4^{n+1}}{\omega_n^{1/n}} \int_M |\nabla u| + |u|\,|\vec H|\, d\mu\,. \] \label{TMmss} \end{thm} Notice the exponent on the left. Our eventual goal for this section is to prove local $L^\infty$ estimates for all derivatives of curvature under a hypothesis that the local concentration of curvature is small. Our main tool to convert $L^q$ bounds to $L^\infty$ bounds is the following theorem, which is an $n$-dimensional analogue of Theorem 5.6 from \cite{kuwert2002gfw}. The proof is contained in Appendix A of \cite{mythesis}. \begin{thm} \label{myLZthm} Let $f:M^n\rightarrow\ensuremath{\mathbb{R}}^{N}$ be a smooth immersed submanifold. For $u\in C_c^1(M)$, $n<p\le\infty$, $0\le \beta\le \infty$ and $0<\alpha<1$ where $\frac{1}{\alpha} = \big(\frac{1}{n}-\frac{1}{p}\big)\beta + 1$ we have \begin{equation} \vn{u}_\infty \le c\vn{u}_\beta^{1-\alpha}(\vn{\nabla u}_p + \vn{\vec Hu}_p)^\alpha, \label{myLZthmeqn} \end{equation} where $c = c(p,n,N,\beta)$. \end{thm} The proof follows ideas from \cite{ladyzhenskaya1968laq} and \cite{kuwert2002gfw}. Due to the exponent in the Michael-Simon Sobolev inequality (which is itself an isoperimetric obstruction), it is not possible to decrease the lower bound on $p$, even at the expense of other parameters in the inequality. For $n=3$, it is possible to use $p=4$ in Theorem \ref{myLZthm}. This means that estimates on the same quantities as in the $n=2$ case may be used. For $n=4$ we are not able to use $p=4$ in Theorem \ref{myLZthm}. We thus need to estimate new quantities in this case. \begin{lem} \label{MS1lem} Let $\gamma$ be as in \eqref{EQgamma}. Then: \begin{enumerate} \item[(i)] For an immersed surface $f:M^2\rightarrow\ensuremath{\mathbb{R}}^{N}$, $s\ge4$, we have \begin{align*} \int_M \big(|A|^2|\nabla A|^2 + |A|^6\big)\,\gamma^sd\mu &\le c\int_{[\gamma>0]}|A|^2d\mu\int_M(|\nabla_{(2)}A|^2 + |A|^6)\gamma^sd\mu \\ &\hskip+2cm + c(\ensuremath{c_{\gamma}})^4\Big( \int_{[\gamma>0]}|A|^2d\mu \Big)^2, \end{align*} where $c = c(s,N)$ is an absolute constant. \item[(ii)] For an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge2$, we have \begin{align*} \int_M \big(|\nabla A|^2|A|^2 + |A|^6\big)\,\gamma^s\,d\mu \le &\ \theta\int_M |\nabla_{(2)}A|^2\,\gamma^s\,d\mu + c(\vn{A}_{4,[\gamma>0]}^\frac43 + \vn{A}_{4,[\gamma>0]}^4) \int_M |A|^6\,\gamma^s\,d\mu \\& + (\ensuremath{c_{\gamma}})^2\vn{A}_{4,[\gamma>0]}^4\,, \end{align*} and for $s\ge4$ we have \begin{align*} \int_M \big(|\nabla A|^2|A|^3 + |A|^7\big)\,\gamma^s\,d\mu &\le \big(c\vn{A}_{3,[\gamma>0]}^2 + \theta\big)\int_M \big(|\nabla_{(2)}A|^2|A| + |\nabla A|^2|A|^3 + |A|^7\big)\,\gamma^s\,d\mu \\&\qquad + (\ensuremath{c_{\gamma}})^4\vn{A}_{3,[\gamma>0]}^3\,, \end{align*} where $\theta\in(0,1)$ and $c = c(s,\theta,N)$ is an absolute constant. \item[(iii)] For an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge8$, we have \begin{align*} \int_M &\big(|A|^2|\nabla_{(2)}A|^2 + |A|^4|\nabla A|^2 + |\nabla A|^4 + |A|^8\big)\,\gamma^s\,d\mu \notag\\&\hskip-3mm + \bigg(\int_M |\nabla_{(2)}A|^{\frac{12}5}\,\gamma^{\frac{4s}{5}}\,d\mu\bigg)^\frac54 + \bigg(\int_M |\nabla A|^3\,\gamma^{\frac{s}{2}}\,d\mu\bigg)^2 \notag\\ &\le \big(\theta + c\vn{A}_{4,[\gamma>0]}^\frac43\big) \int_M \big(|\nabla_{(3)}A|^2 + |A|^2\,|\nabla_{(2)}A|^2 + |\nabla A|^4 + |A|^8\big)\,\gamma^s\,d\mu \notag\\&\quad + c\vn{A}_{4,[\gamma>0]}^\frac{20}{3} \bigg(\int_M |\nabla A|^3\,\gamma^\frac{s}{2}\,d\mu\bigg)^2 + c\vn{A}_{4,[\gamma>0]}^\frac23 \bigg( \int_M |\nabla_{(2)} A|^\frac{12}{5}\,\gamma^\frac{4s}{5}\,d\mu \bigg)^\frac54 \notag\\&\quad + c(c_\gamma)^4\Big( 1 + \vn{A}_{4,[\gamma>0]}^4 + [(c_\gamma)^4\mu_\gamma(f)]^6 \Big)\vn{A}_{4,[\gamma>0]}^3 \,, \end{align*} where $\theta\in(0,1)$ and $c = c(s,\theta,N)$ is an absolute constant. \item[(iv)] for an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge16$, we have \begin{align*} \int_M &\big( |\nabla_{(3)}A|^2|A|^2 + |\nabla_{(2)}A|^2|A|^4 + |\nabla_{(2)}A|^2|\nabla A|^2 + |\nabla A|^2|A|^6 + |A|^{10}\big)\gamma^s\,d\mu \\& + \bigg( \int_M |\nabla A|^4\,\gamma^{\frac{2s}{3}}\,d\mu \bigg)^\frac32 + \vn{A}_{4,[\gamma>0]}^2\int_M |\nabla_{(3)}A|^4\,\gamma^{2s}\,d\mu \\&\le (\theta + c\vn{A}_{4,[\gamma>0]}^4)\int_M \big( |\nabla_{(4)}A|^2 + |\nabla_{(2)}A|^2|\nabla A|^2 + |\nabla_{(2)}A|^2|A|^4 + |\nabla A|^2|A|^6 + |A|^{10} \big) \gamma^s\,d\mu \notag\\&\quad + \vn{A}_{4,[\gamma>0]}^6 \bigg( \int_M |\nabla A|^4\,\gamma^\frac{2s}{3}\,d\mu \bigg)^\frac32 + c(\theta + \vn{A}_{4,[\gamma>0]}^\frac23)\vn{A}_{4,[\gamma>0]}^2\int_M |\nabla_{(3)}A|^4\,\gamma^{2s}\,d\mu \notag\\&\quad + c(\ensuremath{c_{\gamma}})^6\vn{A}_{4,[\gamma>0]}^2 \big(1+[(\ensuremath{c_{\gamma}})^4\mu_\gamma(f)]^\frac12 \big) \big(1 + \vn{A}_{4,[\gamma>0]}^2 \big) \,. \end{align*} where $\theta\in(0,1)$ and $c = c(s,\theta,N)$ is an absolute constant. \item[(v)] for an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge4$, we have \begin{align} \int_M |A|^8\,\gamma^s\,d\mu \le c\vn{A}_{4,[\gamma>0]}^\frac43\int_M\big(|\nabla A|^4 + |A|^8\big)\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\vn{A}_{4,[\gamma>0]}^\frac{16}3 \label{EQnew1} \end{align} and \begin{align} \int_M |\nabla A|^4\,\gamma^s\,d\mu \le c\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\vn{A}_{4,[\gamma>0]}^4 \label{EQnew2} \end{align} where $c = c(s,N)$ is an absolute constant. \end{enumerate} \end{lem} We postpone the proof of Lemma \ref{MS1lem} to the Appendix. Under an appropriate smallness condition, many terms can be absorbed, yielding the following Corollary. \begin{cor} \label{MS1cor} Let $\gamma$ be as in \eqref{EQgamma}. There exists an $\varepsilon>0$ depending only on $n$, $s$, and $N$ such that if \[ \int_{[\gamma>0]}|A|^n\,d\mu \le \varepsilon \le 1 \] we have \begin{enumerate} \item[(i)] for an immersed surface $f:M^2\rightarrow\ensuremath{\mathbb{R}}^{N}$, $s\ge4$: \begin{align*} \int_M \big(|A|^2|\nabla A|^2+|A|^6\big)\,\gamma^sd\mu &\le c\varepsilon\bigg(\int_M |\nabla_{(2)}A|^2\,\gamma^sd\mu + (\ensuremath{c_{\gamma}})^4\bigg) \end{align*} where $c = c(s,N)$ is an absolute constant. \item[(ii)] for an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge2$, we have \begin{align*} \int_M \big(|\nabla A|^2|A|^2 + |A|^6\big)\,\gamma^s\,d\mu \le &\ \theta\int_M |\nabla_{(2)}A|^2\,\gamma^s\,d\mu + (\ensuremath{c_{\gamma}})^2\vn{A}_{4,[\gamma>0]}^4\,, \end{align*} and for $s\ge4$ we have \begin{align*} \int_M \big(|\nabla A|^2|A|^3 + |A|^7\big)\,\gamma^s\,d\mu &\le \big(c\vn{A}_{3,[\gamma>0]}^2 + \theta\big)\int_M |\nabla_{(2)}A|^2|A|\,\gamma^s\,d\mu + (\ensuremath{c_{\gamma}})^4\vn{A}_{3,[\gamma>0]}^3\,, \end{align*} where $\theta\in(0,1)$ and $c = c(s,\theta,N)$ is an absolute constant. \item[(iii)] for an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge8$, we have \begin{align*} \int_M &\big(|A|^2|\nabla_{(2)}A|^2 + |A|^4|\nabla A|^2 + |\nabla A|^4 + |A|^8\big)\,\gamma^s\,d\mu \notag\\ &\le \big(\theta + c\varepsilon^\frac13\big) \int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + c(c_\gamma)^4\Big( 1 + \varepsilon + [(c_\gamma)^4\mu_\gamma(f)]^6 \Big)\vn{A}_{4,[\gamma>0]}^3 \,, \end{align*} where $\theta\in(0,1)$ and $c = c(s,\theta,N)$ is an absolute constant. \item[(iv)] for an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge16$, we have \begin{align*} \int_M &\big( |\nabla_{(3)}A|^2|A|^2 + |\nabla_{(2)}A|^2|A|^4 + |\nabla_{(2)}A|^2|\nabla A|^2 + |\nabla A|^2|A|^6 + |A|^{10}\big)\gamma^s\,d\mu \\&\le (\theta + c\vn{A}_{4,[\gamma>0]}^4)\int_M |\nabla_{(4)}A|^2 \gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^6\vn{A}_{4,[\gamma>0]}^2 \big(1+[(\ensuremath{c_{\gamma}})^4\mu_\gamma(f)]^\frac12 \big) \big(1 + \vn{A}_{4,[\gamma>0]}^2 \big) \,. \end{align*} where $\theta\in(0,1)$ and $c = c(s,\theta,N)$ is an absolute constant. \item[(v)] for an immersion $f:M^4\rightarrow\ensuremath{\mathbb{R}}^N$, $s\ge4$, we have \begin{align*} \int_M |A|^8\,\gamma^s\,d\mu \le c\vn{A}_{4,[\gamma>0]}^\frac43\int_M|\nabla A|^4\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\vn{A}_{4,[\gamma>0]}^\frac{16}3 \end{align*} and \begin{align*} \int_M |\nabla A|^4\,\gamma^s\,d\mu \le c\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\vn{A}_{4,[\gamma>0]}^4 \end{align*} where $c = c(s,N)$ is an absolute constant. \end{enumerate} \end{cor} Next we give a local refinement of Theorem \ref{myLZthm}. \begin{prop} \label{MS2prop} Suppose $\gamma$ is as in \eqref{EQgamma}. For any tensor $T$ normal along $f:M^n\rightarrow\ensuremath{\mathbb{R}}^{N}$, if $n=2$, we have \begin{equation} \vn{T}^4_{\infty,[\gamma=1]} \le c\vn{T}^{2}_{2,[\gamma>0]}\big( \vn{\nabla_{(2)}T}^2_{2,[\gamma>0]} + (c_\gamma)^{4}\vn{T}^2_{2,[\gamma>0]} + \vn{T A^2}^2_{2,[\gamma>0]} \big) \,, \label{MS2} \end{equation} and if $n=4$, then we have \begin{align} \vn{T}_{\infty,[\gamma=1]}^3 \le c\vn{T}_{2,[\gamma>0]}\Big( \vn{\nabla_{(3)}T}_{2,[\gamma>0]}^2 &+ \vn{T\,A^3}_{2,[\gamma>0]}^2 + (c_\gamma)^2\vn{A\nabla T}_{2,[\gamma>0]}^2 \notag\\& \label{MS2n4} + (c_\gamma)^2\vn{T\nabla A}_{2,[\gamma>0]}^2 + (c_\gamma)^4\vn{\nabla T}_{2,[\gamma>0]}^2 + (c_\gamma)^6\vn{T}_{2,[\gamma>0]}^2 \Big) \,, \end{align} where $c=c(n,N)$. Assume $T=A$. There exists an $\varepsilon_0 = \varepsilon_0(n,N)$ such that if \[ \vn{A}^n_{n,[\gamma>0]} \le \varepsilon_0 \] we have for $n=2$: \begin{equation*} \vn{A}^{4}_{\infty,[\gamma=1]} \le c\varepsilon_0 \big(\vn{\nabla_{(2)}A}^{2}_{2,[\gamma>0]} + \varepsilon_0(c_\gamma)^4\big)\,, \end{equation*} and for $n=4$: \begin{align} \label{MS2secondstatement} \vn{A}_{\infty,[\gamma=1]}^3 &\le c\vn{A}_{2,[\gamma>0]}\bigg( \vn{\nabla_{(3)}A}^2_{2,[\gamma>0]} + (c_\gamma)^4\big( 1 + \vn{A}_{4,[\gamma>0]}^4 + (c_\gamma)^4\mu_\gamma(f) \big) \bigg) \,, \end{align} with $c=c(n,N,\varepsilon_0)$. \end{prop} \begin{proof The proof proceeds in two parts: first we deal with the case where $n=2$. Then we prove the statements for $n=4$. In each part we will estimate an arbitrary tensor field $S$, and then we will localise the estimate for $S$ by using a $\gamma$ function. Precisely, we specialise the estimate for $S$ to $S = T\gamma^2$ in the first part and $S = T\gamma^4$ in the second, taking care to factor out the quantity $\vn{T}^2_{2,[\gamma>0]}$ to conclude our desired inequality. Note that for $n=2$ the result is in \cite{kuwert2002gfw} (except here we keep track of $c_\gamma$, and in the relevant result from \cite{kuwert2002gfw} the constant $c$ depends on $\gamma$). Here, and until we deal with the case $n=4$, we leave $n$ as a free parameter. This is because the proof below works for both $n=2$ and $n=3$. Therefore, let us take $p=4$, $\beta = 2$ in Theorem \ref{myLZthm} to obtain \begin{equation} \vn{S}_\infty \le c\vn{S}^\frac{4-n}{n+4}_2 \big( \vn{\nabla S}_4 + \vn{S\ \vec{H}}_4 \big)^\frac{2n}{n+4}. \label{MS2e1} \end{equation} We now use integration by parts and the H\"older inequality to derive \begin{align} \vn{\nabla S}^4_4 &\le \int_M S*(\nabla_{(2)}S\,|\nabla S|^2 + 2\nabla S*\nabla S*\nabla_{(2)}S)d\mu \notag\\ &\le c\vn{S}_\infty\vn{\nabla S}^2_4\vn{\nabla_{(2)}S}_2,\text{ so} \notag\\ \vn{\nabla S}_4 &\le c\vn{S}_\infty^\frac{1}{2} \vn{\nabla_{(2)}S}_2^\frac{1}{2}. \label{MS2eBabyfirstinterpolation} \end{align} Combine inequality \eqref{MS2eBabyfirstinterpolation} with \eqref{MS2e1} and use Jensen's inequality to obtain \begin{equation} \vn{S}_\infty \le c\vn{S}_2^\frac{4-n}{n+4}\big[ (\vn{S}^\frac{1}{2}_\infty\vn{\nabla_{(2)}S}_2^\frac{1}{2})^\frac{2n}{n+4} + \vn{S\ \vec H}^\frac{2n}{n+4}_4\big]. \label{MS2e2} \end{equation} Using H\"older's inequality we estimate \[ \vn{S\ \vec H}^\frac{2n}{n+4}_4 \le \left(\vn{S^2}_\infty^\frac{1}{4}\vn{S^\frac{1}{2}\vec H}_4\right)^\frac{2n}{n+4} \le \vn{S}^\frac{n}{n+4}_\infty\vn{S^\frac{1}{2}\vec H}^\frac{2n}{n+4}_4, \] and combining this with \eqref{MS2e2} above we conclude \begin{align} \vn{S}^4_\infty &= \Big(\vn{S}^{1-\frac{n}{n+4}}_\infty\Big)^{n+4} \notag\\ &\le \Big(c\vn{S}^\frac{4-n}{n+4}_2\big(\vn{\nabla_{(2)}S}_2^\frac{n}{n+4} + \vn{S^\frac{1}{2}\vec H}_4^\frac{2n}{n+4}\big)\Big)^{n+4} \notag\\ &\le c\vn{S}_2^{4-n}\big(\vn{\nabla_{(2)}S}^n_2 + \vn{S\ |\vec H|^2}^n_2\big). \label{MS2e3} \end{align} We now turn our attention to localising the estimate for $S$. As mentioned earlier, for this purpose we set $S = T\gamma^2$. We first evaluate and estimate the second derivative term $\vn{\nabla_{(2)}S}^2_2$: \begin{align} \vn{\nabla_{(2)}&S}^2_2 = \int_M |\nabla_{(2)}(T\gamma^2)|^2d\mu \notag\\ &\le c\bigg( \int_M |\nabla_{(2)}T|^2\gamma^4d\mu + \int_M|\nabla T|^2|\nabla\gamma^2|^2d\mu + \int_M |T|^2|\nabla_{(2)}\gamma^2|^2d\mu \bigg) \notag\\ &\le c\bigg( \int_M |\nabla_{(2)}T|^2\gamma^4d\mu + \int_M|\nabla T|^2|\nabla\gamma|^2\gamma^2d\mu \notag\\ &\qquad + \int_M |T|^2\left[|\nabla_{(2)}\gamma|\gamma+|\nabla\gamma|^2\right]^2d\mu \bigg) \notag\\ &\le c\bigg( \int_M |\nabla_{(2)}T|^2\gamma^4d\mu + (c_\gamma)^2\int_M|\nabla T|^2\gamma^2d\mu \notag\\ &\qquad + (c_\gamma)^2\int_M |T|^2|A|^2\gamma^2d\mu + (c_\gamma)^4\int_{[\gamma>0]} |T|^2d\mu \bigg)\,. \label{MS2e4} \end{align} We interpolate the first derivative term: \begin{align*} (c_\gamma)^2\int_M&|\nabla T|^2\gamma^2d\mu \le (c_\gamma)^2\int_M|T|\ |\nabla_{(2)}T|\gamma^2d\mu + c(c_\gamma)^3 \int_M |T|\ |\nabla T|\gamma d\mu \notag\\ &\le \frac{1}{2}(c_\gamma)^2\int_M|\nabla T|^2\gamma^2d\mu + c\int_M |\nabla_{(2)}T|^2 \gamma^4 d\mu + c(c_\gamma)^4\int_{[\gamma>0]}|T|^2d\mu \notag\intertext{and thus} (c_\gamma)^2\int_M&|\nabla T|^2\gamma^2d\mu \le c\int_M |\nabla_{(2)}T|^2 \gamma^4 d\mu + c(c_\gamma)^4\int_{[\gamma>0]}|T|^2d\mu \,. \end{align*} Inserting this result into \eqref{MS2e4}, and estimating \[ c(c_\gamma)^2\int_M |T|^2|A|^2\gamma^2d\mu \le c\int_M |T|^2|A|^4\gamma^4d\mu + c(c_\gamma)^4\int_{[\gamma>0]}|T|^2d\mu \] we obtain \begin{equation} \vn{\nabla_{(2)}S}^2_2 \le c\int_{[\gamma>0]}|\nabla_{(2)}T|^2\,d\mu + c\int_M |T|^2|A|^4\gamma^4d\mu + c(c_\gamma)^4\int_{[\gamma>0]}|T|^2d\mu \,. \label{MS2e5} \end{equation} Combining this with our estimate for $\vn{S}_\infty$ earlier, inequality \eqref{MS2e3}, gives \begin{align} \vn{S}^4_\infty &\le c\vn{S}^{4-n}_2\big(\vn{\nabla_{(2)}T}^n_{2,[\gamma>0]} + (c_\gamma)^{2n}\vn{T}^n_{2,[\gamma>0]} + \vn{S\ H^2}_2^n + \vn{T A^2\gamma^2}_2^n\big) \notag\\ &\le c\vn{T}^{4-n}_{2,[\gamma>0]}\big( \vn{\nabla_{(2)}T}^n_{2,[\gamma>0]} + (c_\gamma)^{2n}\vn{T}^n_{2,[\gamma>0]} + \vn{T A^2}^n_{2,[\gamma>0]} \big) \,. \label{MS2e6} \end{align} Estimating $\vn{T}^4_{\infty,[\gamma=1]} \le \vn{S}^4_\infty$ proves \eqref{MS2}. Now set $T=A$ in \eqref{MS2}. For $n=2$, Lemma \ref{MS1lem} (i) implies \begin{align*} \int_M|A|^6\gamma^4d\mu &\le c\vn{A}^2_{2,[\gamma>0]}\big(\vn{\nabla_{(2)}A}^2_{2,[\gamma>0]} + \vn{A\gamma^\frac{2}{3}}^6_6\big) + c(c_\gamma)^4\vn{A}^4_{2,[\gamma>0]}, \intertext{and absorbing on the left we obtain} \int_M |A|^6\gamma^4d\mu &\le c \vn{A}^2_{2,[\gamma>0]}\big(\vn{\nabla_{(2)}A}^2_{2,[\gamma>0]} + (c_\gamma)^4\vn{A}^2_{2,[\gamma>0]}\big) \,. \end{align*} Inserting this into \eqref{MS2e6} gives the second statement for $n=2$. For the $n=4$ inequalities, we proceed similarly. We first claim \begin{equation} \vn{S}_\infty \le c\vn{S}_2^\frac13(\vn{\nabla_{(3)}S}_2^\frac23 + \vn{S^\frac13\vec{H}}_{6}^2) \,. \label{EQgoal} \end{equation} In order to prove \eqref{EQgoal}, we need some auxilliary estimates. First, we calculate \begin{align} \int_M |\nabla S|^6 &\le c\int_M |S|\,|\nabla S|^4\,|\nabla_{(2)}S|\,d\mu \notag \\ &\le c\vn{S}_\infty \vn{\nabla S}_6^4\bigg(\int_M |\nabla_{(2)}S|^3\,d\mu\bigg)^\frac13 \notag\intertext{so} \vn{\nabla S}_6^6 &\le c\vn{S}_\infty^3\vn{\nabla_{(2)}S}_3^3 \,. \label{EQhelper1} \end{align} We also need \begin{align*} \int_M |\nabla_{(2)}S|^3\,d\mu &\le c\int_M |\nabla S|\,|\nabla_{(2)}S|\,|\nabla_{(3)}S|\,d\mu \\ &\le \frac12\vn{\nabla_{(2)}S}_3^3 + c\int_M |\nabla S|^\frac32\,|\nabla_{(3)}S|^\frac32\,d\mu \intertext{so} \int_M |\nabla_{(2)}S|^3\,d\mu &\le c\int_M |\nabla S|^\frac32\,|\nabla_{(3)}S|^\frac32\,d\mu \\ &\le \frac1{2c\vn{S}_\infty^3}\int_M |\nabla S|^6\,d\mu + c\vn{S}_\infty\int_M |\nabla_{(3)}S|^2\,d\mu\,. \end{align*} (Note that if $\vn{S}_\infty = 0$ then the estimate is trivially true, and so we assume this is not the case.) Combining with \eqref{EQhelper1} and absorbing we find \[ \vn{\nabla S}_6^6 \le c\vn{S}_\infty^4\vn{\nabla_{(3)}S}_2^2 \,. \] Now applying Theorem \ref{myLZthm} yields \begin{align*} \vn{S}_\infty &\le c\vn{S}_\beta^{1-\alpha}(\vn{\nabla S}_{6} + \vn{\vec{H}\,S}_{6})^\alpha \\ &\le c\vn{S}_\beta^{1-\alpha}(\vn{S}_\infty^\frac23\vn{\nabla_{(3)}S}_2^\frac13 + \vn{S}_\infty^\frac23\vn{S^\frac13\vec{H}}_{6})^\alpha \intertext{so} \vn{S}_\infty &\le c\vn{S}_\beta^{\frac{3-3\alpha}{3-2\alpha}}(\vn{\nabla_{(3)}S}_2^\frac13 + \vn{S^\frac13\vec{H}}_{6})^\frac{3\alpha}{3-2\alpha} \end{align*} where $\alpha^{-1} = 1 + (\frac{1}{n} - \frac{1}{6})\beta$. Since $n=4$, $\alpha^{-1} = \frac{12 + \beta}{12}$, and \[ \frac{3\alpha}{3-2\alpha} = \frac{12}{12 + \beta}\frac{3}{3 - 2\frac{12}{12+\beta}} = \frac{36}{36 + 3\beta - 24} = \frac{12}{4 + \beta} \] so in particular if $\beta = 2$ then $3\alpha/(3-2\alpha) = 2$ or $\alpha = 6/7$. We also note that $\frac{3-3\alpha}{3-2\alpha} = \frac13$. This proves the estimate \eqref{EQgoal}. Now we set $S = T\gamma^4$ and calculate \begin{align*} \int_M |\nabla_{(3)}(T\gamma^4)|^2\,d\mu &\le c\int_M |\nabla_{(3)}T|^2\,\gamma^8\,d\mu + c(c_\gamma)^2\int_M |\nabla_{(2)}T|^2\,\gamma^6\,d\mu \\&\quad + c(c_\gamma)^2\int_M |\nabla T|^2\,((c_\gamma^2 + |A|^2)\gamma^2 + c_\gamma^2)\gamma^4\,d\mu \\&\quad + c(c_\gamma)^2\int_M |T|^2\,( (c_\gamma^4 + c_\gamma^2|A|^2 + |A|^4 + |\nabla A|^2)\gamma^4 + (c_\gamma^2(c_\gamma^2 + |A|^2))\gamma^2 + c_\gamma^4)\gamma^2\,d\mu \\ &\le c\int_M |\nabla_{(3)}T|^2\,\gamma^8\,d\mu + c(c_\gamma)^2\int_M |\nabla_{(2)}T|^2\,\gamma^6\,d\mu + c(c_\gamma)^2\int_M |\nabla T|^2\,|A|^2\,\gamma^6\,d\mu \\&\quad + c(c_\gamma)^2\int_M |T|^2\, |\nabla A|^2\,\gamma^6\,d\mu + c(c_\gamma)^2\int_M |T|^2\, |A|^4\,\gamma^6\,d\mu \\&\quad + c(c_\gamma)^4\int_M |\nabla T|^2\,\gamma^4\,d\mu + c(c_\gamma)^4\int_M |T|^2\, |A|^2\,\gamma^4\,d\mu + c(c_\gamma)^6\int_M |T|^2\, \gamma^2\,d\mu \\ &\le c\int_M |\nabla_{(3)}T|^2\,\gamma^8\,d\mu + c(c_\gamma)^2\int_M |\nabla_{(2)}T|^2\,\gamma^6\,d\mu + c(c_\gamma)^2\int_M |\nabla T|^2\,|A|^2\,\gamma^6\,d\mu \\&\quad + c(c_\gamma)^2\int_M |T|^2\, |\nabla A|^2\,\gamma^6\,d\mu + c(c_\gamma)^2\int_M |T|^2\, |A|^4\,\gamma^6\,d\mu \\&\quad + c(c_\gamma)^4\int_M |\nabla T|^2\,\gamma^4\,d\mu + c(c_\gamma)^6\int_M |T|^2\, \gamma^2\,d\mu \,. \end{align*} Note that \begin{align*} (c_\gamma)^2\int_M |\nabla_{(2)} T|^2\,\gamma^6\,d\mu &\le c(c_\gamma)^2\int_M |\nabla T|\,|\nabla_{(3)}T|\,\gamma^6\,d\mu + c(c_\gamma)^3\int_M |\nabla T|\,|\nabla_{(2)} T|\,\gamma^5\,d\mu \\ &\le \frac12(c_\gamma)^2\int_M |\nabla_{(2)} T|^2\,\gamma^6\,d\mu + c(c_\gamma)^2\int_M |\nabla T|\,|\nabla_{(3)}T|\,\gamma^6\,d\mu + c(c_\gamma)^4\int_M |\nabla T|^2\,\gamma^4\,d\mu \end{align*} so that \[ (c_\gamma)^2\int_M |\nabla_{(2)} T|^2\,\gamma^6\,d\mu \le \int_M |\nabla_{(3)}T|^2\,\gamma^8\,d\mu + (c_\gamma)^4\int_M |\nabla T|^2\,\gamma^4\,d\mu \,. \] This refines the above to \begin{align*} \int_M |\nabla_{(3)}(T\gamma^4)|^2\,d\mu &\le c\int_M |\nabla_{(3)}T|^2\,\gamma^8\,d\mu + c(c_\gamma)^2\int_M |\nabla T|^2\,|A|^2\,\gamma^6\,d\mu \\&\quad + c(c_\gamma)^2\int_M |T|^2\, |\nabla A|^2\,\gamma^6\,d\mu + c(c_\gamma)^2\int_M |T|^2\, |A|^4\,\gamma^6\,d\mu \\&\quad + c(c_\gamma)^4\int_M |\nabla T|^2\,\gamma^4\,d\mu + c(c_\gamma)^6\int_M |T|^2\, \gamma^2\,d\mu \,. \end{align*} Combining this with \eqref{EQgoal} and then cubing everything yields \begin{align*} \vn{T\gamma^4}_\infty^3 &\le c\vn{T\gamma^4}_2\Big( \int_M |\nabla_{(3)}T|^2\,\gamma^8\,d\mu + \int_M |T|^2|A|^6\,\gamma^8\,d\mu \\&\qquad + (c_\gamma)^2\int_M |\nabla T|^2\,|A|^2\,\gamma^6\,d\mu + (c_\gamma)^2\int_M |T|^2\, |\nabla A|^2\,\gamma^6\,d\mu \\&\qquad + (c_\gamma)^2\int_M |T|^2\, |A|^4\,\gamma^6\,d\mu + (c_\gamma)^4\int_M |\nabla T|^2\,\gamma^4\,d\mu + (c_\gamma)^6\int_M |T|^2\, \gamma^2\,d\mu \Big) \,. \end{align*} Using the definition of $\gamma$ we have \begin{align*} \vn{T}_{\infty,[\gamma=1]}^3 \le c\vn{T}_{2,[\gamma>0]}\Big( \vn{\nabla_{(3)}T}_{2,[\gamma>0]}^2 &+ \vn{T\,A^3}_{2,[\gamma>0]}^2 + (c_\gamma)^2\vn{A\nabla T}_{2,[\gamma>0]}^2 \\& + (c_\gamma)^2\vn{T\nabla A}_{2,[\gamma>0]}^2 + (c_\gamma)^4\vn{\nabla T}_{2,[\gamma>0]}^2 + (c_\gamma)^6\vn{T}_{2,[\gamma>0]}^2 \Big) \,. \end{align*} Note that we interpolated one term. In the particular case where $T=A$ we find \begin{align*} \vn{A}_{\infty,[\gamma=1]}^3 &\le c\vn{A}_{2,[\gamma>0]}\bigg( \int_M |\nabla_{(3)}A|^2\,\gamma^8\,d\mu + \int_M (|\nabla A|^4 + |A|^8)\,\gamma^8\,d\mu \\&\hskip+4cm + (c_\gamma)^4\big( 1 + \vn{A}_{4,[\gamma>0]}^4 + (c_\gamma)^4\mu_\gamma(f) + (c_\gamma)^2\vn{A}_{2,[\gamma>0]}^2 \big) \bigg) \,. \end{align*} When $\vn{A}^4_{4,[\gamma>0]}$ is small, we may use Corollary \ref{MS1cor} (iii) to absorb the second integral on the right, and conclude \begin{align*} \vn{A}_{\infty,[\gamma=1]}^3 &\le c\vn{A}_{2,[\gamma>0]}\bigg( \vn{\nabla_{(3)}A}^2_{2,[\gamma>0]} + (c_\gamma)^4\big( 1 + \vn{A}_{4,[\gamma>0]}^4 + (c_\gamma)^4\mu_\gamma(f) + (c_\gamma)^2\vn{A}_{2,[\gamma>0]}^2 \big) \bigg) \,. \end{align*} \end{proof The Lifespan Theorem is proved using an alternative that relies on being able to, in a weak sense, preserve the assumption \[ \int_{[\gamma>0]} |A|^n\,d\mu < \varepsilon_0 \] at later times. A key difficulty is that the flow lives naturally in the $L^2$ heirarchy, and so does not directly control the $L^n$ norm of curvature. This in turn introduces difficulties in obtaining pointwise control of curvature. For $n=2$ this does not cause any issue. For $n=4$ the same Sobolev inequalities can not apply. Nevertheless we are able to use those proved above to obtain pointwise control in this case as well. We begin with the $L^2$-control. \begin{prop} \label{p:prop44} Let $n\in\{2,4\}$. Suppose $f:M^n\times[0,T^*]\rightarrow\ensuremath{\mathbb{R}}^{N}$ evolves by \eqref{EQwf} and $\gamma$ is a cutoff function as in \eqref{EQgamma}. Then there is a universal $\varepsilon_0 = \varepsilon_0(N)$ such that if \begin{equation} \label{eq9} \varepsilon = \sup_{[0,T^*]}\int_{[\gamma>0]}|A|^nd\mu\le\varepsilon_0 \end{equation} then for any $t\in[0,T^*]$ we have \begin{align*} &\int_{[\gamma=1]} |A|^2 \,d\mu\ + \int_0^t\int_{[\gamma=1]} (|\nabla_{(2)}A|^2 + |A|^2|\nabla A|^2 + |A|^6)\, d\mu d\tau\\ &\le \int_{[\gamma>0]}|A|^2d\mu\bigg|_{t=0} + ct(\ensuremath{c_{\gamma}})^{6-n} \Big( 1 + (n-2)(4-n)[(\ensuremath{c_{\gamma}})^3\mu(f_0)]^\frac13 + (n-2)(n-3)[(\ensuremath{c_{\gamma}})^4\mu(f_0)]^\frac12 \Big)\varepsilon^\frac{2}{n} \,, \end{align*} where $c=c(n,N)$. \end{prop} \begin{proof The idea of the proof is to integrate Lemma \ref{LMenergyhighervanillaconstantricci}, and then use the multiplicative Sobolev inequality Lemma \ref{MS1lem}. This will introduce a multiplicative factor of $\vn{A}_{n,[\gamma>0]}$ in front of several integrals, which we can then absorb on the left. The proof for $n=2$ is the same as that in \cite{kuwert2002gfw}. Therefore here we give only the proof for $n=4$. Setting $k=0$ and $s=4$ in Lemma \ref{LMenergyhighervanillaconstantricci} we have \begin{align*} &\rD{}{t}\int_M |A|^2\gamma^4d\mu + (2-\theta)\int_M |\nabla_{(2)}A|^2\gamma^4d\mu \\ &\qquad \le c(\ensuremath{c_{\gamma}})^4\int_{[\gamma>0]}|A|^2\,d\mu + c\int_M \left([P_3^{2}(A)+P_5^0(A)]*A\right)\gamma^{4} d\mu. \end{align*} We estimate the $P$-style terms: \begin{align} \int_M\left([P_3^{2}(A)+P_5^0(A)]*A\right)\gamma^{4} d\mu &\le c\int_M\Big(\big[|A|^2\cdot|\nabla_{(2)}A| + |\nabla A|^2|A|+|A|^5\big]|A|\Big)\gamma^{4} d\mu \notag\\&\le c\int_M\big[|A|^3|\nabla_{(2)}A| + |\nabla A|^2|A|^2+|A|^6\big]\gamma^{4} d\mu \notag\\&\le \theta_0\int_M |\nabla_{(2)}A|^2\gamma^4d\mu + c\int_M (|A|^6 + |\nabla A|^2|A|^2)\gamma^{4} d\mu. \notag \intertext{ We use Corollary \ref{MS1cor} (ii) to estimate the second integral and obtain} \int_M\left([P_3^{2}(A)+P_5^0(A)]*A\right)\gamma^{4} d\mu &\le \theta\int_M |\nabla_{(2)}A|^2\,\gamma^s\,d\mu + (\ensuremath{c_{\gamma}})^2\vn{A}_{4,[\gamma>0]}^4\,, \label{prop44eq1} \end{align} We add the integrals $\int_M |A|^6 \gamma^4d\mu$ and $\int_M |\nabla A|^2|A|^2\gamma^4d\mu$ to the estimate of Lemma \ref{LMenergyhighervanillaconstantricci} (with $k=0$, $s=4$) and find \begin{align*} &\rD{}{t}\int_M |A|^2\gamma^4d\mu + (2-\theta)\int_M \big(|\nabla_{(2)}A|^2+|A|^2|\nabla A|^2+|A|^6\big)\gamma^4 d\mu \\ &\qquad \le c(\ensuremath{c_{\gamma}})^4\int_{[\gamma>0]} |A|^2d\mu + c\int_M \big(|A|^2|\nabla A|^2+|A|^6\big)\gamma^4 d\mu + c\int_M \left([P_3^{2}(A)+P_5^0(A)]*A\right)\gamma^{4} d\mu \\ &\qquad \le c(\ensuremath{c_{\gamma}})^4\int_{[\gamma>0]} |A|^2d\mu + \theta\int_M |\nabla_{(2)}A|^2\,\gamma^s\,d\mu + (\ensuremath{c_{\gamma}})^2\vn{A}_{4,[\gamma>0]}^4\,, \intertext{ which upon absorbing and choosing $\theta$ small yields } &\rD{}{t}\int_M |A|^2\gamma^4d\mu + \int_M \big(|\nabla_{(2)}A|^2+|A|^2|\nabla A|^2+|A|^6\big)\gamma^4 d\mu \le c(\ensuremath{c_{\gamma}})^2\vn{A}_{4,[\gamma>0]}^2 \Big( (\ensuremath{c_{\gamma}})^2\mu_\gamma(f_t)^\frac12 + \vn{A}_{4,[\gamma>0]}^2 \Big) \,. \end{align*} Integrating, we have \begin{align*} &\int_{[\gamma=1]} |A|^2 \,d\mu\ + \int_0^t\int_{[\gamma=1]} (|\nabla_{(2)}A|^2 + |A|^2|\nabla A|^2 + |A|^6)\, d\mu d\tau\\ &\le \int_{[\gamma>0]}|A|^2d\mu\bigg|_{t=0} + ct(\ensuremath{c_{\gamma}})^{6-n} \Big( 1 + (n-2)(4-n)[(\ensuremath{c_{\gamma}})^3\mu(f_0)]^\frac13 + (n-2)(n-3)[(\ensuremath{c_{\gamma}})^4\mu(f_0)]^\frac12 \Big)\varepsilon^\frac{2}{n} \,, \end{align*} where we have incorporated the three cases into one statement, and used $\varepsilon\le1$, $\mu_\gamma(f_t) \le \mu(f_t) \le \mu(f_0)$, $[\gamma=1]\subset[\gamma>0]$ and $0\le\gamma\le1$. \end{proof \begin{rmk} It is possible to proceed as in \cite{metzger2013willmore} and prove a bound directly for $\mu_\gamma(f_t)$ in terms of $\mu_\gamma(f_0)$, under the smallness hypothesis \eqref{eq9}. However this yields a bound exponential in time, which is quickly worse than the simple but uniform in time bound used above. It is an interesting open question on how to control the area locally uniformly in time without resorting to this crude estimate. In order to overcome this issue we prove the following estimate for the scale-invariant $\vn{\nabla A}_{2,\gamma^s}^2 + \vn{A}_{4,\gamma^s}^4$ directly. \end{rmk} \begin{prop} \label{newl4} Suppose $f:M^4\times[0,T^*]\rightarrow\ensuremath{\mathbb{R}}^{N}$ evolves by \eqref{EQwf} and $\gamma$ is a cutoff function as in \eqref{EQgamma}. Then there is a universal $\varepsilon_0 = \varepsilon_0(N)$ such that if \begin{equation*} \varepsilon = \sup_{[0,T^*]}\int_{[\gamma>0]}|A|^4+|\nabla A|^2d\mu\le\varepsilon_0 \end{equation*} then for any $t\in[0,T^*]$ we have \begin{align*} &\int_{[\gamma=1]} |A|^4+|\nabla A|^2 \,d\mu\ + \int_0^t\int_{[\gamma=1]} (|\nabla_{(3)}A|^2 + |\nabla_{(2)}A|^2|A|^2 + |\nabla A|^2|A|^4 + |\nabla A|^4 + |A|^8)\, d\mu d\tau\\ &\le \int_{[\gamma>0]}|A|^4+|\nabla A|^2d\mu\bigg|_{t=0} + ct(\ensuremath{c_{\gamma}})^4 \varepsilon_0 \,, \end{align*} where $c$ depends only on $\ensuremath{c_{\gamma}}$ and $N$. \end{prop} \begin{proof Let us first calculate \begin{align*} \frac{d}{dt}\int_M |A|^4\gamma^s\,d\mu &= 4\int_M |A|^2\IP{A}{A_t}\gamma^s\,d\mu + \int_M |A|^4\IP{\vec{H}}{\ensuremath{\mathbf{F}}}\gamma^s\,d\mu + s\int_M |A|^4\gamma_t\gamma^{s-1}\,d\mu \\&= 4\int_M |A|^2\IP{A}{ - (\Delta^\perp)^2 A + \big(P_3^2 + P_5^0 \big)(A) }\gamma^s\,d\mu \\&\qquad + \int_M |A|^4\IP{\vec{H}}{\big(P_1^2 + P_3^0 \big)(A)}\gamma^s\,d\mu + s\int_M |A|^4\gamma_t\gamma^{s-1}\,d\mu \,. \end{align*} Observe that \begin{align*} 4&\int_M |A|^2\IP{A}{ - (\Delta^\perp)^2 A + \big(P_3^2 + P_5^0 \big)(A) }\gamma^s\,d\mu + \int_M |A|^4\IP{\vec{H}}{\big(P_1^2 + P_3^0 \big)(A)}\gamma^s\,d\mu \\ &= - 4\int_M |A|^2\IP{A}{ \nabla^p \nabla^q \nabla_q \nabla_p A }\gamma^s\,d\mu + \int_M P_3^0(A)*\big(P_3^2 + P_5^0 \big)(A)\gamma^s\,d\mu \\ &= - 4\int_M \IP{\nabla_{(2)}(A|A|^2)}{ \nabla_{(2)} A }\gamma^s\,d\mu + 4s\int_M |A|^2\IP{A\nabla^p\gamma}{ \nabla^q \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu \\&\qquad - 4s\int_M \IP{\nabla^p(A|A|^2)\nabla^q\gamma}{ \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu + \int_M P_3^0(A)*\big(P_3^2 + P_5^0 \big)(A)\gamma^s\,d\mu \\ &= - 4\int_M \IP{\nabla^q(\nabla^p A|A|^2 + 2A\IP{A}{\nabla^p A})}{ \nabla_{qp} A }\gamma^s\,d\mu \\&\qquad + 4s\int_M |A|^2\IP{A\nabla^p\gamma}{ \nabla^q \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu - 4s\int_M \IP{\nabla^p(A|A|^2)\nabla^q\gamma}{ \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu \\&\qquad + \int_M P_3^0(A)*\big(P_3^2 + P_5^0 \big)(A)\gamma^s\,d\mu \\ &= - 4\int_M \IP{\nabla^{qp} A|A|^2 + 2\nabla^pA\IP{A}{\nabla^qA} + 2\nabla^qA\IP{A}{\nabla^p A} + 2A\IP{\nabla^pA}{\nabla^qA} + 2A\IP{A}{\nabla^{qp} A}}{ \nabla_{qp} A }\gamma^s\,d\mu \\&\qquad + 4s\int_M |A|^2\IP{A\nabla^p\gamma}{ \nabla^q \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu - 4s\int_M \IP{\nabla^p(A|A|^2)\nabla^q\gamma}{ \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu \\&\qquad + \int_M P_3^0(A)*\big(P_3^2 + P_5^0 \big)(A)\gamma^s\,d\mu \\ &= - 4\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu - 8\int_M |\IP{A}{\nabla_{(2)}A}|^2\,\gamma^s\,d\mu \\&\qquad - 4\int_M \IP{2\nabla^pA\IP{A}{\nabla^qA} + 2\nabla^qA\IP{A}{\nabla^p A} + 2A\IP{\nabla^pA}{\nabla^qA} }{ \nabla_{qp} A }\gamma^s\,d\mu \\&\qquad + 4s\int_M |A|^2\IP{A\nabla^p\gamma}{ \nabla^q \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu - 4s\int_M \IP{\nabla^p(A|A|^2)\nabla^q\gamma}{ \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu \\&\qquad + \int_M P_3^0(A)*\big(P_3^2 + P_5^0 \big)(A)\gamma^s\,d\mu \\ &= - 4\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu - 8\int_M |\IP{A}{\nabla_{(2)}A}|^2\,\gamma^s\,d\mu + \int_M (A*\nabla A*\nabla A*\nabla_{(2)}A)\,\gamma^s\,d\mu \\&\qquad + 4s\int_M |A|^2\IP{A\nabla^p\gamma}{ \nabla^q \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu - 4s\int_M \IP{\nabla^p(A|A|^2)\nabla^q\gamma}{ \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu \\&\qquad + \int_M P_3^0(A)*\big(P_3^2 + P_5^0 \big)(A)\gamma^s\,d\mu \end{align*} Using $\gamma = \tilde\gamma\circ f$, we combine this with the evolution of $\vn{A}_{4,\gamma^{s/4}}^4$ and estimate to find \begin{align*} \frac{d}{dt}\int_M |A|^4\gamma^s\,d\mu &\le - 4\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu - 8\int_M |\IP{A}{\nabla_{(2)}A}|^2\,\gamma^s\,d\mu \\&\qquad + 4s\int_M |A|^2\IP{A\nabla^p\gamma}{ \nabla^q \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu - 4s\int_M \IP{\nabla^p(A|A|^2)\nabla^q\gamma}{ \nabla_q \nabla_p A }\gamma^{s-1}\,d\mu \\&\qquad + \int_M (A*\nabla A*\nabla A*\nabla_{(2)}A + P_3^0(A)*P_3^2(A) + P_8^0(A))\gamma^s\,d\mu \\&\qquad + s\int_M |A|^4\gamma_t\gamma^{s-1}\,d\mu \\ &\le -4\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + \int_M (A*\nabla A*\nabla A*\nabla_{(2)}A + P_3^0(A)*P_3^2(A) + P_8^0(A))\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})\int_M (|A|^4|\nabla_{(2)}A| + |A|^3|\nabla_{(3)}A| + |A|^2|\nabla A||\nabla_{(2)}A| + |A|^7)\,\gamma^{s-1}\,d\mu \\ &\le (-4+\delta_1+\delta_5)\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + \delta_3\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu \\&\qquad + (\delta_2+\delta_4+\delta_7)\int_M |A|^8\,\gamma^s\,d\mu + \delta_6\int_M |\nabla A|^4\,\gamma^s\,d\mu \\&\qquad + \int_M (A*\nabla A*\nabla A*\nabla_{(2)}A + P_3^0(A)*P_3^2(A) + P_8^0(A))\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu \,. \end{align*} In the above, we used the estimates ($c$ varies from line to line, is fixed depending on $\delta_i$, $s$, $\tilde\gamma$ to be chosen) \begin{align*} c(\ensuremath{c_{\gamma}})\int_M |A|^4|\nabla_{(2)}A|\,\gamma^{s-1}\,d\mu &\le \delta_1\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^2\int_M |A|^6\,\gamma^{s-2}\,d\mu \\ &\le \delta_1\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + \delta_2\int_M |A|^8\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu\,, \end{align*} \begin{align*} c(\ensuremath{c_{\gamma}})\int_M |A|^3|\nabla_{(3)}A|\,\gamma^{s-1}\,d\mu &\le \delta_3\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^2\int_M |A|^6\,\gamma^{s-2}\,d\mu \\ &\le \delta_3\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + \delta_4\int_M |A|^8\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu\,, \end{align*} \begin{align*} c(\ensuremath{c_{\gamma}})\int_M |A|^2|\nabla A||\nabla_{(2)}A|\,\gamma^{s-1}\,d\mu &\le \delta_5\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^2\int_M |\nabla A|^2|A|^2\,\gamma^{s-2}\,d\mu \\ &\le \delta_5\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + \delta_6\int_M |\nabla A|^4\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu\,, \end{align*} \begin{align*} c(\ensuremath{c_{\gamma}})\int_M |A|^7\,\gamma^{s-1}\,d\mu &\le \frac{\delta_7}{2}\int_M |A|^8\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^2\int_M |A|^6\,\gamma^{s-2}\,d\mu \\ &\le \delta_7\int_M |A|^8\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu\,. \end{align*} Now let us deal with the $P$-style terms by estimating \begin{align*} \int_M &(A*\nabla A*\nabla A*\nabla_{(2)}A + P_3^0(A)*P_3^2(A) + P_8^0(A))\gamma^s\,d\mu \\ &\le c\int_M (|A||\nabla A|^2|\nabla_{(2)}A| + |A|^3(|A|^2|\nabla_{(2)}A| + |A||\nabla A|^2) + |A|^8)\gamma^s\,d\mu \\ &\le \delta_8\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + c\int_M (|\nabla A|^4 + |A|^8)\gamma^s\,d\mu\,. \end{align*} Combining, we find \begin{equation} \label{EQfebfin1} \begin{aligned} \frac{d}{dt}\int_M |A|^4\gamma^s\,d\mu &\le (-4+\delta_1+\delta_5+\delta_8)\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu + \delta_3\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu \\&\qquad + (c+\delta_2+\delta_4+\delta_7)\int_M |A|^8\,\gamma^s\,d\mu + (c+\delta_6)\int_M |\nabla A|^4\,\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu \,. \end{aligned} \end{equation} Now we turn to the next term, $\int_M |\nabla A|^2\,\gamma^s\,d\mu$. Since this is an $L^2$-norm, the evolution is standard. Unfortunately, the typical approach with Lemma \ref{LMenergyhighervanillaconstantricci} interpolates between $\nabla_{(3)}A$ and $A$ in $L^2$, whereas we wish to go down instead to $A$ in $L^4$. So we calculate \begin{align*} \frac{d}{dt}\int_M |\nabla A|^2\gamma^s\,d\mu &= 2\int_M \IP{\nabla A}{ -\nabla^p\Delta\nabla_p\nabla A + (P_3^3 + P_5^1)(A) }\gamma^s\,d\mu \\&\qquad + \int_M |\nabla A|^2\IP{\vec{H}}{\ensuremath{\mathbf{F}}}\gamma^s\,d\mu + s\int_M |\nabla A|^2\gamma_t\gamma^{s-1}\,d\mu \\ &= -2\int_M \IP{\nabla A}{ \nabla^p\Delta\nabla_p\nabla A }\gamma^s\,d\mu + \int_M (\nabla A*(P_3^3(A) + P_5^1(A)))\gamma^s\,d\mu \\&\qquad + s\int_M |\nabla A|^2\gamma_t\gamma^{s-1}\,d\mu \,. \end{align*} For the first two terms, we find \begin{align*} -2&\int_M \IP{\nabla A}{ \nabla^p\Delta\nabla_p\nabla A }\gamma^s\,d\mu + \int_M (\nabla A*(P_3^3(A) + P_5^1(A)))\gamma^s\,d\mu \\ &= - 2\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + 2s\int_M \IP{\nabla^r A\nabla^q\gamma}{ \Delta \nabla_{qr} A}\gamma^{s-1}\,d\mu - 2s\int_M \IP{\nabla^{qr}A\nabla^p\gamma}{ \nabla_{pqr} A }\gamma^{s-1}\,d\mu \\&\qquad + \int_M (\nabla A*(P_3^3(A) + P_5^1(A)))\gamma^s\,d\mu \\ &= - 2\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu - 2s\int_M \IP{\nabla^{qr}A\nabla^p\gamma}{ \nabla_{pqr} A }\gamma^{s-1}\,d\mu \\&\qquad - 2s\int_M \IP{\gamma\nabla^{pr} A\nabla^q\gamma + \gamma\nabla^{r} A\nabla^{pq}\gamma + (s-1)\nabla^{r} A\nabla^{p}\gamma\nabla^{q}\gamma }{ \nabla_{pqr} A}\gamma^{s-2}\,d\mu \\&\qquad + \int_M (\nabla A*(P_3^3(A) + P_5^1(A)))\gamma^s\,d\mu\,. \end{align*} Note that \begin{align*} - 2s(s-1)\int_M \IP{\nabla^{r} A\nabla^{p}\gamma\nabla^{q}\gamma }{ \nabla_{pqr} A}\gamma^{s-2}\,d\mu \le c(\ensuremath{c_{\gamma}})^2\int_M (\nabla_{(3)}A * \nabla A)\,\gamma^{s-2}\,d\mu \,. \end{align*} Classifying and estimating terms in this way, using also $\gamma = \tilde\gamma\circ f$, we combine this with the evolution of $\vn{\nabla A}_{2,\gamma^{s/2}}^2$ to find (note that the $c$ here depends on $s$ and $N$) \begin{equation} \label{EQfeb2} \begin{aligned} \frac{d}{dt}\int_M &|\nabla A|^2\gamma^s\,d\mu \le - 2\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + \int_M (\nabla A*(P_3^3(A) + P_5^1(A)))\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^2\int_M (\nabla_{(3)}A * \nabla A) \gamma^{s-2}\,d\mu + c(\ensuremath{c_{\gamma}})\int_M (\nabla_{(3)}A * (\nabla_{(2)}A + A*\nabla A)) \gamma^{s-1}\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})\int_M |\nabla A|^2(|\nabla_{(2)}A| + |A|^3)\gamma^{s-1}\,d\mu \,. \end{aligned} \end{equation} For the $P$-style terms we estimate (here $c$ depends additionally on $\delta_9, \delta_{10}, \delta_{11}$) \begin{equation} \label{EQfeb200} \begin{aligned} \int_M&\left([P_3^3(A)+P_5^1(A)]*\nabla A\right)\gamma^{s}d\mu \notag\\* &\le c\int_M\Big(\big[|A|^2|\nabla_{(3)}A| + |\nabla_{(2)}A||\nabla A||A| + |\nabla A|^3 + |A|^4|\nabla A| \big]\,|\nabla A|\Big)\gamma^{s} d\mu \notag\\ &\le c\int_M\Big(|A|^2|\nabla A||\nabla_{(3)}A| + |\nabla_{(2)}A||\nabla A|^2|A| + |\nabla A|^4 + |A|^4|\nabla A|^2 \Big)\,\gamma^{s}d\mu \notag\\&\le \delta_9\int_M |\nabla_{(3)}A|^2\gamma^sd\mu + \delta_{10}\int_M |\nabla_{(2)}A|^2|A|^2\gamma^sd\mu + c\int_M\Big( |\nabla A|^4 + |A|^4|\nabla A|^2 \Big)\,\gamma^{s}d\mu \notag\\&\le \delta_9\int_M |\nabla_{(3)}A|^2\gamma^sd\mu + \delta_{10}\int_M |\nabla_{(2)}A|^2|A|^2\gamma^sd\mu + \delta_{11}\int_M |A|^8\gamma^sd\mu + c\int_M |\nabla A|^4 \,\gamma^{s}d\mu \,. \end{aligned} \end{equation} We additionally observe the estimate \begin{equation} \label{EQfeb20} \begin{aligned} c(\ensuremath{c_{\gamma}})^2&\int_M (\nabla_{(3)}A * \nabla A) \gamma^{s-2}\,d\mu + c(\ensuremath{c_{\gamma}})\int_M (\nabla_{(3)}A * (\nabla_{(2)}A + A*\nabla A)) \gamma^{s-1}\,d\mu \\&\qquad\qquad + c(\ensuremath{c_{\gamma}})\int_M |\nabla A|^2(|\nabla_{(2)}A| + |A|^3)\gamma^{s-1}\,d\mu \\&\le \delta_{12}\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + \delta_{13}\int_M |A|^8\,\gamma^s\,d\mu + c\int_M |\nabla A|^4 \,\gamma^{s}d\mu + c(\ensuremath{c_{\gamma}})^2\int_M |\nabla_{(2)}A|^2\,\gamma^{s-2}\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\int_M |\nabla A|^2\,\gamma^{s-4}\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu \,. \end{aligned} \end{equation} Since \[ c(\ensuremath{c_{\gamma}})^2\int_M |\nabla_{(2)}A|^2\,\gamma^{s-2}\,d\mu \le \delta_{14}\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |\nabla A|^2\,\gamma^{s-4}\,d\mu \] we refine \eqref{EQfeb20} to \begin{equation} \label{EQfeb201} \begin{aligned} c(\ensuremath{c_{\gamma}})&\int_M (\nabla_{(3)}A * (\nabla_{(2)}A + (\ensuremath{c_{\gamma}})\nabla A + A*\nabla A)) \gamma^{s-1}\,d\mu + c(\ensuremath{c_{\gamma}})\int_M |\nabla A|^2(|\nabla_{(2)}A| + |A|^3)\gamma^{s-1}\,d\mu \\&\le (\delta_{12}+\delta_{14})\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + \delta_{13}\int_M |A|^8\,\gamma^s\,d\mu + c\int_M |\nabla A|^4 \,\gamma^{s}d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\int_M |\nabla A|^2\,\gamma^{s-4}\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu \,. \end{aligned} \end{equation} Combining \eqref{EQfeb200} and \eqref{EQfeb201} with \eqref{EQfeb2} we find \begin{equation} \label{EQfebfin2} \begin{aligned} \frac{d}{dt}\int_M |\nabla A|^2\gamma^s\,d\mu &\le - (2-\delta_9-\delta_{12}-\delta_{14})\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + \delta_{10}\int_M |\nabla_{(2)}A|^2|A|^2\gamma^sd\mu \\&\qquad + (\delta_{11}+\delta_{13})\int_M |A|^8\,\gamma^s\,d\mu + c\int_M |\nabla A|^4 \,\gamma^{s}d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\int_M |\nabla A|^2\,\gamma^{s-4}\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu \,. \end{aligned} \end{equation} Taking the final estimates \eqref{EQfebfin1} and \eqref{EQfebfin2} together, we obtain \begin{equation} \label{EQfebfin3} \begin{aligned} \frac{d}{dt}\int_M (|A|^4+|\nabla A|^2)\gamma^s\,d\mu &\le - (2-\delta_3-\delta_9-\delta_{12}-\delta_{14})\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu \\&\qquad - (4-\delta_1-\delta_5-\delta_8-\delta_{10})\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu \\&\qquad + (c+\delta_2+\delta_4+\delta_7+\delta_{11}+\delta_{13})\int_M |A|^8\,\gamma^s\,d\mu + (c+\delta_6)\int_M |\nabla A|^4\,\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\int_M |\nabla A|^2\,\gamma^{s-4}\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu \,. \end{aligned} \end{equation} With appropriate choices for $\delta_i$ we find \begin{equation} \label{EQfebfin4} \begin{aligned} \frac{d}{dt}\int_M (|A|^4+|\nabla A|^2)\gamma^s\,d\mu &\le - \frac32\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu - 3\int_M |\nabla_{(2)}A|^2|A|^2\,\gamma^s\,d\mu \\&\qquad + c\int_M |A|^8\,\gamma^s\,d\mu + c\int_M |\nabla A|^4\,\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\int_M |\nabla A|^2\,\gamma^{s-4}\,d\mu + c(\ensuremath{c_{\gamma}})^4\int_M |A|^4\,\gamma^{s-4}\,d\mu \,. \end{aligned} \end{equation} We deal with each of the integrals with a large coefficient in turn. By the Michael-Simon Sobolev inequality we estimate \begin{align*} \int_M |\nabla A|^4\,\gamma^s\,d\mu &\le c\bigg( \int_M |\nabla A|^2|\nabla_{(2)}A|\,\gamma^{\frac{3s}{4}}\,d\mu \bigg)^\frac43 + c\bigg( \int_M |A||\nabla A|^3\,\gamma^{\frac{3s}{4}}\,d\mu \bigg)^\frac43 \\&\qquad + c\bigg( (\ensuremath{c_{\gamma}})\int_M |\nabla A|^3\,\gamma^{\frac{3s-4}{4}}\,d\mu \bigg)^\frac43 \\ &\le c\bigg( \int_M |\nabla A|^4\,\gamma^s\,d\mu \bigg)^\frac23 \bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{\frac{s}{2}}\,d\mu \bigg)^\frac23 + c\bigg( \int_{[\gamma>0]} |A|^4d\mu \bigg)^\frac13 \int_M |\nabla A|^4\,\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^\frac43\bigg( \int_{[\gamma>0]} |\nabla A|^2\,d\mu \bigg)^\frac23 \bigg( \int_M |\nabla A|^4\,\gamma^s\,d\mu \bigg)^\frac23 \\ &\le c\bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{\frac{s}{2}}\,d\mu \bigg)^2 + \Big(\frac12 + c\varepsilon_0^\frac13 \Big) \int_M |\nabla A|^4\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\bigg( \int_{[\gamma>0]} |\nabla A|^2\,d\mu \bigg)^2 \end{align*} Now observe the intermediate estimate \begin{align*} \bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{\frac{s}{2}}\,d\mu \bigg)^2 &\le c\bigg( \int_M |\nabla_{(3)}A||\nabla A|\,\gamma^{\frac{s}{2}}\,d\mu \bigg)^2 + c\bigg( (\ensuremath{c_{\gamma}})\int_M |\nabla_{(2)}A||\nabla A|\,\gamma^{\frac{s-2}{2}}\,d\mu \bigg)^2 \\ &\le \frac12 \bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{\frac{s}{2}}\,d\mu \bigg)^2 + c\varepsilon_0 \int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + c\bigg( (\ensuremath{c_{\gamma}})^2\int_M |\nabla A|^2\,\gamma^{\frac{s-4}{2}}\,d\mu \bigg)^2\,, \end{align*} that is, \[ \bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{\frac{s}{2}}\,d\mu \bigg)^2 \le c\varepsilon_0 \int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\bigg( \int_M |\nabla A|^2\,\gamma^{\frac{s-4}{2}}\,d\mu \bigg)^2\,. \] Combining this with the above yields \begin{equation} \label{EQfebfin5} \begin{aligned} \int_M |\nabla A|^4\,\gamma^s\,d\mu &\le c\varepsilon_0 \int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + \Big(\frac12 + c\varepsilon_0^\frac13 \Big) \int_M |\nabla A|^4\,\gamma^s\,d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^4\bigg( \int_{[\gamma>0]} |\nabla A|^2\,d\mu \bigg)^2\,. \end{aligned} \end{equation} A similar argument applies to the integral $\int_M|A|^8\,\gamma^s\,d\mu$ (see the derivation of \eqref{EQinter} for details), yielding: \begin{equation} \label{EQfebfin6} \begin{aligned} \int_M |A|^8\,\gamma^s\,d\mu &\le c\vn{A}_{4,[\gamma>0]}^\frac43 \int_M \big(|\nabla A|^4 + |A|^8\big)\,\gamma^s\,d\mu + c(c_\gamma)^4 \vn{A}_{4,[\gamma>0]}^\frac{16}3 \,. \end{aligned} \end{equation} Combining \eqref{EQfebfin5}, \eqref{EQfebfin6} and taking a sufficiently small $\varepsilon_0$ such that the left hand side absorbs, we have \begin{equation} \label{EQfebfin7} \begin{aligned} \int_M (|A|^8+|\nabla A|^4)\,\gamma^s\,d\mu &\le c\varepsilon_0 \int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu + c(\ensuremath{c_{\gamma}})^4\varepsilon_0 \,. \end{aligned} \end{equation} Combining \eqref{EQfebfin7} with \eqref{EQfebfin4} above and choosing $\varepsilon_0$ again if necessary, we finally arrive at the estimate \begin{align*} &\rD{}{t}\int_M (|A|^4+|\nabla A|^2)\gamma^sd\mu + \int_M \Big(|\nabla_{(3)}A|^2 + |\nabla_{(2)}A|^2|A|^2 + |\nabla A|^4 + |A|^4|\nabla A|^2 + |A|^8 \Big)\,\gamma^{s}d\mu \\ &\qquad \le c(\ensuremath{c_{\gamma}})^4\varepsilon_0 \,. \end{align*} Integrating the above finishes the proof. \end{proof \begin{prop} \label{p:prop44n42} Suppose $f:M^4\times[0,T^*]\rightarrow\ensuremath{\mathbb{R}}^{N}$ evolves by \eqref{EQwf} and $\gamma$ is a cutoff function as in \eqref{EQgamma}. Then there is an $\varepsilon_0 = \varepsilon_0(N)$ such that if \begin{equation} \label{eq9n42} \varepsilon = \sup_{[0,T^*]}\int_{[\gamma>0]}|A|^4d\mu\le\varepsilon_0 \end{equation} then for any $t\in[0,T^*]$ we have \begin{equation} \label{eq10n42} \begin{split} &\int_{[\gamma=1]} |\nabla_{(2)} A|^2 d\mu + \int_0^t\int_{[\gamma=1]} |\nabla_{(4)}A|^2 + |\nabla_{(3)}A|^2|A|^2 + |\nabla_{(2)}A|^2|A|^4 \\ &\hskip+5cm + |\nabla_{(2)}A|^2|\nabla A|^2 + |\nabla A|^4|A|^2 + |\nabla A|^2|A|^6 + |A|^{10} \, d\mu\,d\tau \\ &\qquad\qquad\qquad \le \int_{[\gamma > 0]} |\nabla_{(2)} A|^2 d\mu\Big|_{t=0} + ct(\ensuremath{c_{\gamma}})^6\varepsilon^\frac12 \big(1+[(\ensuremath{c_{\gamma}})^4\mu(f_0)]^\frac12 \big) \big(1 + \varepsilon^\frac12 \big) \,, \end{split} \end{equation} where $c=c(N)$. \end{prop} \begin{proof Lemma \ref{LMenergyhighervanillaconstantricci} with $k=2$, $s=16$ gives \begin{align*} &\rD{}{t}\int_M |\nabla_{(2)} A|^2\gamma^{16}d\mu + (2-\theta)\int_M |\nabla_{(4)}A|^2\gamma^{16}d\mu \\ &\qquad \le c(\ensuremath{c_{\gamma}})^8\int_{[\gamma>0]}|A|^2\,d\mu + c\int_M \left([P_3^4(A)+P_5^2(A)]*\nabla_{(2)} A\right)\gamma^{16} d\mu \,. \end{align*} We estimate the $P$-style terms as follows: \begin{align} c\int_M &\left([P_3^4(A)+P_5^2(A)]*\nabla_{(2)} A\right)\gamma^{16} d\mu \notag\\ &\le \theta\int_M |\nabla_{(4)}A|^2\gamma^{16}d\mu + c\int_M |\nabla_{(2)}A|^2|A|^4\,\gamma^{16}d\mu \notag\\&\qquad + c\int_M \nabla_{(2)}A*(\nabla_{(3)}A*\nabla A*A + \nabla_{(2)}A*\nabla A*\nabla A )\,\gamma^{16}d\mu \notag\\&\qquad + c\int_M \nabla_{(2)}A*(\nabla_{(2)}A*A*A*A*A + \nabla A*\nabla A*A*A*A )\,\gamma^{16}d\mu \notag\\ &\le \theta\int_M \big(|\nabla_{(4)}A|^2 + |\nabla_{(3)}A|^2|A|^2 + |\nabla A|^4|A|^2\big)\,\gamma^{16}d\mu \notag\\&\qquad + c\int_M \big(|\nabla_{(2)}A|^2|A|^4 + |\nabla_{(2)}A|^2|\nabla A|^2\big)\,\gamma^{16}d\mu \,. \label{EQnewer1} \end{align} The equality \begin{align*} \int_M |\nabla A|^4|A|^2\,\gamma^{16}d\mu &= -\int_M \IP{\Delta A}{A}|\nabla A|^2|A|^2\,\gamma^{16}d\mu \\&\qquad - 2\int_M \IP{\nabla_pA}{A}\IP{\nabla^p\nabla A}{\nabla A}|A|^2\,\gamma^{16}d\mu \\&\qquad - 2\int_M \IP{\nabla_pA}{A}|\nabla A|^2\IP{\nabla^pA}{A}\,\gamma^{16}d\mu \\&\qquad - 16\int_M \IP{\nabla_pA}{A\nabla^p\gamma}|\nabla A|^2|A|^2\,\gamma^{15}d\mu \\ &= -\int_M (\nabla_{(2)}A*A)*(\nabla A*\nabla A*A*A)\,\gamma^{16}d\mu \\&\qquad - \frac12\int_M \big|\nabla|A|^2\big|^2|\nabla A|^2\,\gamma^{16}d\mu \\&\qquad - 16\int_M \IP{\nabla_pA}{A\nabla^p\gamma}|\nabla A|^2|A|^2\,\gamma^{15}d\mu \end{align*} implies the estimate \begin{align} \int_M &|\nabla A|^4|A|^2\,\gamma^{16}d\mu + \frac12\int_M \big|\nabla|A|^2\big|^2|\nabla A|^2\,\gamma^{16}d\mu \notag\\ &= -\int_M (\nabla_{(2)}A*A)*(\nabla A*\nabla A*A*A)\,\gamma^{16}d\mu \notag\\&\qquad - 16\int_M \IP{\nabla_pA}{A\nabla^p\gamma}|\nabla A|^2|A|^2\,\gamma^{15}d\mu \notag\\ &\le \frac14\int_M |\nabla A|^4|A|^2\,\gamma^{16}d\mu + c\int_M |\nabla_{(2)} A|^2|A|^4\,\gamma^{16}d\mu - 16\int_M \IP{\nabla_pA}{A\nabla^p\gamma}|\nabla A|^2|A|^2\,\gamma^{15}d\mu \,. \label{EQnewer2} \end{align} To deal with the last term we use Young's inequality twice (on the first line with exponents 4 and $\frac43$, for the second with exponents $3$ and $\frac32$) to estimate \begin{align} - 16\int_M \IP{\nabla_pA}{A\nabla^p\gamma}|\nabla A|^2&|A|^2\,\gamma^{15}d\mu \notag\\ &\le \frac14\int_M |\nabla A|^4|A|^2\,\gamma^{16}d\mu + c(c_\gamma)^4\int_M |A|^6 \gamma^{12}d\mu \notag\\ &\le \frac14\int_M |\nabla A|^4|A|^2\,\gamma^{16}d\mu + c\int_M |A|^{10}\gamma^{16}d\mu + c(c_\gamma)^6\int_M |A|^4 \gamma^{10}d\mu \,. \label{EQnewer3} \end{align} Combining \eqref{EQnewer2} and \eqref{EQnewer3} we find \begin{align*} \int_M &|\nabla A|^4|A|^2\,\gamma^{16}d\mu + \frac12\int_M \big|\nabla|A|^2\big|^2|\nabla A|^2\,\gamma^{16}d\mu \\ &\le \frac12\int_M |\nabla A|^4|A|^2\,\gamma^{16}d\mu + c\int_M (|\nabla_{(2)} A|^2|A|^4+|A|^{10})\,\gamma^{16}d\mu + c(c_\gamma)^6\vn{A}^4_{4,[\gamma>0]} \,, \end{align*} which after absorbing yields \begin{align} \int_M |\nabla A|^4|A|^2\,\gamma^{16}d\mu &+ \int_M \big|\nabla|A|^2\big|^2|\nabla A|^2\,\gamma^{16}d\mu \notag\\ &\le c\int_M (|\nabla_{(2)} A|^2|A|^4+|A|^{10})\,\gamma^{16}d\mu + c(c_\gamma)^6\vn{A}^4_{4,[\gamma>0]} \,. \label{EQnewer4} \end{align} Combining \eqref{EQnewer4} with \eqref{EQnewer1}, we find \begin{align} c\int_M &\left([P_3^4(A)+P_5^2(A)]*\nabla_{(2)} A\right)\gamma^{16} d\mu + c\int_M |\nabla A|^4|A|^2\,\gamma^{16}d\mu \notag\\ &\le \theta\int_M \big(|\nabla_{(4)}A|^2 + |\nabla_{(3)}A|^2|A|^2\big)\,\gamma^{16}d\mu \notag\\&\qquad + c\int_M \big(|\nabla_{(2)}A|^2|A|^4 + |\nabla_{(2)}A|^2|\nabla A|^2 + |A|^{10}\big)\,\gamma^{16}d\mu + c(c_\gamma)^6\vn{A}^4_{4,[\gamma>0]} \,. \label{EQnewer5} \end{align} Now we require the multiplicative Sobolev inequality in (iv) of Corollary \ref{MS1cor}. This is particularly useful for estimating the right hand side of \eqref{EQnewer5}: \begin{align*} \int_M &\big( |\nabla_{(3)}A|^2|A|^2 + |\nabla_{(2)}A|^2|A|^4 + |\nabla_{(2)}A|^2|\nabla A|^2 + |\nabla A|^2|A|^6 + |A|^{10}\big)\gamma^{16}\,d\mu \\&\le (\theta + c\vn{A}_{4,[\gamma>0]}^4)\int_M |\nabla_{(4)}A|^2 \gamma^{16}\,d\mu + c(\ensuremath{c_{\gamma}})^6\vn{A}_{4,[\gamma>0]}^2 \big(1+[(\ensuremath{c_{\gamma}})^4\mu_\gamma(f_t)]^\frac12 \big) \big(1 + \vn{A}_{4,[\gamma>0]}^2 \big) \,. \end{align*} where $\theta\in(0,1)$ and $c = c(s,\theta,N)$ is an absolute constant. Applying this and absorbing, we find \begin{align*} &\rD{}{t}\int_M |\nabla_{(2)} A|^2\,\gamma^{16}d\mu + \int_M \big( |\nabla_{(4)}A|^2 + |\nabla_{(3)}A|^2|A|^2 + |\nabla_{(2)}A|^2|A|^4 \\ &\hskip+5cm + |\nabla_{(2)}A|^2|\nabla A|^2 + |\nabla A|^4|A|^2 + |\nabla A|^2|A|^6 + |A|^{10}\big) \,\gamma^{16}d\mu\,d\tau \\ &\quad \le c(\ensuremath{c_{\gamma}})^6[(\ensuremath{c_{\gamma}})^4\mu_\gamma(f_t)]^\frac12\varepsilon^\frac12 + c(\ensuremath{c_{\gamma}})^6\varepsilon^\frac12 \big(1+[(\ensuremath{c_{\gamma}})^4\mu_\gamma(f_t)]^\frac12 \big) \big(1 + \varepsilon^\frac12 \big) \\ &\quad \le c(\ensuremath{c_{\gamma}})^6\varepsilon^\frac12 \big(1+[(\ensuremath{c_{\gamma}})^4\mu_\gamma(f_t)]^\frac12 \big) \big(1 + \varepsilon^\frac12 \big) \,. \end{align*} Integrating finishes the proof. \end{proof For $L^\infty$ control we use the following estimated form of Lemma \ref{LMenergyhighervanillaconstantricci}. The proof of Proposition \ref{p:prop45} carries over essentially unchanged from \cite{kuwert2002gfw}. The $n=2$ case of Proposition \ref{p:prop46} is very similar to \cite{kuwert2002gfw} for $n=2$. Therefore we focus only on the case $n=4$ in the proof below. \begin{prop} \label{p:prop45} Suppose $f:M^n\times[0,T^*]\rightarrow\ensuremath{\mathbb{R}}^{N}$ evolves by \eqref{EQwf} and $\gamma$ is a cutoff function as in \eqref{EQgamma}. Then, for $s \ge 2k+4$ the following estimate holds: \begin{equation} \label{e:prop45} \begin{split} &\rD{}{t}\int_{M} |\nabla_{(k)}A|^2\gamma^s d\mu + \int_{M} |\nabla_{(k+2)}A|^2 \gamma^s d\mu \\ &\qquad\qquad\qquad \le c\vn{A}^4_{\infty,[\gamma>0]}\int_M|\nabla_{(k)}A|^2\gamma^sd\mu + c(\ensuremath{c_{\gamma}})^{2k}\vn{A}^2_{2,[\gamma>0]}(1+\vn{A}^4_{\infty,[\gamma>0]}) \\ \end{split} \end{equation} where $c=c(N)$. \end{prop} \begin{prop} \label{p:prop46} Let $n\in\{2,4\}$. Suppose $f:M^n\times[0,T^*]\rightarrow\ensuremath{\mathbb{R}}^{N}$ evolves by \eqref{EQwf} and $\gamma$ is a cutoff function as in \eqref{EQgamma}. Then there is an $\varepsilon_0 = \varepsilon_0(n,N)$ such that if \begin{equation} \label{eq13} \sup_{[0,T^*]}\int_{[\gamma>0]}|A|^nd\mu\le\varepsilon_0\,, \end{equation} we can conclude \begin{equation} \label{eq14} \vn{\nabla_{(k)}A}^2_{\infty,[\gamma=1]} \le (\ensuremath{c_{\gamma}})^{2k+2}c\big(k,T^*,[(\ensuremath{c_{\gamma}})^4\mu(f_0)],N,\alpha_0(0),\ldots,\alpha_0(k+3)) \,, \end{equation} where $\alpha_0(j) = \mu(f_0)^{\frac{j-1}{2}}\vn{\nabla_{(j)}A}_{2,[\gamma>0]}^2\big|_{t=0}$. \end{prop} \begin{proof The idea is to use our previous estimates and then integrate. We fix $\gamma$ and consider nested cutoff functions $\gamma_{\sigma,\tau}$. Define for $0\le\sigma<\tau\le 1$ functions $\gamma_{\sigma,\tau} = \psi_{\sigma,\tau}\circ\gamma$ satisfying $\gamma_{\sigma,\tau}=0$ for $\gamma\le\sigma$ and $\gamma_{\sigma,\tau}=1$ for $\gamma\ge\tau$. The function $\psi_{\sigma,\tau}$ is chosen such that $\gamma_{\sigma,\tau}$ satisfies inequalities \eqref{EQgamma}, with the estimate \[ c_{\gamma_{\sigma,\tau}} = \vn{\nabla\psi_{\sigma,\tau}}_\infty\cdot \ensuremath{c_{\gamma}}\,. \] Note that $\vn{\nabla\psi_{\sigma,\tau}}_\infty$ depends only on $\sigma$ and $\tau$, so that when they are fixed we have $c_{\gamma_{\sigma,\tau}} \le c\,\ensuremath{c_{\gamma}}$. We use this below. As noted above, we present the proof for $n=4$ only and refer to \cite{kuwert2002gfw} for $n=2$. We first estimate \begin{align*} (\ensuremath{c_{\gamma}})^\frac23& \bigg(\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu\bigg)^\frac43 \\ &\le c(\ensuremath{c_{\gamma}})^\frac23\bigg( \int_M |\nabla_{(4)}A|\,|\nabla_{(2)}A|\,\gamma^s\,d\mu \bigg)^\frac{4}{3} + c(\ensuremath{c_{\gamma}})^2 \bigg( \int_M |\nabla_{(3)}A|\,|\nabla_{(2)}A|\,\gamma^{s-1} d\mu \bigg)^\frac{4}{3} \\ &\le c(\ensuremath{c_{\gamma}})^\frac23\bigg(\int_M |\nabla_{(4)}A|^2\,\gamma^s d\mu\bigg)^\frac23 \bigg(\int_M |\nabla_{(2)}A|^2\,\gamma^{s} d\mu\bigg)^\frac23 \\&\qquad + c(\ensuremath{c_{\gamma}})^2 \bigg( \int_M |\nabla_{(3)}A|^2\,\gamma^s d\mu \bigg)^\frac{2}{3} \bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{s-2} d\mu \bigg)^\frac{2}{3} \\ &\le \frac12(\ensuremath{c_{\gamma}})^\frac23\bigg(\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu\bigg)^\frac43 + c\int_M |\nabla_{(4)}A|^2\,\gamma^s d\mu \\&\qquad + c(\ensuremath{c_{\gamma}})^2\bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{s} d\mu \bigg)^2 + c(\ensuremath{c_{\gamma}})^\frac{10}{3}\bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{s-2} d\mu \bigg)^\frac{4}{3} \end{align*} which upon absorption yields \begin{align} (\ensuremath{c_{\gamma}})^\frac23& \bigg(\int_M |\nabla_{(3)}A|^2\,\gamma^s\,d\mu\bigg)^\frac43 \le c\int_M |\nabla_{(4)}A|^2\,\gamma^s d\mu \notag\\&\qquad + c(\ensuremath{c_{\gamma}})^2\bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{s} d\mu \bigg)^2 + c(\ensuremath{c_{\gamma}})^\frac{10}{3}\bigg( \int_M |\nabla_{(2)}A|^2\,\gamma^{s-2} d\mu \bigg)^\frac{4}{3} \,. \label{EQa1} \end{align} We apply the estimate \eqref{EQa1} with $\gamma = \gamma_{\sfrac12,\sfrac34}$ to find \begin{align} (\ensuremath{c_{\gamma}})^\frac23 \vn{\nabla_{(3)}A}_{2,[\gamma\ge\sfrac34]}^\frac83 \le c\vn{\nabla_{(4)}A}_{2,[\gamma\ge\sfrac12]}^2 + c(\ensuremath{c_{\gamma}})^2 \vn{\nabla_{(2)}A}_{2,[\gamma\ge\sfrac12]}^4 + c(\ensuremath{c_{\gamma}})^\frac{10}{3} \vn{\nabla_{(2)}A}_{2,[\gamma\ge\sfrac12]}^\frac83 \,. \label{EQa2} \end{align} Taking $\varepsilon_0$ as in \eqref{eq9n42}, we can apply the estimate \eqref{eq10n42} of Proposition \ref{p:prop44n42} for $\gamma = \gamma_{\sfrac14,\sfrac12}$. In particular we have the estimate \begin{equation} \label{EQaa} \vn{\nabla_{(2)}A}_{2,[\gamma\ge\sfrac12]}^2 \le \alpha_0(2) + cT^*(\ensuremath{c_{\gamma}})^6\varepsilon^\frac12 \big(1+[(\ensuremath{c_{\gamma}})^4\mu(f_0)]^\frac12 \big) \big(1 + \varepsilon^\frac12 \big)\,. \end{equation} Combining \eqref{EQa2} with \eqref{EQaa} we have \[ \vn{\nabla_{(3)}A}_{2,[\gamma\ge\sfrac34]}^\frac83 \le c\vn{\nabla_{(4)}A}_{2,[\gamma\ge\sfrac12]}^2 + c \] where $c$ depends on $T^*$, $\alpha_0(2)$, $[(\ensuremath{c_{\gamma}})^4\mu(f_0)]$ and $N$ as in \eqref{eq14}. We have also used $\varepsilon \le 1$. From now until the rest of this proof all constants $c$ (that may vary from line to line) shall depend on these quantities. Later in the proof $c$ may additionally depend on $\alpha_0(k)$; when this occurs it will be explicitly stated. From Proposition \ref{MS2prop} we find, using $\gamma_{\sfrac34,\sfrac78}$ instead of $\gamma$, \begin{align*} \int_0^t &\vn{A}_{\infty,[\gamma\ge\sfrac78]}^4 \,d\tau \\ &\le c\int_0^t\vn{A}_{2,[\gamma\ge\sfrac34]}^\frac43\bigg( \vn{\nabla_{(3)}A}^\frac83_{2,[\gamma\ge\sfrac34]} + (c_\gamma)^\frac{16}{3}\big( 1 + \vn{A}_{4,[\gamma\ge\sfrac34]}^\frac{16}{3} + [(c_\gamma)^4\mu_\gamma(f_t)]^\frac43 \big) \bigg)\,d\tau \\ &\le c(\mu(f_0)\varepsilon_0)^\frac13 \int_0^t\bigg( \vn{\nabla_{(4)}A}^2_{2,[\gamma\ge\sfrac34]} + c \bigg)\,d\tau \\ &\le c\varepsilon_0^\frac13 \int_0^t \vn{\nabla_{(4)}A}^2_{2,[\gamma\ge\sfrac34]} \,d\tau + c\varepsilon_0^\frac13 \,. \end{align*} Now from Proposition \ref{p:prop44n42} with $\gamma = \gamma_{\sfrac12,\sfrac34}$ we have the estimate \[ \int_0^t \vn{\nabla_{(4)}A}^2_{2,[\gamma\ge\sfrac34]} \,d\tau \le \alpha_0(2) + cT^*(\ensuremath{c_{\gamma}})^6\varepsilon^\frac12 \big(1+[(\ensuremath{c_{\gamma}})^4\mu(f_0)]^\frac12 \big) \big(1 + \varepsilon^\frac12 \big) \le c \,. \] In the above we used $\varepsilon \le 1$. This implies \begin{align} \int_0^t \vn{A}_{\infty,[\gamma\ge\sfrac78]}^4 \,d\tau \le c\varepsilon^\frac13 \,. \label{EQA4inLinf} \end{align} Now, integrating Proposition \ref{p:prop45} with $\gamma = \gamma_{\sfrac78,\sfrac{15}{16}}$ yields an inequality of the form \[ \alpha(t) \le \beta(t) + \int_c^t \lambda(\tau)\alpha(\tau)d\tau, \] where \begin{align*} \alpha(t) &= \vn{\nabla_{(k)}A}_{2,[\gamma\ge\sfrac{15}{16}]}^2\,, \\ \beta(t) &= \vn{\nabla_{(k)}A}_{2,[\gamma\ge\sfrac{7}{8}]}^2\Big|_{t=0} + c\int_0^t \left[\vn{A}^2_{2,[\gamma\ge\sfrac{7}{8}]} \Big(1+\vn{A}^4_{\infty,[\gamma\ge\sfrac{7}{8}]}\Big)\right]d\tau, \intertext{and} \lambda(t) &= \vn{A}^4_{\infty,[\gamma\ge\sfrac{7}{8}]}. \end{align*} Noting that $\beta$ and $\int \lambda d\tau$ are bounded as shown above, we can invoke Gr\"onwall's inequality and conclude \begin{equation} \vn{\nabla_{(k)}A}^2_{2,[\gamma\ge\sfrac{15}{16}]} \le \beta(t) + \int_0^t \beta(\tau)\lambda(\tau)e^{\int_\tau^t\lambda(\nu)d\nu}d\tau \le c\,, \label{EQl2control} \end{equation} where now $c$ depends additionally on $\alpha_0(k)$. Therefore using \eqref{MS2secondstatement} with $\gamma_{\sfrac{15}{16},\sfrac{31}{32}}$ we have \begin{equation} \vn{A}_{\infty,[\gamma\ge\sfrac{31}{32}]} \le c\varepsilon_0^\frac12 \,. \label{EQlinfty} \end{equation} Finally, using \eqref{MS2n4} with $T=\nabla_{(k)}A$ and $\gamma=\gamma_{\sfrac{31}{32},1}$ we obtain for any $l\in\ensuremath{\mathbb{N}}_0$ \begin{align*} \vn{\nabla_{(l)}A}_{\infty,[\gamma=1]}^3 &\le c\vn{\nabla_{(l)}A}_{2,[\gamma\ge\sfrac{31}{32}]}\Big( \vn{\nabla_{(l+3)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 + \vn{A^3\,\nabla_{(l)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 + (c_\gamma)^2\vn{A\,\nabla_{(l+1)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 \notag\\&\qquad\qquad + (c_\gamma)^2\vn{\nabla_{(l)}A\nabla A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 + (c_\gamma)^4\vn{\nabla_{(l+1)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 + (c_\gamma)^6\vn{\nabla_{(l)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 \Big) \\ &\le c\vn{\nabla_{(l)}A}_{2,[\gamma\ge\sfrac{31}{32}]}\Big( \vn{\nabla_{(l+3)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 + \vn{A}_{\infty,[\gamma\ge\sfrac{31}{32}]}^6 \vn{\nabla_{(l)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 \notag\\&\qquad\qquad + (c_\gamma)^2 \vn{A}_{\infty,[\gamma\ge\sfrac{31}{32}]}^2 \vn{\nabla_{(l+1)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 + (c_\gamma)^2 \vn{\nabla_{(l)}A}_{2,[\gamma\ge\sfrac{31}{32}]} \vn{\nabla A}_{2,[\gamma\ge\sfrac{31}{32}]} \notag\\&\qquad\qquad + (c_\gamma)^4\vn{\nabla_{(l+1)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 + (c_\gamma)^6\vn{\nabla_{(l)}A}_{2,[\gamma\ge\sfrac{31}{32}]}^2 \Big) \,. \end{align*} The estimate \eqref{EQl2control}, applied for $k = 1, k, k+1, k+3$ then yields \[ \vn{\nabla_{(l)}A}_{\infty,[\gamma=1]} \le c\,. \] Tracing through the dependence of the above $c$ on $(\ensuremath{c_{\gamma}})$ and the scale-invariant $[(\ensuremath{c_{\gamma}})^4\mu(f_0)]$ reveals the structure of the constant given in \eqref{eq14}. This completes the proof of the proposition. \end{proof \begin{proof}[Proof of Theorem \ref{TMlifespan} The proof for $n=2$ follows exactly as in \cite{kuwert2002gfw}. It should be noted that the argument given in \cite{mythesis} results in a constant that depends on the measure of the initial immersion. That was natural in the setting of \cite{mythesis} where volume was a-priori along the flow possibly not controlled, depending on the given global force field. Here, we have no external forcing term, and so it is desirable to obtain the theorem with universal constants not depending on the initial data. This improvement is possible due to the validity of Proposition \ref{newl4}. We make the definition \begin{equation} \label{e:epsfuncdef} \eta(t) = \sup_{x\in\ensuremath{\mathbb{R}}^N}\int_{f^{-1}(B_\rho(x))} |A|^4 + |\nabla A|^2\,d\mu\,. \end{equation} By covering $B_1(x) \subset \ensuremath{\mathbb{R}}^N$ with several translated copies of $B_{\sfrac{1}{2}}$ there is a constant $c_{\eta}$ depending only on $N$ such that \begin{equation} \label{e:epscovered} \eta(t) \le c_{\eta}\sup_{x\in\ensuremath{\mathbb{R}}^N}\int_{f^{-1}(B_{\sfrac{\rho}{2}}(x))}|A|^4 + |\nabla A|^2\,d\mu\,. \end{equation} By short time existence the function $\eta:[0,T)\rightarrow\ensuremath{\mathbb{R}}$ is continuous. We now define \begin{equation} \label{e:struweparameter} t_0 = \sup\{0\le t\le\min(T,\lambda) : \eta(\tau)\le \delta \ \text{ for }\ 0\le\tau\le t\}, \end{equation} where $\lambda$, $\delta$ are parameters to be specified later. The proof continues in three steps. \begin{align} \label{e:7} t_0 &= \min(T,\lambda),\\ \label{e:8} t_0 &= \lambda \quad\Longrightarrow\quad\text{Lifespan Theorem},\\ \label{e:9} T &\ne \infty\hskip+2.42mm \Longrightarrow\quad t_0 \ne T\,. \end{align} The three statements \eqref{e:7}, \eqref{e:8}, \eqref{e:9} together imply the Lifespan Theorem. The argument is as follows: first notice that by \eqref{e:7} $t_0 = \lambda$ or $t_0 = T$, and if $t_0 = \lambda$ then by \eqref{e:8} we have the Lifespan Theorem. Also notice that if $t_0 = \infty$ then $T = \infty$ and the Lifespan Theorem follows from estimate \eqref{EQltproof} below (used to prove statement \eqref{e:8}). Therefore the only remaining case where the Lifespan Theorem may fail to be true is when $t_0 = T < \infty$. But this is impossible by statement \eqref{e:9}, so we are finished. To prove step 1, suppose it is false. This means that $t_0 < \min(\lambda,T)$, so that on $[0,t_0)$ we have $\eta(t) \le \delta$, and \begin{equation} \label{tobecontrad} \eta(t_0) = \delta \,. \end{equation} Setting $\tilde\gamma$ to be a cutoff function that is identically one on $B_{\sfrac\rho2}(x)$ and zero outside $B_\rho(x)$, so that $\gamma$ has the corresponding properties on the preimages of these balls under $f$, Proposition \ref{newl4} implies \[ \int_{f^{-1}(B_\frac\rho2(x))}|A|^4 + |\nabla A|^2\,d\mu \le \int_{f^{-1}(B_\rho(x))}|A|^4 + |\nabla A|^2\,d\mu\bigg|_{t=0} + c_0t\rho^{-4}\varepsilon_1 \,,\quad t\in[0,t_0)\,. \] A covering argument implies \[ \eta(t) \le c_{\eta}\sup_{x\in\ensuremath{\mathbb{R}}^N}\int_{f^{-1}(B_{\sfrac{\rho}{2}}(x))}|A|^4+|\nabla A|^2\,d\mu \] so that \begin{equation} \int_{f^{-1}(B_1(x))}|A|^4+|\nabla A|^2\,d\mu < c_\eta \varepsilon_1 + c_\eta c_0\lambda\rho^{-4}\varepsilon_1 \,. \label{EQltproof} \end{equation} We choose $\delta = 3c_\eta \varepsilon_1$, and $\varepsilon_1$ small enough such that $\delta \le \varepsilon_0$ where $\varepsilon_0$ is the smaller of those appearing in Proposition \ref{newl4} and Proposition \ref{p:prop46}. Then, for $\lambda \le \rho^4/c_0$, the above estimate implies \[ \eta(t) < 2c_\eta \varepsilon_1 \,, \] for all $t\in[0,t_0)$. Therefore (recall that $t_0 < T$) $\lim_{t\rightarrow t_0}\eta(t) \le 2c_\eta\varepsilon_1$. This is a contradiction with \eqref{tobecontrad}. This establishes step one \eqref{e:7}. We have also proved the second step \eqref{e:8}. Observe that if $t_0 = \lambda$ then by the definition \eqref{e:struweparameter} of $t_0$, \[ T\ge\lambda\,, \] which is the lower bound for maximal time claimed by the lifespan theorem. The estimate \eqref{eqgoalestn4} follows from \eqref{EQltproof}. That is, we have proved if $t_0 = \lambda$, then the lifespan theorem holds, which is the second step. We assume \[ t_0=T\ne\infty; \] since if $T=\infty$ then the lower bound on $T$ holds automatically and again the previous estimates imply the a-priori control on $\vn{A}^4_{4,f^{-1}(B_1(x))}+\vn{\nabla A}^2_{2,f^{-1}(B_1(x))}$. Note also that we can safely assume $T < \lambda$, since otherwise we can apply step two to conclude the Lifespan Theorem. In this case, Proposition \ref{p:prop46} implies that the flow exists smoothly up to and including time $T$. The proof of this claim follows exactly as in \cite{kuwert2002gfw}. In particular, we have uniform control in $C^\infty$ for the flow, allowing us to reapply short time existence and extend the flow. This contradicts the maximality of $T$, and finishes the proof. \end{proof} All steps in the proof rely only on the flow having the form \[ \ensuremath{\mathbf{F}} = \Delta^\perp \vec{H} + P_3^0(A)\,. \] Both the surface diffusion flow and the Willmore flow have this form, in addition to Chen's flow. The work in this section extends results from \cite{kuwert2002gfw,mythesis,mySDLTE} to the case where $n=4$ for the flows considered there. We state a general version of the lifespan theorem here incorporating this. \begin{thm} \label{TMgenerallifespan} Let $n\in\{2,4\}$. There exist constants $\varepsilon_1>0$ and $c<\infty$ depending only on $n$ and $N$ with the following property. Consider a curvature flow $f:M^n \times[0,T)\rightarrow \ensuremath{\mathbb{R}}^{N}$ with smooth initial data satisfying \[ (\partial_t f)^\perp = -\ensuremath{\mathbf{F}} \] where $\ensuremath{\mathbf{F}} = \Delta^\perp \vec{H} + P_3^0(A)$. ({\bf Case 1: $\mathbf{n=2}$.}) Let $\rho$ be chosen such that \begin{equation*} \int_{f^{-1}(B_\rho(x))} |A|^2 d\mu\Big|_{t=0} = \varepsilon(x) \le \varepsilon_1 \qquad \text{ for all $x\in \ensuremath{\mathbb{R}}^{N}$}\,. \end{equation*} Then the maximal time $T$ of smooth existence satisfies \begin{equation*} T \ge \frac1{c}\rho^4\,, \end{equation*} and we have the estimate \begin{equation*} \int_{f^{-1}(B_\rho(x))} |A|^2 d\mu \le c\varepsilon_1 \qquad\qquad\qquad\hskip-1mm\text{ for all } t \in \Big[0, \frac1{c}\rho^4\Big]. \end{equation*} ({\bf Case 2: $\mathbf{n=4}$.}) Let $\rho$ be chosen such that \begin{equation*} \int_{f^{-1}(B_\rho(x))} |A|^4+|\nabla A|^2 d\mu\Big|_{t=0} = \varepsilon(x) \le \varepsilon_1 \qquad \text{ for all $x\in \ensuremath{\mathbb{R}}^{N}$}\,. \end{equation*} Then the maximal time $T$ of smooth existence satisfies \begin{equation*} T \ge \frac1{c}\rho^4\,, \end{equation*} and we have the estimate \begin{equation*} \int_{f^{-1}(B_\rho(x))} |A|^4+|\nabla A|^2 d\mu \le c\varepsilon_1 \qquad\qquad\qquad\hskip-1mm\text{ for all } t \in \Big[0, \frac1{c}\rho^4\Big]. \end{equation*} \end{thm} \section{Global analysis of the flow Now we move from a local condition on the concentration of curvature for the initial data, to a global condition on the tracefree second fundamental form. Unlike the estimates we have already discussed, we are now restricted to $n=2$. We follow the same strategy as in \cite{MW16}, where asymptotic convergence to a round point is proved for a Willmore/Helfrich flow. The key difference here is in showing that the energy is monotone. This is where the restriction on dimension arises. \begin{lem} Let $f:M^2\times[0,T)\rightarrow\ensuremath{\mathbb{R}}^N$ be Chen's flow. There exists an absolute constant $\varepsilon_2 > 0$ such that if \[ \int_M|A^o|^2\,d\mu \le \varepsilon_2 \] then \begin{align*} \frac{d}{dt}\int_M |A^o|^2\,d\mu &\le -\int_M |\Delta H|^2\,d\mu - \frac12\int_M |A^o|^2H^4\,d\mu - \frac{17}4\int_M |\nabla A^o|^2H^2\,d\mu \,. \end{align*} \end{lem} \begin{proof We first compute \begin{align*} \frac{d}{dt}\int_M |A^o|^2\,d\mu &= \frac{d}{dt}\frac12\int_M |\vec{H}|^2\,d\mu \\ &= -\int_M \IP{\Delta^\perp\vec{H} + Q(A^o)\vec{H}}{\ensuremath{\mathbf{F}}}\,d\mu \\ &= -\int_M \IP{\Delta^\perp\vec{H} + Q(A^o)\vec{H}}{\Delta^\perp\vec{H} - Q(A)\vec{H}}\,d\mu \\ &= -\int_M |\Delta^\perp\vec{H}|^2\,d\mu + \int_M \IP{Q(A^o)\vec{H}}{Q(A)\vec{H}}\,d\mu \\&\quad + \int_M \IP{\Delta^\perp\vec{H}}{Q(A)\vec{H}}\,d\mu - \int_M \IP{Q(A^o)\vec{H}}{\Delta^\perp\vec{H}}\,d\mu \,. \end{align*} Note that \begin{align*} \int_M \IP{\Delta^\perp\vec{H}}{Q(A)\vec{H} - Q(A^o)\vec{H}}\,d\mu &= \frac12\int_M \IP{\Delta^\perp\vec{H}}{ |\vec{H}|^2\vec{H}}\,d\mu \\ &= -\frac12\int_M |\nabla\vec{H}|^2|\vec{H}|^2\,d\mu -\int_M \Big|\IP{\nabla\vec{H}}{\vec{H}}\Big|^2\,d\mu \\ &= -\frac32\int_M |\nabla\vec{H}|^2|\vec{H}|^2\,d\mu \,. \end{align*} Therefore we find \begin{align*} \frac{d}{dt}&\int_M |A^o|^2\,d\mu \le -\int_M |\Delta^\perp \vec H|^2\,d\mu -\frac32\int_M |\nabla\vec{H}|^2|\vec{H}|^2\,d\mu + \int_M |A^o|^2|A|^2|\vec H|^2\,d\mu \,. \end{align*} We now use estimate \cite{MWannalen}[(14)] (see also \cite{kuwert2001wfs}[(17)]), valid analogously in high codimension, which reads \begin{align*} \Big(1-\delta\Big)\int_{M} |\vec H|^2&|\nabla A^o|^2\gamma^4d\mu + \Big(\frac12-2\delta\Big)\int_{M} |\vec H|^4|A^o|^2\gamma^4d\mu \\ &\le \Big(\frac12+3\delta\Big)\int_{M} |\vec H|^2|\nabla \vec H|^2\gamma^4d\mu \\ &\quad + c\int_{M}\big(|A^o|^6 + |A^o|^2|\nabla A^o|^2\big)\gamma^4d\mu + c_\gamma^4c\int_{[\gamma>0]}|A^o|^2d\mu, \end{align*} for $\delta>0$, where $c$ is a constant depending only on $\delta$. Rarranging this with $\gamma \equiv 1$ yields \begin{align*} - \int_{M} |\vec H|^2|\nabla \vec H|^2d\mu &\le - \frac{2-2\delta}{1+6\delta} \int_{M} |\vec H|^2|\nabla A^o|^2d\mu - \frac{1-4\delta}{1+6\delta} \int_{M} |\vec H|^4|A^o|^2d\mu \\&\quad+ c\int_{M}\big(|A^o|^6 + |A^o|^2|\nabla A^o|^2\big)d\mu \,. \end{align*} In order to absorb the bad term we need \[ \frac32\frac{1-4\delta}{1+6\delta} > \frac12 \qquad \Longleftrightarrow \qquad 1-4\delta > \frac13 + 2\delta \qquad \Longleftrightarrow \qquad \frac23 > 6\delta \,. \] This is satisfied for $\delta < \frac19$, so let's pick $\delta = \frac1{18}$. This implies \begin{align*} - \frac32\int_{M} |\vec H|^2|\nabla \vec H|^2d\mu &\le - \frac{17}{8} \int_{M} |\vec H|^2|\nabla A^o|^2d\mu - \frac{7}{8} \int_{M} |\vec H|^4|A^o|^2d\mu \\&\quad+ c\int_{M}\big(|A^o|^6 + |A^o|^2|\nabla A^o|^2\big)d\mu \,. \end{align*} The evolution of $\vn{A^o}_2^2$ can then be estimated by \begin{align*} \frac{d}{dt}\int_M |A^o|^2\,d\mu &\le -\int_M |\Delta^\perp \vec H|^2\,d\mu + \int_M |A^o|^4|\vec H|^2\,d\mu + \frac12\int_M |A^o|^2|\vec H|^4\,d\mu \\&\quad - \frac{17}8\int_M |\nabla A^o|^2|\vec H|^2\,d\mu - \frac{7}{8}\int_{M} |A^o|^2|\vec H|^4d\mu + c\int_{M}\big(|A^o|^6 + |A^o|^2|\nabla A^o|^2\big)d\mu \\ &\le -\int_M |\Delta^\perp \vec H|^2\,d\mu + \int_M |A^o|^4|\vec H|^2\,d\mu - \frac38\int_M |A^o|^2|\vec H|^4\,d\mu \\&\quad - \frac{17}8\int_M |\nabla A^o|^2|\vec H|^2\,d\mu + c\int_{M}\big(|A^o|^6 + |A^o|^2|\nabla A^o|^2\big)d\mu \,. \end{align*} Estimating $\int_M |A^o|^4|\vec H|^2\,d\mu \le \frac18\int_{M} |\vec H|^4|A^o|^2d\mu + c\int_M |A^o|^6\,d\mu$, this becomes \begin{align*} \frac{d}{dt}\int_M |A^o|^2\,d\mu &\le -\int_M |\Delta^\perp \vec H|^2\,d\mu - \frac14\int_M |A^o|^2|\vec H|^4\,d\mu - \frac{17}8\int_M |\nabla A^o|^2|\vec H|^2\,d\mu \\&\quad + c\int_{M}\big(|A^o|^6 + |A^o|^2|\nabla A^o|^2\big)d\mu \,. \end{align*} Now we use the smallness assumption, so that the Sobolev inequalities \begin{align*} c\int_{M}\big(&|A^o|^6 + |A^o|^2|\nabla A^o|^2\big)d\mu \le c\vn{A^o}_2^2\int_{M}\big(|\nabla_{(2)}A|^2 + |A|^2|\nabla A|^2 + |A|^4|A^o|^2\big)d\mu \end{align*} and \begin{align*} \int_{M}\big(|\nabla_{(2)}A|^2 + |A|^2|\nabla A|^2 + |A|^4|A^o|^2\big)d\mu \le c\int_M |\Delta^\perp\vec{H}|^2\,d\mu \end{align*} from \cite{kuwert2001wfs} and \cite{mySDLTE} respectively, become valid. Combining these together we find that, for $\varepsilon_2$ sufficiently small, \begin{align*} \frac{d}{dt}\int_M |A^o|^2\,d\mu &\le -\frac12\int_M |\Delta \vec H|^2\,d\mu - \frac14\int_M |A^o|^2\vec H^4\,d\mu - \frac{17}8\int_M |\nabla A^o|^2\vec H^2\,d\mu \,, \end{align*} as required. \end{proof \begin{rmk} The integral identity we use, as well as the relationship between $A$, $A^o$ and $\vec{H}$, are only valid for $n=2$. \end{rmk} Interior estimates for the flow follow using an argument analogous to \cite[Theorem 3.11]{MW16}. \begin{thm} \label{Tie} Suppose $f:M^2\times(0,\delta]\rightarrow\ensuremath{\mathbb{R}}^N$ flows by \eqref{EQwf} and satisfies \[ \sup_{0<t\le\delta} \int_{f^{-1}(B_{2\rho}(0))} |A|^2 d\mu \le \varepsilon < \varepsilon_0, \] where $\delta \le c\rho^4$. Then for any $k\in\ensuremath{\mathbb{N}}_0$ and $t\in(0,\delta)$ we have \begin{align*} \vn{\nabla_{(k)}A}_{2,f^{-1}(B_\rho(0))} &\le c_k\sqrt{\varepsilon}t^{-\frac{k}{4}} \\ \vn{\nabla_{(k)}A}_{\infty,f^{-1}(B_\rho(0))} &\le c_k\sqrt{\varepsilon}t^{-\frac{k+1}{4}} \end{align*} where $c_k$ is an absolute constant for each $k$. \end{thm} We know by the Lifespan Theorem that for any sequence of radii $r_j\searrow 0$ there exists a sequence of times $t_j\nearrow T$ such that \begin{equation*} t_j = \inf\Big\{t\ge0: \sup_{x\in\ensuremath{\mathbb{R}}^N} \int_{f^{-1}(B_{r_j}(x))}|A|^2d\mu > \varepsilon_3\Big\} < T, \end{equation*} where $\varepsilon_3 = \varepsilon_1/c_1$ and $\varepsilon_1, c_1$ are the constants from the Lifespan Theorem. Curvature is quantised along $f(\cdot,t_j)$ so that \[ \int_{f^{-1}(B_{r_j}(x))}|A|^2d\mu\bigg|_{t=t_j} \le \varepsilon_3 \text{ for any }x\in\ensuremath{\mathbb{R}}^N, \] and \begin{equation} \int_{f^{-1}\overline{(B_{r_j}(x_j))}}|A|^2d\mu\bigg|_{t=t_j} \ge \varepsilon_3 \text{ for some }x_j\in\ensuremath{\mathbb{R}}^N. \label{EQbusomecurv} \end{equation} Consider the rescaled immersions \[ f_j:M^2\times\big[-r_j^{-4}t_j, r_j^{-4}(T-t_j)\big)\rightarrow\ensuremath{\mathbb{R}}^N, \qquad f_j(p,t) = \frac{1}{r_j}\big(f(p,t_j+r_j^4t)-x_j\big). \] The Lifespan Theorem implies $r_j^{-4}(T-t_j) \ge c_0$ for any $j$ and also that \[ \sup_{x\in\ensuremath{\mathbb{R}}^N}\int_{f_j^{-1}(B_{1}(x))}|A|^2d\mu \le \varepsilon_0 \text{ for }0<t\le c_0. \] Interior estimates on parabolic cylinders $B_1(x)\times(t-1,t]$ yields \[ \vn{\nabla_{(k)}A}_{\infty,f_j} \le c(k)\quad\text{for}\quad-r_j^{-4}t_j+1\le t\le c_0. \] The Willmore energy is bounded and so a local area bound may be obtained by Simon's estimate \cite{simon1993esm}. Therefore applying Kuwert-Sch\"atzle's compactness theorem \cite[Theorem 4.2]{kuwert2001wfs} (see also \cite{breuning,CooperCompactness}) to the sequence $f_j = f_j(\cdot,0):M^2\rightarrow\ensuremath{\mathbb{R}}^N$ we recover a limit immersion $\hat{f}_0:\hat{M^2}\rightarrow\ensuremath{\mathbb{R}}^N$, where $\hat{M^2} \cong M^2$. We also obtain the diffeomorphisms $\phi_j:\hat{M^2}(j)\rightarrow U_j\subset M^2$, such that the reparametrisation \begin{equation*} f_j(\phi_j,\cdot):\hat{M^2}(j)\times[0,c_0]\rightarrow\ensuremath{\mathbb{R}}^N \end{equation*} is a Chen flow with initial data \begin{equation*} f_j(\phi_j,0) = \hat{f}_0+u_j:\hat{M^2}(j)\rightarrow\ensuremath{\mathbb{R}}^N. \end{equation*} We obtain the locally smooth convergence \begin{equation} f_j(\phi_j,\cdot) \rightarrow \hat{f}, \label{C7E5} \end{equation} where $\hat{f}:\hat{M^2}\times[0,c_0]\rightarrow\ensuremath{\mathbb{R}}^N$ is a Chen flow with initial data $\hat{f}_0$. \begin{thm} Let $f:M^2\times[0,T)\rightarrow\ensuremath{\mathbb{R}}^N$ be a Chen flow satisfying the smallness hypothesis. Then the blowup $\tilde{f}$ as constructed above satisfies $\vn{\ensuremath{\mathbf{Q}}}_2^2 \equiv 0$, where $(\vn{A^o})_2^2)' \le -2\vn{\ensuremath{\mathbf{Q}}}_2^2$. \label{Tbu} \end{thm} \begin{proof The monotonicity calculation implies \begin{align*} 2\int_0^{c_0}\int_{\tilde{{M^2}}(j)}&|\ensuremath{\mathbf{Q}}(f_j(\phi_j,t))|^2d\mu_{f_j(\phi_j,\cdot)}dt = 2\int_0^{c_0}\int_{U_j}|\ensuremath{\mathbf{Q}}_j|^2d\mu_jdt \\ &\le \int_{M^2} |A^o_j(0)|^2d\mu_j - \int_{M^2} |A^o_j(c_0)|^2d\mu_j \\ &= \int_{M^2} |A^o(t_j)|^2d\mu - \int_{M^2} |A^o(t_j+r_j^4c_0)|^2d\mu, \end{align*} and this converges to zero as $j\rightarrow\infty$. \end{proof \begin{proof}[Proof of Theorem \ref{TMglobal}.] Theorem \ref{Tbu} implies \[ \int_{M^2}\big(|\Delta^\perp \vec H|^2 + |\nabla A^o|^2|\vec H|^2 + |\vec H|^4|A^o|^2\big)d\mu = 0 \] and so the blowup is a union of embedded spheres and planes. Ruling out disconnected components using \cite[Lemma 4.3]{kuwert2001wfs} and noting that by \eqref{EQbusomecurv} we have $\vn{\tilde{A}}_2^2 > 0$, we conclude that $\tilde{f}$ is a round sphere. As the sequence of radii was arbitrary and area is monotone, this shows that $\mu(f_t)\searrow0$ and that $f_t$ is asymptotic to a round point. \end{proof}
522c0e893869d9c3719aa60f4a1c136d90018879
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction and Motivation}\label{Intro} The topic of control over a communication link has been extensively studied in the past decade, with issues such as the minimum data rate for stabilization \cite{Tak,Nair} and optimal quadratic closed-loop performance \cite{Sche,Imer} being the main focus. Other issues of interest concern effects of channel-induced packet loss and/or time-varying delays on closed-loop performance. The majority of papers concerned with control over networks regards the mechanism of information loss in the network as probabilistic but not strategic. In contrast, in the \emph{adversarial} networked control problem, the communication link is controlled by a strategic jammer who actively modifies the link to disrupt the control goal. We broadly refer to such modifications/disruptions as Denial of Service attacks; cf.~\cite{PIK-2011}. A natural way to describe the adversarial networked control problem is to employ a game-theoretic formulation. While the most immediate purpose of the game-theoretic analysis may be to devise the best defence against strategic attacks, it can also be used to predict possible attack strategies. Originally proposed in~\cite{Amin}, the game-theoretic formulation of adversarial networked control has been followed upon in a number of recent papers including~\cite{Abhi,LaU3a}. A zero-sum dynamic game between a controller performing a finite horizon linear-quadratic control task and a jammer, proposed in \cite{Abhi}, specifically accounted for the jammer's strategic intentions and limited actuation capabilities. A startling conclusion of \cite{Abhi} was that in order to maximally disrupt the control task, the jammer had to act in a markedly different way than a legitimate, non-malicious, packet-dropping channel. More precisely, the jammer's saddle-point strategy was to deterministically drop packets whenever the plant state was crossing certain thresholds. Once this deterministic behavior is observed by the controller, it can establish with certainty that an attack has taken place. The chief motivation behind the present work is to investigate whether it is possible in principle for the attacker to be able to conceal its actions by disguising as a packet dropping link. Naturally, this implies that the controller has no prior information of the attack taking place. In~\cite{LaU3a}, to demonstrate such a possibility, we introduced a model of adversarial networked control (ANC), which, while capturing the same fundamental aspects of the problem as in \cite{Abhi}, modified the jammer's action space so that each jammer's decision corresponded to a choice of a binary automaton governing the transmission rather than to passing/blocking transmission directly. The corresponding one-step zero-sum game was shown to have a unique saddle point in the space of mixed jammer's strategies. The optimal jammer's strategy was shown to randomly choose between two automata, each having a nonzero probability to be selected. In turn, the controller's best response to the jammer's optimal strategy was to act as if it was operating over a packet-dropping channel whose statistical characteristics were controlled by the jammer. Since under normal circumstances the controller cannot be aware of these characteristics, and cannot implement such a best response strategy, the system performance is likely to be adversely affected when the jammer follows its optimal strategy; see Section~\ref{LQR.reward.section}. In this paper, we show that such a situation is not specific to the ANC problem considered in~\cite{LaU3a}, and it arises in a much more general zero-sum stochastic game setting. The only common feature between our problem formulation and that in~\cite{LaU3a} is the general mechanism of decision making adopted by the jammer. All other attributes of the problem (the plant model, the assumptions on the stage cost, etc.) are substantially more general, to the extent that unlike~\cite{LaU3a}, the saddle point cannot be computed directly. Instead, for the one-step game, we obtain sufficient conditions under which optimal jammer's strategies in the class of mixed strategies are to randomly choose between two actions. That is, to make a maximum impact on the control performance, the jammer must act randomly, in contrast to~\cite{Abhi}. Our conditions for the one-step game are quite general, they apply to nonlinear systems and draw on standard convexity/coercivity properties of payoff functions. Under additional smoothness conditions, these conditions are also necessary and sufficient. Also, we specialize these conditions to three linear-quadratic control problems over a packet-dropping link. In two of these problems, our conditions allow for a direct characterization of a set of plant's initial states for which optimal jammer's randomized strategies exist. We also compute controller's optimal responses to those strategies, which turn out to be nonlinear. The third example revisits the problem setting in \cite{Abhi}, showing that our conditions naturally rule out randomized jammer's behaviour in that problem. Our analysis of the one-step game can be thought of as reflecting a more general situation where one is dealing with a one-step Hamilton-Jacobi-Bellman-Isaacs (HJBI) min-max problem associated with a multi-step ANC problem. Also, even the one-step formulation provides a rich insight into a possible scenario of attacks on controller networks. For instance, dynamic multistep jamming attacks can be planned so that at each step the jammer chooses its actions based on the proposed formulation. Greedy jamming strategies where at each time step the jammer pursues a strategy which is optimal only at this particular time are discussed in Section~\ref{multistage}. Compared with the conference version~\cite{LaU3c}, here we have obtained a new sufficient condition for the one-step ANC game to have a nontrivial equilibrium. This condition does not require the stage cost to be a smooth function, which potentially makes this result applicable to the mentioned one-step HJBI min-max problems where in general the smoothness of the value function cannot be guaranteed in advance; see Theorem~\ref{exist_theo}. Also, the paper introduces a multi-stage game model to study intelligent jamming attacks on linear control systems. The paper is organized as follows. A general controller-jammer ANC game and its connections with intelligent jamming models are presented in Section~\ref{sec_mod}. The conditions for the one-step ANC game to have a non-pure saddle point are presented in Section~\ref{Static.ANC.Section}. First we present a general sufficient condition suitable for analysis of general multi-input networked control systems. We then show that in the case of single-input systems they are in fact necessary and sufficient (under an additional smoothness assumption). Next, in Section~\ref{Examples} we demonstrate applications of these results to three linear-quadratic static problems. In one of these problems, which is an extension of the problem in~\cite{LaU3a}, the jammer is offered an additional reward for undertaking actions concealing its presence. In another problem, the jammer's actions take into account the cost the controller must pay to mitigate the jammer's presence should the jammer reveal itself. The third problem revisits the problem in~\cite{Abhi}. Section~\ref{multistage} generalizes some of the results of Section~\ref{Static.ANC.Section} about the existence of saddle-point strategies to the case of multistage ANC games; this generalization requires the plant to be linear. The Appendix (Section~\ref{Appendix}) contains proofs of the results. Conclusions are given in Section~\ref{Conclusions}. \vspace{-20pt} \paragraph*{Notation} $\mathbb{R}^n$ is the $n$-dimensional Euclidean space of real vectors, $\mathbb{R}^n_+$ is the cone in $\mathbb{R}^n$ consisting of vectors whose all components are non-negative. The unit simplex in $\mathbb{R}^N$ is denoted $\mathcal{S}_{N-1}$; i.e., $\mathcal{S}_{N-1}=\{p\in \mathbb{R}^N: 0\le p_j\le 1, \sum_{j=1}^Np_j=1\}$. $|\mathcal{F}|$ is the cardinality of a finite set $\mathcal{F}$. $\delta_{i,j}$ is the Kronecker symbol, i.e., $\delta_{i,j}=1$ if $i=j$, otherwise $\delta_{i,j}=0$. For two sets $M$, $U$, $M\backslash U=\{x\in M\colon x\not\in U\}$. The symbol $\mathrm{Pr}(\cdot)$ denotes probability of an event, and $\mathrm{Pr}(A|z)$ denotes the conditional probability of an event $A$ given $z$. \section{Adversarial Network Control Games} \label{sec_mod} \subsection{The general system setup}\label{setup} We consider a general setup, within which the evolution of a plant controlled over a communication link subject to adversarial interference is described by a mapping $\mathbb{R}^n\times \mathbb{R}^m\to \mathbb{R}^n$, \begin{equation} \label{plant.t} x^{t+1}=F_t(x^t,v^t), \end{equation} describing the response of the plant, when it is at state $x^t$, to an actuator signal $v^t$ at time $t$. The actuator signal is determined by the controller who transmits control packets over a randomly varying communication link. The link can operate in one of several transmission regimes, and randomly switches between them. The mechanism of the regime switching is controlled by a strategic jammer, unbeknownst to the controller. For simplicity, we identify the set of transmission regimes with the set of integers, so that $\mathcal{F}=\{1,\ldots,|\mathcal{F}|\}$. Once the link updates its transmission regime, it randomly assumes either the passing or blocking state. Thus, the transmission state of the communication link is a binary random variable $b_t$, taking values 0 and 1 associated with blocking and passing control packets, and $v^t=b^tu^t$. Evolution of the system over a time interval $\{0,\ldots,T\}$ is captured by a bivariate stochastic process $\{(x^t,s^t)\}_{t=0}^T$, with the state space $\mathcal{X}=\mathbb{R}^n\times \mathcal{F}$. We now describe the dynamics of this bivariate process. \textit{The initial state. } Initially, at time $t=0$ the plant is at a state $x^0=x_0$, and the initial transmission regime of the communication link is $s^0=s$. It is assumed that at the time when the controller and the attacker make their decisions, both of them know the current state of the plant and the transmission regime of the link. In accordance with this assumption, they know $x^0$, $s^0$. \textit{State updates. } The system state and the transmission regime of the communication link are updated at every time $t$, in response to controller's and jammer's actions, as described below. \emph{Controller actions. } At every time instant $t=0,\ldots,T-1$, the controller observes the current system state $x^t$ and the transmission regime $s^t$ of the communication link. Based on this information, it generates a control input $u^t\in \mathbf{R}^m$ and sends it via the communication link. \emph{Jammer actions.} At every time step $t=0,\ldots, T-1$, the jammer observes the plant state $x^t$, the transmission regime of the communication link $s^t$, and the control signal $u^t$. Using this information, the jammer selects a matrix from a predefined finite set of row stochastic matrices $\mathcal{P}^t=\{P^t(a)\in \mathbb{R}^{|\mathcal{F}|\times |\mathcal{F}|}\colon a\in \mathcal{A}=\{1,\ldots,N\}\}$. That is, its action $a^t$ is to draw a matrix $P^t(a^t)\in\mathcal{P}^t$. \emph{Communication link update. } After the jammer has chosen its action $a^t=a$ and the corresponding row stochastic matrix $P^t(a)$, the transmission regime of the link changes from $s^t$ to $s^{t+1}$ according to a Markov chain with $\mathcal{F}$ as a state space and $P^t(a^t)=P^t(a)$ as the transition probability matrix, i.e., \begin{eqnarray}\label{Pt} \mathrm{Pr} (s^{t+1} = i| s^t=j, a^t=a)=P_{ji}^t(a) \quad i,j\in \mathcal{F}. \end{eqnarray} The initial probability distribution of this Markov chain reflects that the initial transmission regime is given to be $s^0=s$, i.e., $\mathrm{Pr}(s^0=i)=\delta_{i,s}$, $i\in\mathcal{F}$. After the communication link randomly switches to the transmission regime $s^{t+1}\in\mathcal{F}$, the transmission state of the link is determined randomly and, given $s^{t+1}$, it is conditionally independent of the previous transmission regimes, the current and past states of the plant and the controller's and jammer's actions. Thus, the probability of the link to become passing is determined by a stochastic kernel $\mathbf{q}^t$ on $\{0,1\}$ given $\mathcal{F}$: \begin{eqnarray} q_j^t = \mathbf{q}^t(b^t=1|j)&\triangleq& \mathrm{Pr}(b^t = 1 |s^{t+1}=j), \quad j\in \mathcal{F}. \label{q_j} \end{eqnarray} We denote $q^t\triangleq (q_1^t, \ldots,q_{|\mathcal{F}|}^t)'$. It is worth noting that the pair of processes $(s^{t+1},b^t)_{t=0}^{T-1}$ form a controlled hidden Markov process, with $\mathcal{F}$ and $\{0,1\}$ as its the state space and the output alphabet, respectively, $\{\delta_{s^0,j}, j\in \mathcal{F}\}$ as its initial probability distribution, the sequence of matrices $\{P^t(a^t)\}_{t=0}^{T-1}$ as the sequence of state transition probability matrices, and the the sequence of stochastic kernels $\{\mathbf{q}^t\}_{t=0}^{T-1}$ on $\{0,1\}$ given $\mathcal{F}$ as the output probabilities. This hidden Markov process is denoted $\mathcal{M}$. \emph{Plant state updates.} Next, the plant state is updated according to (\ref{plant.t}), in response to control $u^t$ and the jammer's action $a^t$. Specifically, the transmission state of the link between the controller and the plant is determined by the binary random variable $b^t$, whose probability distribution given $(x^t,s^t)$, $u^t$ and $a^t$ can now be expressed as \begin{eqnarray} &&\mathrm{Pr}(b^t=1|s^t\!=j,a^t\!=a,x^t\!=x,u^t\!=u) =(P^t(a)q^t)_j, \quad \label{Prob.b=1}\\ &&\mathrm{Pr}(b^t=0|s^t=j,a^t=a) =1-(P^t(c,a)q^t)_j.\label{Prob.b=0} \end{eqnarray} Then the actuator signal $v^t$ becomes $v^t=b^tu^t$, and according to (\ref{plant.t}), the plant's new state becomes $x^{t+1}$. \begin{proposition}\label{Markov} Given a sequence of controller's and jammer's actions, the joint state-link process $\{x^t,s^t\}_{t=0}^T$ is a Markov process. \end{proposition} The proof of this and all subsequent propositions is deferred to the Appendix. The transition probability measure of the Markov process $\{x^t,s^t\}_{t=0}^T$ defines a sequence of stochastic kernels on $\mathcal{X}$, given $u\in\mathbb{R}^m$, and $a\in\mathcal{A}$, \begin{eqnarray} \label{Q.ker} \lefteqn{Q_{t+1}(\Lambda\times S|x,j,u,a)} && \nonumber \\ &=& \mathrm{Pr}(x^{t+1}\in\Lambda,s^{t+1}\in S| x^t=x,s^t=j,u^t=u,a^t=a) \nonumber \\ &=& \sum_{i\in S}P^t_{ji}(a)\left[q^t_i\chi_\Lambda(F_t(x,u)) + (1-q^t_i)\chi_\Lambda(F_t(x,0))\right] \end{eqnarray} for $t=0, \ldots, T-1$; here $\Lambda$, $S$ are Borel subsets of $\mathbb{R}^n$, $\mathcal{F}$ respectively, and $\chi_\Lambda(\cdot)$ is the indicator function of the set $\Lambda$. The expectation with respect to the kernel $Q_t(\cdot |x,s,u,a)$ will be denoted $\mathbb{E}_t[\cdot|x,s,u,a]$. \subsection{An adversarial network control game} \label{sec_form} We now consider a zero-sum stochastic game associated with the described setup. Its main components are: \begin{itemize} \item The set $\mathcal{X}=\mathbb{R}^n\times \mathcal{F}$ as the state space of the game; \item the sets $\mathbb{R}^m$ and $\mathcal{A}$ as action spaces for the controller and the jammer, respectively. \item The sequence of stochastic kernels (\ref{Q.ker}) on $\mathcal{X}$ given $\mathcal{X}\times \mathbb{R}^m\times \mathcal{A}$ and the Markov process $\{(x^t,s^t)\}_{t=0}^T$ associated with given sequences of controller's and jammer's actions. \item A real-valued finite horizon cost \begin{equation} \label{cost_cont} \Upsilon\left(\{x^t\}_{t=0}^T, \{u^t\}_{t=0}^{T-1} \right) = \sum_{t=0}^{T-1} \sigma^t(x^t,u^t) + \sigma^T(x^T). \end{equation} The stage cost $\sigma^t(x^t,u^t)$ in (\ref{cost_cont}) symbolizes the performance loss incurred by the system (1) when the control $u^t$ is applied to the system while it is in state $x^t$. In the absence of the jammer, the controller would be expected to minimize this loss. \item A real-valued function representing the cost of jammer's actions $a^t$, $t=0,\ldots, T$: \begin{equation} \label{cost_jam} \Gamma(\{a^t\}_{t=0}^{T-1},\{s^t\}_{t=0}^{T-1}) =\sum_{t=0}^{T-1} g^t(a^t,s^t). \end{equation} It describes how the jammer's resources and incentives are affected, when it takes its actions to control the communication link. The stage cost $g^t(a^t,s^t)$ in (\ref{cost_jam}) symbolizes the cost incurred by the jammer when at time $t$ it selects $P^t(a^t)$ as a state transition probability matrix for the Markov process $\mathcal{M}$. Normally, the jammer would be expected to minimize this cost. \item A total cost of the controller's and jammer's actions \begin{eqnarray} \lefteqn{\Sigma\left(\{x^t\}_{t=0}^T, \{u^t\}_{t=0}^{T-1}, \{a^t\}_{t=0}^{T-1}\right)} && \nonumber \\ &&=\Upsilon\left(\{x^t\}_{t=0}^T, \{u^t\}_{t=0}^{T-1} \right) -\Gamma\left(\{a^t\}_{t=0}^{T-1},\{s^{t-1}\}_{t=0}^T\right). \qquad \label{cost_total} \end{eqnarray} The minus sign in (\ref{cost_total}) indicates that degrading the control performance comes at a cost to the jammer, who must spend its resources to achieve its goals. \end{itemize} In what follows we consider a class of control input sequences $\{u^t\}_{t=0}^T$ and a class of jammer's strategies consisting of sequences $\{p^t\}_{t=0}^{T-1}$ of probability vectors $p^t$ over $\mathcal{A}$. Associated with every such sequence of the controller's and jammer's strategies $\{u^t\}_{t=0}^{T-1}$, $\{p^t\}_{t=0}^{T-1}$ and system and link initial conditions $x^0,s^0$ is a probability distribution on the space of sequences of system and communication link states endowed with the $\sigma$-algebra of all Borel subsets\footnote{In (\ref{total.Q}), $x_t$ is an arbitrary vector in $\mathbb{R}^n$, in contrast to the state $x^t$ of the plant at time $t$. Likewise, $s_t$ is an integer in $\mathcal{F}$, in contrast to the random state $s^t$ of the Markov process $\mathcal{M}$ with values in $\mathcal{F}$.} \begin{eqnarray} \label{total.Q} \lefteqn{\mathbf{Q}^{u,p}(dx_1\ldots,dx_T,s_1,\ldots,s_T|x_0,s_0)} && \nonumber \\ &&= Q^{u,p}_1\!(dx_1,\!s_1|x_0,s_0) \ldots Q^{u,p}_T(dx_T,\!s_T|x_{T-1},\!s_{T-1}), \end{eqnarray} generated by the sequence of stochastic kernels \begin{eqnarray} \label{Q.ker.p} \lefteqn{Q^{u,p}_{t+1}(dx,s|x,j)= \sum_{a\in\mathcal{A}} p^t_aQ_{t+1}(dx,s|x,j,u^t,a),} \end{eqnarray} where $Q_t$ is the stochastic kernel defined in (\ref{Q.ker}). The expectation with respect to the probability measure $\mathbf{Q}^{u,p}$ will be denoted $\mathbb{E}^{u,p}$. We will omit the superscripts $^{u,p}$ when this does not lead to a confusion. \begin{definition} The zero-sum stochastic game with the state space $\mathcal{X}$, action spaces $\mathbb{R}^m$ for the controller and $\mathcal{A}$ for the jammer, the stochastic kernels $\{Q^t,t=0,\ldots,T\}$ defined in (\ref{Q.ker}) and the payoff function $\Sigma$ is called the adversarial networked control (ANC) game associated with the Markov process $\{(x^t,s^t)\}_{t=0}^T$ and costs (\ref{cost_cont}), (\ref{cost_jam}), (\ref{cost_total}). For a given plant initial condition $x^0=x$ and an initial transmission regime of the link $s^0=s$, solving the ANC game requires one to find (if they exist) strategies for the jammer $p^*=\{(p^*)^t\}_{t=0}^{T-1}$ and for the controller $u^*=\{(u^*)^t\}_{t=0}^{T-1}$ such that \begin{eqnarray} \lefteqn{\mathbb{E}^{u,p^*}\left[\Sigma\left(\{x^t\}_{t=0}^T, \{(u^*)^t\}_{t=0}^{T-1}, \{a^t\}_{t=0}^{T-1}\right)\right]} && \nonumber \\ && =\inf_{\{u^t\}_{t=0}^{T-1}}\sup_{\{p^t\}_{t=0}^{T-1}} \mathbb{E}^{u,p}\left[\Sigma\left(\{x^t\}_{t=0}^T, \{u^t\}_{t=0}^{T-1}, \{a^t\}_{t=0}^{T-1}\right)\right] \nonumber \\ && =\sup_{\{p^t\}_{t=0}^{T-1}}\inf_{\{u^t\}_{t=0}^{T-1}} \mathbb{E}^{u,p}\left[\Sigma\left(\{x^t\}_{t=0}^T, \{u^t\}_{t=0}^{T-1}, \{a^t\}_{t=0}^{T-1}\right)\right].\nonumber \\ \label{equi-point.t} \end{eqnarray} \end{definition} \subsection{Additional comments and special cases} \subsubsection{Relation to conventional DoS attacks on communications}\label{relation} In the model presented in Section~\ref{setup}, the adversary controls information transmission strategically and indirectly, unbeknownst to the controller. The motivation for introducing the indirect jamming model is to reduce the possibility of attack detection by adding intelligence to jamming strategy and attempting to force the controller to believe that performance degradation is due to poor link conditions and not due to the presence of the attack, i.e., our model is consistent with objectives of \emph{intelligent Denial-of-Service jamming}~\cite{PIK-2011}. We now present two intelligent jamming scenarios which our model captures. \begin{figure} \centering \includegraphics[width=0.9\columnwidth]{system.eps} \caption{An attack by re-routing control packets. The jammer strategically selects a binary channel which randomly blocks or passes transmission of control information from the controller to the plant.} \label{fig:system} \end{figure} \emph{An attack by re-routing. } In this scenario, the controller and the plant are connected by a multi-hop network (i.e., a graph), with each transmission regime corresponding to a path connecting the controller and the plant vertices in that graph. Assuming that the graph is acyclic, the set of such paths has finite (yet possibly large) cardinality, so it can be modeled by our set $\mathcal{F}$. When a jammer intercepts a message at a vertex and re-routes it on an outgoing edge of its choosing it, essentially, modifies the characteristics (packet-drop rate, delay, etc.) of the communication channel experienced by the controller. It can thus, in effect, be thought of as controlling the characteristics of a communication channel or as `switching' channels. Accordingly, the jammer can be thought of having the action set $\mathcal{A}=\mathcal{F}$, and the row stochastic matrices (\ref{Pt}) describing changes of the transmission regimes in this example are defined as \begin{equation} \label{Pt.1} P^t_{ji}(a)=\begin{cases}1, & \text{if $i=a$},\\ 0, & \text{if $i\neq a$}, \end{cases} \end{equation} i.e., the control information is transmitted through the channel selected by the jammer. The controller may know the previous channel used for transmission (e.g., from an acknowledgement from the plant), and therefore in general its decision $u^t$ can depend on $s^t$. However, even though the controller has knowledge about the previously used channel and can use this knowledge to select a channel which it wants to use, the attacker overrules this selection and redirects control packets through a different channel. The actual mechanism through which (re)routing, and the ensuing `switching', is performed in the network is not important for our purposes. All that matters is that jammer's actions eventually affect the row stochastic matrix describing transmission, as (\ref{Pt.1}) shows. In that sense, the picture in Fig.~\ref{fig:system} is a good metaphor (it is not an exact technical description) of the jamming process. Letting the jammer select the channel randomly, according to a probability vector $p^t=(p^t_1,\ldots,p^t_N)'$ over $\mathcal{F}$ will allow it to control the probability of packet dropouts, since in this case \begin{eqnarray} \label{bt=1} \mathrm{Pr}(b^t=1|s^t=j)=(p^t)'q^t. \end{eqnarray} As a result, the end-to-end statistical characteristics of the communication link depend on the jammer's selection of the probability distribution $p^t$ but are independent of the past channel $s^t$ known to the controller. Hence, such characteristics are difficult for the controller to predict. Implications of this observation will be considered in detail in the next sections. \emph{An attack by modifying channel characteristics. } Where there is a single physical channel between the controller and the plant, the adversary can interfere with transmission by means of intercepting control packets and `filtering' them through one of several binary automata available to it. Each `filter'-automaton determines the transmission regime in this case. Indeed, let again $\mathcal{A}=\mathcal{F}$ and let $P^t_{ji}(a)$ be defined as in (\ref{Pt.1}). Then the probability for the link to become passing when the jammer selects automaton $a^t=i$ becomes the function of the jammer's action, since according to~(\ref{Prob.b=1}) we have: \begin{eqnarray*} \mathrm{Pr}(b^t=1|s^t=j,a^t=i)=q^t_i =\mathrm{Pr}(b^t=1|a^t=s^{t+1}=i). \end{eqnarray*} Again, we see that this probability does not depend on the transmission regime $s^t$ utilized at the previous time step but depends on the jammer's action. As in the previous attack model considered, the end-to-end statistical characteristics of the communication link depend on the jammer's actions and hence are difficult for the controller to predict. Letting the jammer select its actions according to a probability distribution $p^t=(p^t_1,\ldots,p^t_N)'$ will allow it to exercise even greater control over the distribution of $b^t$, according to (\ref{bt=1}). In this scenario, since the transmission regimes are fully controlled by the jammer, the controller is unlikely to be able to observe past jammer's actions. In view of this restriction, the controller's feasible strategies are limited to state feedback strategies $u^t=u^t(x^t)$, which are a special case of more general control strategies dependent on $s^t$ mentioned earlier. In both attack scenarios presented above, direct jamming has been forsaken in favour of intelligently controlling the probability of control packets delivery. As was mentioned, a direct control over transmission was shown in~\cite{Abhi} to result in a deterministically predictable jamming strategy. We will show in this paper that the proposed intelligent jamming strategies lead to a distinctly different jammer behaviour while forcing the controller to respond in a manner distinct from what one would expect in the situation where packet loss is benign. \subsubsection{Strategy spaces} In the ANC game (\ref{equi-point.t}), an optimal jammer's strategy is sought in the set of mixed strategies, i.e., probability distributions on $\mathcal{A}$. On the other hand, the controller does not use mixed strategies. Indeed, in a number of control problems considering benign loss of communication, optimal control laws are sought in the class of linear non-randomized functions of the (estimated) state of the plant; e.g, see~\cite{Sche}. It is this sort of situation that we consider as a target for stealthy intelligent jamming --- unless the controller knows that the system is under attack, it has no reason to deviate from its optimal policy. \subsubsection{The actuation model and control information} The proposed actuation model assumes that when the link drops control packets, the actuator signal $v^t$ is set to 0. The `hold' situation where $v^t$ is set to the last received control signal $u^-$ whenever $u^t$ is dropped, can be reduced to this case by the change of control variables. Our control model includes feedback controls that use the full information about the state of the underlying Markov process $\mathcal{M}$. In practice, it may not always be possible for the controller to observe this state; the second example in Section~\ref{relation} alludes to such situation. Games with partial information are known to be much more difficult to solve, and the existence of a saddle point is more difficult to establish if possible at all. Considering a larger class of controllers which includes Markov control laws allows us to circumvent this difficulty, and obtain conditions under which the ANC game has an equilibrium (as will be shown, under these conditions, the controller's optimal response is indeed Markov). The upper value of this game then sets the lower bound on control performance which can be achieved when, for instance, the controller is agnostic about the transmission characteristics of the communication link. \section{Static ANC games}\label{Static.ANC.Section} \subsection{One-stage ANC games} Our aim is to determine conditions under which an ANC game admits non-pure saddle points. By non-pure saddle point we mean a saddle point of the game (\ref{equi-point.t}) consisting of sequences of non-pure strategy vectors $(p^*)^t$, each being a linear combination of two or more vertices of the simplex $\mathcal{S}_{N-1}$, and the corresponding controller's best responses $(u^*)^t$. As demonstrated in Section~\ref{relation}, non-pure policies allow the attacker to exercise an intelligent DoS jamming by randomizing its actions and controlling the probability of control packet transmission. To facilitate characterization of non-pure ANC saddle-point strategies, in this section we consider one-stage ANC games which can be regarded as a special case of the ANC game (\ref{equi-point.t}) played over a one time step horizon. To emphasize the one-stage nature of the game, we temporarily suppress the time variable $t$, and adopt a simplified notation, where the variables current at time $t$ are not indexed, while the variables which are updated and become current at time $t+1$ are marked with the superscript $^+$. With this convention, a one-step version of the general model presented in Section~\ref{sec_mod} involves: \begin{itemize} \item A plant initial state $x$ and an initial transmission regime of the communication link $s$, which captures characteristics of the link between the controller and the plant before the jamming attack is undertaken. \item Controller and jammer actions $u$ and $a$, with $a$ selected according to a probability distribution $p$ over $\mathcal{A}$. \item A transmission mode $s^+$ of the link, randomly drawn from $\mathcal{F}$ according to the probability distribution $P_{s,\cdot}(a)$ corresponding to the $s$-th row of the matrix $P(a)$ selected by the jammer; see (\ref{Pt}). \item The probability of the link operating in the transmission regime $s^+\in\mathcal{F}$ to become passing, determined by equation (\ref{q_j}). The vector of these probabilities is denoted $q=(q_1, \ldots, q_{|\mathcal{F}|})'$. \item The binary random variable $b$ capturing the transmission state of the communication link at the time of plant state update. According to (\ref{Prob.b=1}), when the jammer's actions have a distribution $p$, the probability of the link to become passing is $\sum_{a=1}^{N}p_a(P(c,a)q)_s$. \item The updated state of the plant $x^+$, which is the terminal plant state in the one-stage ANC game. From (\ref{plant.t}), \begin{equation} \label{plant} x^+=F(x,bu). \end{equation} \item The payoff function associated with the controller's and jammer's actions and the given initial system state $x$ and the link transmission regime $s$, \begin{equation} \label{sigma} \Sigma(x^+,u,a)=\sigma^0(x,u)+\sigma^1(x^+)-g^0(a,s). \end{equation} The latter is a special case of the payoff (\ref{cost_total}). \end{itemize} In the one-step case, the probability measure (\ref{total.Q}) reduces to the conditional probability measure on $\mathcal{X}$ given that the plant starts at $x$ and the link is initiated at an initial transmission regime $s$ \begin{eqnarray} \label{total.Q.0} \mathbf{Q}^{u,p}(dx^+,s^+|x,s)&=& \sum_{a=1}^{N} p_a P_{ss^+}(a)\left[q_{s^+}\delta(x^+-F(x,u)) \right. \nonumber \\ &&\hspace{-.5cm}+\left.(1-q_{s^+})\delta(x^+-F(x,0))\right]dx^+. \end{eqnarray} \begin{definition}\label{greedy.ANC.game} The one-stage ANC game is to find (if they exist) a strategy for the jammer $p^*\in\mathcal{S}_{N-1}$ and a feedback strategy for the controller $u^*$ such that \begin{eqnarray} \label{equi-point.t.0} \mathbb{E}^{u^*,p^*}\Sigma(x^+,u^*,a)=J_1=J_2, \end{eqnarray} where $J_1$ and $J_2$ are the upper and the lower values of the game, \begin{eqnarray} J_1&=&\inf_{u\in\mathbb{R}^m} \sup_{p\in \mathcal{S}_{N-1}} \mathbb{E}^{u,p} \Sigma(x^+,u,a), \label{inf_sup} \\ J_2&=&\sup_{p\in \mathcal{S}_{N-1}} \inf_{u\in\mathbb{R}^m} \mathbb{E}^{u,p} \Sigma(x^+,u,a). \label{sup_inf} \end{eqnarray} The pair $(u^*,p^*)$ is then a saddle point of the game. \end{definition} We wish to determine whether the ANC game has non-pure saddle points. As was explained earlier, such saddle points signify a possibility for the jammer to randomly choose between several actions as its optimal strategy. \subsection{Existence of a saddle point in one-stage ANC games}\label{main} Our result on the existence of an equilibrium of the one-stage game (\ref{equi-point.t.0}) relies on the following assumption. \begin{assumption}\label{sigma.A3} For every $x\in\mathbb{R}^n$, $a\in \mathcal{A}$, the functions $\Sigma(F(x,0),\cdot,a)$ and $\Sigma(F(x,\cdot),\cdot,a)$ are continuous, coercive\footnote{Recall that a function $h:\mathbb{R}^m\to \mathbb{R}$ is coercive if there exists a function $\eta:\mathbb{R}_+\to \mathbb{R}$ such that $\lim_{y\to+\infty} \eta(y)=+\infty$ and $h(u)\geq \eta(\|u\|)$ for all $u\in \mathbb{R}^m$.} and convex functions $\mathbb{R}^m\to \mathbb{R}$. \end{assumption} According to (\ref{total.Q.0}), the expected cost in (\ref{equi-point.t.0}) has the form \begin{eqnarray} \label{ESigma} \mathbb{E}^{u,p} \Sigma(x^+,u,a)=p'h^{x,s}(u), \end{eqnarray} where $h^{x,s}(\cdot)$ is a vector function $\mathbb{R}^m\to \mathbb{R}^{N}$, whose $i$-th component represents the conditional expected cost value given a jamming action $a=i$: \begin{eqnarray} \label{hj} h^{x,s}_i(u)&=& \mathbb{E}^{u,p}[\Sigma(x^+,u,a)|a=i] \nonumber \\ &=&(P(i)q)_s \Sigma(F(x,u),u,i) \nonumber \\ && \hspace{.5cm}+(1-(P(i)q)_s)\Sigma(F(x,0),u,i). \end{eqnarray} Under Assumption~\ref{sigma.A3}, each function $h_i^{x,s}(\cdot)$ is continuous, convex and coercive for every $s\in\mathcal{F}$ and $x\in\mathbb{R}^n$. \begin{theorem}\label{BO.T4} Under Assumption~\ref{sigma.A3}, for every initial pair $(x,s)$, the one-stage ANC game has a finite value, i.e., $ -\infty<J_1=J_2<\infty, $ and the game has a (possibly non-unique) saddle point. Furthermore, for every $x$, there exists a compact set $U(x)\subset \mathbb{R}^m$ which contains the controller's optimal response $u^*=u^*(x,s)$ and is such that \begin{eqnarray} J_1&=&\inf_{u\in U(x)} \sup_{p\in \mathcal{S}_{N-1}} \mathbb{E}^{u,p} \Sigma(x^+,u,a) \label{inf_U_sup} \\ &=&\sup_{p\in \mathcal{S}_{N-1}} \inf_{u\in U(x)} \mathbb{E}^{u,p} \Sigma(x^+,u,a) = J_2. \label{J1J2} \end{eqnarray} \end{theorem} Unlike standard results on the existence of a saddle point in a static zero-sum convex-concave game~\cite{B&O}, the strategy space of the minimizer is not bounded in the game (\ref{inf_sup}), (\ref{sup_inf}). Theorem~\ref{BO.T4} shows that the minimization over $u\in\mathbb{R}^m$ in (\ref{inf_sup}) and (\ref{sup_inf}) can be reduced to a minimization over a compact set. According to (\ref{J1J2}), every saddle point of the static game played on $U(x)\times \mathcal{S}_{N-1}$ is a saddle point of the game played on $\mathbb{R}^m\times \mathcal{S}_{N-1}$. \subsection{General sufficient conditions for the existence of optimal non-pure jammer strategies}\label{main.1} Theorem~\ref{BO.T4} asserts the existence of a saddle-point strategy for the ANC game~(\ref{equi-point.t.0}). However, it does not answer the question as to whether the jammer's corresponding strategy is randomized or not, which is of central importance for a possibility of intelligent jamming attacks. To answer this question, we now provide sufficient and, under additional technical assumptions, necessary and sufficient conditions for the existence of non-pure saddle points in the ANC game~(\ref{equi-point.t.0}). These conditions characterize the controller-jammer games in which the jammer randomizes its choice of optimal strategies. As we will see in Section~\ref{Examples}, this will force the controller to respond in a non-obvious manner in order to remain optimal. \begin{lemma}\label{suff_cond} Let $H=[H_1,\ldots, H_N]'$ be a convex vector-valued function $\mathbb{R}^m \rightarrow \mathbb{R}^{N} $ (i.e., each component of $H$ is a convex function). Assume there exist $u^* \in \mathbb{R}^m$ and a set $\mathcal{G} \subset \mathcal{A}$ with $|\mathcal{G}| \geq 2$ such that \begin{enumerate}[(a)] \item $H_i(u^*) = \max_{1 \leq j \leq N} H_j(u^*)$ for all $i \in \mathcal{G}$. \item For all $u \neq u^*$, there exists $i \in \mathcal{G}$ such that $H_i(u) > H_i(u^*)$. \item $u^*$ is not a minimum of any $H_i$, $i \in \mathcal{G}$. \end{enumerate} Then, there exists a non-pure vector $p^* \in \mathcal{S}_{N-1}$, with support $I( p^* ) \subseteq \mathcal{G}$ such that \begin{eqnarray*} \inf_{u\in \mathbb{R}^m}\! \sup_{p \in \mathcal{S}_{N-1}}\! p' H(u) &=& (p^*)' H(u^*) = \!\!\sup_{p \in \mathcal{S}_{N-1}}\! \inf_{u\in \mathbb{R}^m}\! p' H(u). \end{eqnarray*} \end{lemma} Our first result about the ANC game (\ref{equi-point.t.0}) now follows. \begin{theorem} \label{Suff_theorem} Suppose Assumption~\ref{sigma.A3} holds and for every $x\in\mathbb{R}^n$, $s\in\mathcal{F}$, the function $ H(u)\triangleq h^{x,s}(u)=[h_1^{x,s}(u),\ldots, h_{N}^{c,s}(u)]' $ satisfies conditions (a)-(c) of Lemma~\ref{suff_cond}; i.e., there exist $u^*$ and a set $\mathcal{G}\subset \mathcal{A}$ for which conditions (a)-(c) hold. Then the static ANC game (\ref{equi-point.t.0}) has a non-pure saddle point $(u^*,p^*)$. \end{theorem} Theorem~\ref{Suff_theorem} asserts the existence of a non-pure saddle point in the one-stage game under consideration. The jammer can use Theorem~\ref{Suff_theorem} to assess whether it can launch a randomized jamming attack, as follows. The jammer observes the state of the system $(x,s)$ and the control signal $u$, then checks whether $u$ belongs to the set \begin{eqnarray*} \mathcal{U}^{s,x}=\{u^*\colon \exists \mathcal{G}\subseteq\mathcal{A}, |\mathcal{G}|\ge 2, \mbox{ s.t. $H(u^*)=h^{x,s}(u^*)$}\\\mbox{verifies conditions of Lemma~\ref{suff_cond}}\}. \end{eqnarray*} If $u\in\mathcal{U}^{s,x}$ and the corresponding set $\mathcal{G}$ exists, the jammer can launch an attack by randomly selecting $a\in \mathcal{G}$, according to an arbitrary probability distribution $p^*$ supported on $\mathcal{G}$ (it is shown in the proof of Lemma~\ref{suff_cond} that any such vector can serve as the jammer's best response; see Appendix). The controller also can carry out a similar analysis if it knows the state of the system $(x,s)$ and the set $\mathcal{A}$, to determine whether the control input $u$ it has chosen can trigger a randomized jamming behaviour. For this, the controller must verify whether $u\in\mathcal{U}^{s,x}$. When the controller does not know the transmission regime $s$, then a conservative test can be performed to check whether $u\in\cup_s\mathcal{U}^{s,x}$. Neither the jammer nor the controller need to compute their optimal strategies to perform this analysis. In the remainder of this Section and in Section~\ref{Examples}, we will further particularize conditions of Theorem~\ref{Suff_theorem}, to provide a better insight into how Theorem~\ref{Suff_theorem} enables such an analysis. Lemma \ref{suff_cond} and Theorem~\ref{Suff_theorem} make no assumption regarding the smoothness of the function $H$, which is useful for application to dynamic ANC games, where the game (\ref{inf_sup}), (\ref{sup_inf}) may arise as an Isaacs equation from application of the Dynamic Programming. The value function in such an equation may not be smooth (e.g., in~\cite{LaU3a} it was shown to be only piece-wise smooth). However, Theorem~\ref{Suff_theorem} can be sharpened when local differentiability holds. This will be demonstrated in the next section. \subsection{Necessary and sufficient conditions for strategic jamming}\label{main.2} The analysis in this section requires control inputs $u$ to be one-dimensional, and the functions $h_i^{x,s}(\cdot)$, $i\in \mathcal{G}$ must be piece-wise smooth. Furthermore, we assume that the set $\mathcal{G}$ consists of only two actions, $\mathcal{G}=\{a_1,a_2\}$. \begin{assumption}\label{sigma.A1'} Suppose the space of control inputs is one-dimensional. Also, for every $x\in \mathbb{R}^n$, $a\in\mathcal{A}$, the functions $\Sigma(F(x,\cdot),\cdot,a)$ and $\Sigma(F(x,0),\cdot,a)$ are convex functions defined on $\mathbb{R}^1$, which are continuously differentiable on $\mathbb{R}^1$, perhaps with the exception of a finite number of points; let $U^d(x)$ be the set of such points. \end{assumption} Clearly, under Assumption~\ref{sigma.A1'}, the functions $h_{a_1}^{x,s}(\cdot)$, $h_{a_2}^{x,s}(\cdot)$ are convex. Also, these functions are continuously differentiable at every $u$, except for $u\in U^d$. \begin{theorem}\label{saddle.point} Suppose Assumption \ref{sigma.A1'} holds. \begin{enumerate}[(i)] \item If for every $x,s$, there exists $\bar u\not\in U^d$ such that \begin{eqnarray}\label{F=F} && h_{a_1}^{x,s}(\bar u)=h_{a_2}^{x,s}(\bar u), \\ \label{FF>F} &&h_i^{x,s}(\bar u)\ge h_a^{x,s}(\bar u), \quad \forall i\in\mathcal{G}, a\not\in \mathcal{G}, \end{eqnarray} and one of the following conditions hold: either \begin{equation}\label{dF.dF<0} \left(\frac{d h_{a_1}^{x,s}(\bar u)}{d u}\right) \left(\frac{d h_{a_2}^{c,s}(\bar u)}{d u}\right)<0, \end{equation} or \begin{equation}\label{dF=dF=0} \frac{dh_{a_1}^{x,s}(\bar u)}{d u}= \frac{dh_{a_2}^{x,s}( \bar u)}{d u}=0, \end{equation} then the zero-sum game (\ref{inf_sup}) admits a non-pure saddle point $(u^*, p^*)$, $u^*\not\in U^d$, with $p^*$ supported on $\mathcal{G}=\{a_1,a_2\}$. \item Conversely, if the zero-sum game (\ref{inf_sup}) admits a non-pure saddle point $(u^*, p^*)$, $u^*\not\in U^d$, with $p^*$ supported on $\mathcal{G}=\{a_1,a_2\}$, then there exists $\bar u\not\in U^d$ such that either (\ref{F=F}), (\ref{dF.dF<0}) or (\ref{F=F}), (\ref{dF=dF=0}) hold. \end{enumerate} \end{theorem} The conditions of Theorem~\ref{saddle.point} are illustrated in Figure~\ref{h.figure}. \begin{figure}[t] \psfrag{u2}{$\bar u$} \psfrag{u1}{$u^0$} \psfrag{h1}{$h_{a_1}^{x,s}$} \psfrag{h2}{$h_{a_2}^{x,s}$} \centering \subfigure[\label{(a)}]{% \includegraphics[width=0.2\textwidth]{h1.eps} } \quad \subfigure[\label{(b)}]{% \includegraphics[width=0.2\textwidth]{h2.eps} } \caption{Graphs of the functions $h_{a_1}^{x,s}( \cdot), h_{a_2}^{x,s}(\cdot)$ in Theorem~\ref{saddle.point}. In Fig.~(a), $\bar u$ satisfies conditions (\ref{F=F}) and (\ref{dF.dF<0}), but $u^0$ does not satisfy (\ref{dF.dF<0}). In Fig.~(b), $\bar u$ satisfies both (\ref{F=F}) and (\ref{dF=dF=0}).} \label{h.figure} \end{figure} We note that conditions (\ref{F=F}), (\ref{FF>F}) are a special case of condition~(a) of Theorem~\ref{Suff_theorem}. Also, it will be shown in the proof of this theorem in the Appendix that conditions (b) and (c) of Theorem~\ref{Suff_theorem} follow from condition (\ref{dF.dF<0}) when $h_{a_1}^{x,s}(\cdot)$ and $h_{a_2}^{x,s}(\cdot)$ are smooth and strictly convex. On the other hand, condition (\ref{dF=dF=0}) was ruled out in Theorem~\ref{Suff_theorem}; see condition (c) in that theorem. Indeed, conditions (\ref{dF.dF<0}) and (\ref{dF=dF=0}) are mutually exclusive. \subsection{Rewarding certain actions leads to randomized jamming strategies}\label{main.3} Attacker's decisions to pass/block transmission of control information may be based on considerations other than cost to the controller. These considerations encoded in the jamming cost $g^0(a,s)$ in (\ref{sigma}) may either discourage the jammer from launching an attack, or conversely encourage it to undertake a denial-of-service attack. The cost of link switching may be one consideration behind the jammer's decisions whether to launch an attack. Also, the jammer may be rewarded for being inactive to ensure it is not detected; e.g., this situation may occur when the controller monitors the communication link, and an anomaly in the link behaviour can reveal the jammer. In this section we show that when the attacker is rewarded for undertaking certain actions, a set $\mathcal{G}$ considered in Lemma~\ref{suff_cond} and Theorem~\ref{Suff_theorem} arises naturally. Most generally, the reward scenario can be captured by reserving special actions in the jammer's action space $\mathcal{A}$; such actions will typically attract a distinctly different cost. For simplicity let $a_\circ$ be the only reserved action. Next, suppose the remaining actions are ranked in accordance with their contribution to the game payoff. \begin{assumption}\label{sigma.A2} For any two actions $j,k\in\mathcal{A}$, $j,k\neq a_\circ$, if $j<k$ then for all $ u\in \overset{\circ}U(x)$ \begin{eqnarray} \label{chan.ineq} \mathbb{E}^{u,p}[\Sigma(x^+,u,a)|a=j]> \mathbb{E}^{u,p}[\Sigma(x^+,u,a)|a=k], \end{eqnarray} here $\overset{\circ}U(x)$ is the interior of the compact set $U(x)$ from Theorem~\ref{BO.T4}. \end{assumption} Under Assumption~\ref{sigma.A2}, the jammer who seeks a higher value of the game will favour actions with lower numbers, since these actions generate larger payoff. In contrast, the controller should be forcing the jammer into utilizing actions with higher numbers. The reserved action $a_\circ$ has been excluded from ranking. Doing so is instrumental to provide the jammer with a genuine choice between taking the reward and blocking/passing transmission. We now show that using the action ranking from Assumption~\ref{sigma.A2}, the value and the saddle points of the game (\ref{inf_sup}) can be characterized by solving a game over a reduced jammer's action space $\mathcal{G}$ consisting of the reserved action $a_\circ$ and one of the remaining actions which delivers the highest payoff to the jammer when it seeks to block communications between the controller and the plant. Note that when $a_\circ\neq 1$, then according to (\ref{chan.ineq}), the jammer's highest payoff among `regular' (i.e., not reserved) actions is associated with action $a=1$. Alternatively, if $a_\circ= 1$, then according to (\ref{chan.ineq}), the highest payoff among the actions from $\mathcal{A}\backslash \{a_\circ\}$ is delivered when the jammer selects $a=2$. In both cases, the reduced action space will contain only two actions from $\mathcal{A}$; in the first case, $\mathcal{G}=\{1,a_\circ\}$, or $\mathcal{G}=\{1,2\}$ in the second case. The analysis of the reduced game is the same in both cases, therefore we only consider the case $\mathcal{G}=\{1,a_\circ\}$. In Section~\ref{Examples}, detailed examples will be given to illustrate this case. Now that the set $\mathcal{G}$ has been established, the existence of non-pure strategies in the ANC game with reserved actions can be derived from the results in the previous section. The first result is a corollary from Theorem~\ref{Suff_theorem} and is applicable when the control input is a vector. \begin{corollary}\label{Suff_theorem.2.a} Suppose Assumptions~\ref{sigma.A3} and~\ref{sigma.A2} hold. Furthermore, suppose that for given initial $x$, $s$ there exists $u^*=u^*(x,s) \in \overset{\circ}{U}$ such that the functions $h_1^{x,s}(\cdot)$, $h_{a_\circ}^{x,s}(\cdot)$ satisfy the conditions \begin{enumerate}[(a)] \item $h_1^{x,s}(u^*)=h_{a_\circ}^{x,s}(u^*)$; \item For all $u\neq u^*$, $h_1^{x,s}(u)>h_1^{x,s}(u^*)$ or $h_{a_\circ}^{x,s}(u)> h_{a_\circ}^{x,s}(u^*)$; \item $u^*$ is not a minimum of $h_1^{x,s}(\cdot)$, $h_{a_\circ}^{x,s}(\cdot)$. \end{enumerate} Then, the zero-sun game (\ref{inf_sup}), (\ref{sup_inf}) admits a non-pure saddle point $(u^*,p^*)$ with non-pure vector $p^*$ supported on $\mathcal{G}=\{1,a_\circ\}$. \end{corollary} \emph{Proof: } Under Assumption~\ref{sigma.A2}, $h_1^{x,s}(u^*)> h_k^{x,s}(u^*)$ $\forall k\not\in\{1,a_\circ\}$. Together with condition (a), this observation verifies condition (a) of Lemma~\ref{suff_cond}, with $\mathcal{G}=\{1,a_\circ\}$. Conditions (b) and (c) of that lemma trivially follow from (b) and (c) in this corollary. Thus, from Lemma~\ref{suff_cond}, the ANC game has a saddle point $(u^*, p^*)$ with $ p^*$ supported on $I( p^* ) \subseteq \mathcal{G}$. Since $|\mathcal{G}|=2$, and $p^*$ is not pure, then $|I(p^* )|=2$, i.e, $0< p^*_1<1$ and $0<p^*_{a_\circ}<1$. \hfill$\Box$ The second corollary follows from Theorem~\ref{saddle.point} and applies when the control input is scalar. It eliminates condition (\ref{FF>F}) which is the gap between the necessity and sufficiency statements in that theorem. \begin{corollary}\label{saddle.point.a} Suppose Assumptions~\ref{sigma.A1'}, \ref{sigma.A2} hold. The zero-sum game (\ref{inf_sup}) admits a non-pure saddle point $(u^*, p^*)$, $u^*\not\in U^d$, with $p^*$ supported on $\mathcal{G}=\{1,a_\circ\}$, if and only if there exists $\bar u\in \overset{\circ}U(x)\backslash U^d$ satisfying (\ref{F=F}) and either (\ref{dF.dF<0}) or (\ref{dF=dF=0}) with $a_1=1$ and $a_2=a_\circ$. \end{corollary} \emph{Proof: } The corollary directly follows from Theorem~\ref{saddle.point} since condition (\ref{FF>F}) of the sufficiency part of that theorem is trivially satisfied under Assumption~\ref{sigma.A2}. \subsection{Remarks on the single-stage payoff}\label{Remark-on-signle} The foregoing analysis of the single-stage ANC game (\ref{inf_sup}) has relied on the properties of conditional payoff functions $h_i^{x,s}(\cdot)=\mathbb{E}^{u,p}[\Sigma(x^+,\cdot,a)|a=i]$ which in turn follow from coercivity, convexity and continuity of $\Sigma(F(x,\cdot),\cdot,a)$ and $\Sigma(F(x,0),\cdot,a)$. Of course these properties can be readily validated from the corresponding properties of $\sigma^0$ and $\sigma^1$ through (\ref{sigma}). However, we stress that the results in this section are in fact more general in that they apply to functions $\Sigma$ more general than (\ref{sigma}); this observation will be useful in the next section. \section{Linear-quadratic controller-jammer games}\label{Examples} In this section, we specialize the results of Section~\ref{Static.ANC.Section} to one-stage controller-jammer ANC games where the plant (\ref{plant.t}) is linear, and hence (\ref{plant}) becomes \begin{equation} \label{plant.lin} x^+ = A x + b Bu, \end{equation} and the cost of control is quadratic. Also, we give examples of the situations alluded in Section~\ref{Static.ANC.Section}, where rewarding certain actions leads to randomized jamming. Two such games will be considered. In the first game the jammer is rewarded for remaining stealthy, while in the second game its decisions are determined by the premium the controller must pay for terminating the game (e.g., as a cost of repair or cost of re-routing control signals). We show that in both games, there is a region in the plant state space where the jammer's optimal policy is to randomize among its actions, and an optimal control response to this jamming policy is nonlinear. We will also revisit the game from~\cite{Abhi} and will show that the deterministically predictable behaviour of the jammer observed in~\cite{Abhi} can be predicted using our results. In order to provide a clear context of the attack strategies resulting from these games we revisit the intelligent DoS by re-routing; see Section~\ref{relation}. That is, we assume that the jammer's actions are to randomly select one of the available communication channels, i.e., $\mathcal{A}=\mathcal{F}$, and $P(a)$ is defined as in (\ref{Pt.1}). In addition, we will assume that $u\in\mathbb{R}^1$; this will allow us to apply Theorem~\ref{saddle.point} and, under Assumption~\ref{sigma.A2}, Corollary~\ref{saddle.point.a}. Thanks to the linear-quadratic nature of the games, in all three problems the conditional expected payoff (\ref{hj}), given the jammer's action $a=j$, will have the form\footnote{The superscript $^{x,s}$ is suppressed in this section, for economy of notation.} \begin{eqnarray} h_j(u) &=&\gamma_j(x)+u^2+r_jq_ju(u+2\beta(x)), \label{hj.LaU3} \end{eqnarray} where $r_j\ge 0$ is a constant, and $\gamma_j(x)\ge 0$ for all $j$. Also, all available channels are assumed to be ordered according to their probability to become passing, that is, the probabilities (\ref{q_j}) are assumed to be ordered as \begin{eqnarray} q_1<q_2<\ldots<q_n. \label{qq} \end{eqnarray} \begin{lemma}\label{U.LQ} The set $U(x)=\{u:~u(u+2\beta(x)) \le 0 \}$ verifies properties stated in Theorem~\ref{BO.T4}. Also, let $a_\circ\neq 1$ denote a reserved action, and suppose $r_j=r>0$ and $\gamma_j(x)=\gamma(x)$ for all $j\neq a_\circ$. Then under condition (\ref{qq}), Assumption~\ref{sigma.A2} is also satisfied with $U(x)$ defined above. \end{lemma} \emph{Proof: } We fix $x$ and assume $\beta(x)>0$. The case $\beta(x)<0$ can be analyzed in a similar manner, while the case $\beta(x)=0$ is trivial. The functions $h_j(u)$ defined in (\ref{hj.LaU3}) are continuous and strictly convex in $u$. They are monotone decreasing on the interval $(-\infty,-2\beta(x)]$ and are monotone increasing on the interval $[0,+\infty)$. Therefore, $\hat h(u)=\max_j h_j(u)$ and $\bar h(u)=\sum_j p_jh_j(u)$ are also monotone decreasing on the interval $(-\infty,-2\beta(x)]$ and are monotone increasing on $[0,+\infty)$. Since both functions are continuous, \begin{eqnarray*} && \min_{u\le -2\beta(x)}\hat h(u) = \hat h(-2\beta(x)), \qquad \min_{u\ge 0}\hat h(u) = \hat h(0), \\ && \min_{u\le -2\beta(x)} \bar h(u) = \bar h(-2\beta(x)), \qquad \min_{u\ge 0} \bar h(u) = \bar h(0). \end{eqnarray*} Therefore, since the set $U(x)$ is closed and contains the points $0$ and $-2\beta(x)$, then \begin{eqnarray*} \lefteqn{\inf_u \sup_{p\in\mathcal{S}_{N-1}} \bar h(u)= \inf_u \hat h(u)} && \\ &=&\min\left[ \inf_{u\le -2\beta(x)} \hat h(u), \inf_{u\in U(x)}\hat h(u), \inf_{u\ge 0}\hat h(u)\right] \\ &=& \inf_{u\in U(x)}\hat h(u)=\inf_{u\in U(x)}\sup_{p\in\mathcal{S}_{N-1}} \bar h(u). \end{eqnarray*} Also, for every $p\in \mathcal{S}_{N-1}$, $\inf_u \bar h(u)$ is attained at $u=-\frac{\sum_j p_jr_jq_j}{1+\sum_j p_jr_jq_j}\beta(x)\in U(x)$, therefore $\displaystyle \inf_u \bar h(u)= \inf_{u\in U(x)}\bar h(u)$ and $ \displaystyle\sup_{p\in\mathcal{S}_{N-1}}\inf_u \bar h(u)= \sup_{p\in\mathcal{S}_{N-1}} \inf_{u\in U(x)}\bar h(u). $ This proves that an optimal response of the minimizing player in the game (\ref{inf_sup}) lies within the interval $[-2\beta(x),0]$. To verify the second claim of the lemma, we note that for any $j,k\neq a_\circ$ if $j>k$ then due to (\ref{qq}) $h_j(u)<h_k(u)$ for all $u\in (-2\beta(x),0)$ i.e., (\ref{chan.ineq}) is satisfied. \hfill$\Box$ \subsection{LQ control under reward for stealthiness}\label{LQR.reward.section} Consider a controller-jammer game for the plant (\ref{plant.lin}) with initial conditions $x^0=x$ and $s^{0}=s$ and the quadratic payoff (\ref{sigma}), with $\sigma^0(x,u)=\|x\|^2+u^2$, $\sigma^1(x^+)=\|x^+\|^2$, $g^0(a,s)=-\tau \delta_{a,s}$. Here, $\tau>0$ is the constant payoff which the jammer receives if it does not re-route control packets through a different channel. The rationale here is to reward the jammer for not switching channels when excessive switching may reveal its presence (hence rewarding stealthiness), or may drain its resources. Thus, the reserved action is to maintain transmission through the initial channel $s$, i.e., $a_\circ=s$. The corresponding function $\Sigma$ (\ref{sigma}) in this case is \begin{equation} \Sigma(x^+,u,a)=\begin{cases} \|x\|^2+u^2+\|x^+\|^2, & a\neq s, \\ \|x\|^2+u^2+\|x^+\|^2+\tau, & a=s, \end{cases} \label{LQ.cost.sigma} \end{equation} and the static LQ ANC game is to find a control strategy $u^*$ and a jammer's non-pure strategy $p^*$ which form a saddle point of the game (\ref{inf_sup}) for the plant (\ref{plant.lin}), with the payoff (\ref{LQ.cost.sigma}). We now show that Corollary~\ref{saddle.point.a} can be used for that. Indeed, the functions $h_j(u)=\mathbb{E}^{u,p}[\Sigma(x^+,u,a)|a=j]$ have the form (\ref{hj.LaU3}), with $\gamma_j(x)= x'(I+A'A)x$, $j\neq s$ $\gamma_s(x)=x'(I+A'A)x+\tau$, and $\beta(x)=\frac{1}{\|B\|^2}B'Ax$, $r_j=\|B\|^2$ for all $j\in\mathcal{A}$. According to Lemma~\ref{U.LQ}, with $a_\circ=s$, Assumption~\ref{sigma.A2} is satisfied in this special case. Furthermore, Assumption~\ref{sigma.A1'} is also satisfied, due to linearity of the plant and a quadratic nature of the payoff. Then the analysis of the ANC game can be reduced to verifying whether the payoff functions for the reduced zero-sum game, namely $h_1^{x,s}(u)= h_1(u)$ and $h_{a_\circ}^{x,s}(u)= h_s(u)$ satisfy the conditions of Corollary~\ref{saddle.point.a}. Using (\ref{hj.LaU3}), condition (\ref{F=F}) reduces to the equation to be solved for $\bar u\in (-2\beta(x),0)$, \begin{equation} \label{F=F.LQ} \bar u \left(\bar u + \frac{2}{\|B\|^2}B'Ax\right)= \frac{\tau}{\|B\|^2(q_1-q_s)}, \end{equation} which admits real solutions if $\frac{1}{\|B\|^2}x'A'BB'Ax\ge \frac{\tau}{q_s-q_1}$. Also, condition (\ref{dF.dF<0}) reduces to the condition \begin{equation} \label{dF.dF<0.LQ} -\frac{\|B\|^2q_s}{1+\|B\|^2q_s}< \bar u < -\frac{\|B\|^2q_1}{1+\|B\|^2q_1}. \end{equation} The analysis of conditions (\ref{F=F.LQ}), (\ref{dF.dF<0.LQ}) shows that only one of the solutions of equation (\ref{F=F.LQ}), namely \begin{eqnarray} \bar u&\triangleq &u^*\!=\! -\frac{1}{\|B\|^2}B'Ax\!\left(\!1-\!\sqrt{\frac{\tau \|B\|^2}{(q_1-q_s)x'A'BB'Ax}}\!\right) \quad \label{u*} \end{eqnarray} satisfies (\ref{dF.dF<0.LQ}) provided \begin{eqnarray} &&R_1< x'A'BB'Ax <R_s, \label{z.LaU3a} \\ && R_1\triangleq \frac{(1+\|B\|^2q_1)^2}{(1+\|B\|^2q_1)^2-1}\frac{q_s-q_1}{\tau \|B\|^2}, \nonumber \\ && R_s\triangleq \frac{(1+\|B\|^2q_s)^2}{(1+\|B\|^2q_s)^2-1}\frac{q_s-q_1}{\tau \|B\|^2}. \nonumber \end{eqnarray} Condition (\ref{z.LaU3a}) describes the region in the state space in which the jammer's optimal policy is to choose randomly between the initial channel $s$ and the most blocking channel $1$. In the case where the plant (\ref{plant.lin}) is scalar and $B=1$, we recover exactly the condition obtained in~\cite{LaU3a} by direct computation. That is, Corollary~\ref{saddle.point} confirms the existence of the jammer's non-pure optimal strategy for this region. We refer the reader to~\cite{LaU3a} for the exact value of the optimal vector $p^*$; the calculation for the multidimensional plant (\ref{plant.lin}) follows same lines, and is omitted for the sake of brevity. We also point out that the optimal controller's policy (\ref{u*}) is nonlinear. Let us now compare quadratic performance of the optimal response control $u^*$ with performance of the optimal guaranteed cost control law designed to control the plant (\ref{plant.lin}) over a \emph{bona fide} packet dropping link with unknown probability distribution of packet dropouts. Since the controller is unaware of the attack and is also unaware of the precise statistical characteristics of the channel, such a control strategy is a natural choice. Let $d$ denote the unknown probability distribution of the transmission state of a packet dropping link perceived by the controller. The set of all feasible probability distributions $d$ is denoted $D$. The optimal guaranteed performance control $u^{\textrm{LQR}}$ is characterized by the condition \begin{eqnarray} \lefteqn{\sup_{d\in D} \mathbb{E}^d[\|x\|^2+|u^{\textrm{LQR}}|^2+\|x^+\|^2]} && \nonumber \\ &=&\inf_u\sup_{d\in D} \mathbb{E}^d[\|x\|^2+|u|^2+\|x^+\|^2]; \label{lqr.opt} \end{eqnarray} here $\mathbb{E}^d$ denotes the expectation with respect to the probability vector $d$. In particular, when the link is optimally controlled by the jammer, we have $d^*=[(p^*)'q,~(1-(p^*)'q)]'$. Hence when $d^*\in D$, then \begin{eqnarray} \lefteqn{\mathbb{E}^{u^{\textrm{LQR}},p^*}[\|x\|^2+|u^{\textrm{LQR}}|^2+\|x^+\|^2]} && \nonumber \\ &\le& \sup_{d\in D} \mathbb{E}^d[\|x\|^2+|u^{\textrm{LQR}}|^2+\|x^+\|^2] \nonumber \\ &=&\inf_u\sup_{d\in D} \mathbb{E}^d[\|x\|^2+|u|^2+\|x^+\|^2]. \label{lqr.saddle.point.2} \end{eqnarray} On the other hand, since $(u^*,p^*)$ is the saddle point of the one-stage min-max ANC game which we have shown to admit the upper value, we conclude that for all $u$, \begin{eqnarray} \lefteqn{\mathbb{E}^{u^*,p^*}[\|x\|^2+|u^*|^2+\|x^+\|^2+\delta_{a,s}\tau]} && \nonumber \\ &\le& \mathbb{E}^{u,p^*}[\|x\|^2+|u|^2+\|x^+\|^2+\delta_{a,s}\tau]. \label{lqr.saddle.point} \end{eqnarray} Drop the term $\mathbb{E}^{u^*,p^*}[\delta_{a,s}\tau] =\mathbb{E}^{u,p^*}[\delta_{a,s}\tau]=p_s^*\tau$ on both sides of (\ref{lqr.saddle.point}), it then follows from (\ref{lqr.saddle.point.2}), (\ref{lqr.saddle.point}) \begin{eqnarray} \lefteqn{\mathbb{E}^{u^*,p^*}[\|x\|^2+|u^*|^2+\|x^+\|^2]} && \nonumber \\ &\le& \inf_u\sup_{d\in D} \mathbb{E}^d[\|x\|^2+|u|^2+\|x^+\|^2]. \label{lqr.saddle.point.3} \end{eqnarray} This argument shows that when the jammer exercises its optimal randomized strategy, unbeknownst to the controller, and forces the latter to perceive the communication link as a benign uncertain packet dropping channel, the guaranteed cost control law designed under this assumption will have an inferior performance, compared with $u^*$, provided $d^*\in D$. We interpret this situation as a signature of a successful DoS attack by the jammer. From the above analysis, it appears that a possible line of defence against the DoS attack analyzed in this section could be controlling the system so as to avoid the region defined by (\ref{z.LaU3a}). In this case, the jammer will be forced to deterministically route control packets over the genuine, albeit most damaging, packet dropping channel. An impact of this defense on the system performance is an open problem which will be studied in future work. \subsection{Linear quadratic game with cost on loss of control} We again consider the plant (\ref{plant.lin}), but with the payoff \begin{equation*} \|x\|^2+v^2+\|x^+\|^2 =\|x\|^2+b^2u^2+\|x^+\|^2. \label{LQ.cost.Abhi} \end{equation*} This is a one-step version of the payoff considered in~\cite{Abhi}. The payoff in this game directly depends on whether the control input is blocked. In this case, the functions $h_j$ have a form slightly different from those in Section~\ref{LQR.reward.section}: \begin{eqnarray*} h_j(u)&=&x'(I+A'A)x \\ && +q_j(1+\|B\|^2)u\left(u+\frac{2}{1+\|B\|^2}B'Ax\right). \end{eqnarray*} According to Lemma~\ref{U.LQ}, Assumption~\ref{sigma.A2} is still satisfied (with the reserved action $a_\circ=s$), and we can attempt to apply Corollary~\ref{saddle.point.a}. For every $x\neq 0$, two points solve condition (\ref{F=F}), $ \bar u=0$ and $\bar u=-\frac{2}{1+\|B\|^2}B'Ax$, but none of them satisfy conditions (\ref{dF.dF<0}) or (\ref{dF=dF=0}). Hence, the jammer's optimal strategy is to switch to the most blocking channel $1$, instead of randomizing between $s$ and $1$. This finding is consistent with the result obtained in~\cite{Abhi}. \subsection{Linear-quadratic game with termination payoff} In this example, suppose the controller chooses a channel $s$ to transmit information and receives messages from the plant as to which channel was used for transmission. Once the controller detects change, it terminates the game and pays a termination fee $T$, otherwise its terminal cost is a regular state-dependent cost $\sigma^1(x^+)$. The jammer has a choice between disrupting that channel $s$ and thus revealing itself, and holding off the attack to remain undetected. The game payoff is then \[ \Sigma(x^+,u,a)=\|x\|^2+u^2+(1-\delta_{a,s})T + \delta_{a,s}\|x^+\|^2. \] Owing to the term $\delta_{a,s}\|x^+\|^2$, this payoff is not of the form (\ref{sigma}), however its conditional expectation given $a=j$ has the form (\ref{hj.LaU3}), with $\gamma_j(x)=\|x\|^2+T$, $r_j=0$, $j\neq s$, $\gamma_s(x)=x'(I+A'A)x$, $r_s=\|B\|^2$, and $\beta(x)=\frac{1}{\|B\|^2}B'Ax$; it satisfies all the convexity and coercivity conditions required in Section~\ref{Static.ANC.Section}, hence the results developed in Section~\ref{Static.ANC.Section} can be applied in this problem; see the remarks in Section~\ref{Remark-on-signle}. Without loss of generality, we only consider the case where $B'Ax\le 0$. The analysis of the case $B'Ax\ge 0$ follows the same lines. In the game considered, all the channels except $s$ have equal value for the jammer. Essentially, the jammer has to choose between two actions: allow the controller to use its chosen channel $s$ or reveal itself by selecting some other channel, e.g., channel 1. For that reason, we select $\mathcal{G}=\{1,s\}$ and proceed using Theorem~\ref{saddle.point}. Naturally, we assume $s\neq 1$, since the case $s=1$ is trivial. According to our selection of the set $\mathcal{G}$, the functions $h_{a_1}^{x,s}$ and $h_{a_2}^{x,s}$ in Theorem~\ref{saddle.point} are $h_1$ and $h_s$ from~(\ref{hj.LaU3}), respectively. It can be shown that if $B'Ax\le 0$, $T\ge x'A'(I-\frac{q_s}{\|B\|^2}BB')Ax$, then \begin{eqnarray} \bar u=u^*&=&-\frac{1}{\|B\|^2}B'Ax \nonumber \\ &+&\sqrt{\frac{\|B\|^2T-x'A'(\|B\|^2I-(q_s)BB')Ax}{\|B\|^4q_s}} \quad \label{baru.g2} \end{eqnarray} validates conditions (\ref{F=F}), (\ref{dF.dF<0}) of Theorem~\ref{saddle.point} when \begin{equation} \bar u<0 \quad \mbox{and} \quad (1+\|B\|^2q_s)\bar u + (q_s)x'A'B>0. \label{int.x.2} \end{equation} Substituting (\ref{baru.g2}) into (\ref{int.x.2}) yields \begin{eqnarray} &&x'\!A'\!Ax\!>\! T,~~ T\!>\!x'A'\!\left(\!I\!-\!\frac{(2+\|B\|^2q_s)q_s^2}{(1+\|B\|^2q_s)^2}BB'\!\right)\! Ax.\qquad \label{int.x.3} \end{eqnarray} Note that $ I-\frac{(2+\|B\|^2q_s)q_s^2}{(1+\|B\|^2q_s)^2}BB'>I-\frac{q_s}{\|B\|^2}BB'>0. $ Therefore the region in the plant's state space where the game has a non-pure saddle point is the intersection of the interior of the ellipsoid defined by condition (\ref{int.x.3}) and the set $\{x:~ \|Ax\|^2> T\}$. Such an intersection is clearly not an empty set, since $I-\frac{(2+q_s\|B\|^2)q_s^2}{(1+\|B\|^2q_s)^2}BB'<I$. Once again, as in Section~\ref{LQR.reward.section}, our analysis discovers a region in the state space where the jammer's optimal strategy is to act randomly. In fact, in this problem the choice is between allowing transmission through the channel $s$ selected by the controller and switching to some other channel --- no matter which channel is selected to replace $s$, the value of the game is not affected by this selection. The jammer's optimal policy vector $p^*$ can be computed directly in this problem to be an arbitrary vector in $\mathcal{S}_{N-1}$ with the $s$-th component being equal to \begin{eqnarray} \label{p*.T} p_s^*&=&-\frac{1}{\|B\|^2q_s} \nonumber \\ &\times&\!\left(\!1-\! \sqrt{\frac{(q_s)x'A'Ax}{\|B\|^2T-x'A'(\|B\|^2I-(q_s)BB')Ax}}\!\right). \end{eqnarray} Again, as in Section~\ref{LQR.reward.section}, the controller's best response is nonlinear in $x$. \section{Existence of saddle-point strategies for multistage finite horizon ANC games}\label{multistage} In this section we extend some of our previous results about the existence of saddle-point strategies to the case of the multistage ANC game (\ref{equi-point.t}). The game was posed in Section~\ref{sec_mod}, but our generalization will be concerned with a special case where the function $F_t$ is a linear function, $F_t(x,v)=A_tx+B_tv$, where $A_t$, $B_t$ are matrices of matching dimensions. That is, we restrict attention to linear systems of the form \begin{equation} \label{plant.t.linear} x^{t+1}=A_tx^t+b^tB_tu^t. \end{equation} \begin{assumption}\label{CL.assum} \begin{enumerate}[(i)] \item For every $t=0,\ldots,T-1$, there exist scalars $e_t,d_t$ and functions $\alpha_t, \beta_t: \mathbb{R}_+ \rightarrow \mathbb{R}$, with $\lim_{y \rightarrow +\infty} \alpha_t(y) = \lim_{y \rightarrow +\infty} \beta_t(y) = +\infty $ and $\alpha_t(y) \geq e_t$, $\beta_t(y) \geq d_t$ such that \[ \sigma^t(u,x) \geq \alpha_t(\|u\|) + \beta_t(\|x\|) \quad \forall x \in \mathbb{R}^n, u \in \mathbb{R}^m. \] \item For all $t=0,\ldots,T-1$, the function $\sigma^t: \mathbb{R}^n \times \mathbb{R}^m \rightarrow \mathbb{R}_+$ is convex in both its arguments. \item The function $\sigma^T: \mathbb{R}^n \rightarrow \mathbb{R}_+$ is convex and there exist a scalar $d_T$ and a function $\beta_T: \mathbb{R}_+ \rightarrow \mathbb{R}_+$, with $ \lim_{y \rightarrow +\infty} \beta_T(y) = +\infty $ and $\beta_T(y) \geq d_T$ such that \[ \sigma^T(x) \geq \beta_T(\|x\|). \] \end{enumerate} \end{assumption} \begin{assumption}\label{contin} The function $\sigma^T(\cdot)$ is continuous. Furthermore, for every $t=0,\ldots,T-1$, the function $\sigma^t(\cdot,u)$ is continuous uniformly in $u\in \mathbb{R}^m$. Also, the functions $\sigma^t(x,\cdot)$ are continuous for every $x\in \mathbb{R}^n$. \end{assumption} The main result of this section is now presented. \begin{theorem} \label{exist_theo} Suppose Assumptions~\ref{CL.assum} and~\ref{contin} hold. Then the value functions $\{V_t\}_{t=0}^T$ of the ANC game (\ref{equi-point.t}) defined recursively by \begin{eqnarray} V_T(x,s) &=& \sigma^T(x) - g^T(s), \nonumber \\ V_t(x,s) &=& \inf_{u \in \mathbb{R}^n} \sup_{p \in \mathcal{S}_{N-1}} p' \mathcal{V}_t(x,s,u) \label{infsup_t} \\ &= & \sup_{p \in \mathcal{S}_{N-1}} \inf_{u \in \mathbb{R}^n} p'\mathcal{V}_t(x,s,u). \label{supinf_t} \end{eqnarray} for all $t=0,\ldots,T-1$ and $x\in\mathbb{R}^n$, $s\in\mathcal{F}$, where $\mathcal{V}_t$ is a function $\mathcal{X}\times \mathbb{R}^m\to \mathbb{R}^{N}$ with components \begin{eqnarray} \lefteqn{[\mathcal{V}_t(x,s,u)]_a\triangleq \sigma^t(x,u) - g^t(a,s)} && \nonumber \\ &&+ \mathbb{E}_t\!\left[V_{t+1}(x^{t+1},s^{t+1})| x^t\!=\!x, s^t\!=\!s, u^t\!=\!u, a^t \!=\! a\right], \qquad \label{calV} \end{eqnarray} are all well defined, convex and continuous in $x$. Furthermore, the strategy pair ($u^*,p^*$) defined by \begin{eqnarray} (u^*)^t&=&\arg \inf_{u \in \mathbb{R}^n} \sup_{p \in \mathcal{S}_{N-1}} p' \mathcal{V}_t(x,s,u), \\ (p^*)^t&=& \arg \sup_{p \in \mathcal{S}_{N-1}} \inf_{u \in \mathbb{R}^n} p' \mathcal{V}_t(x,s,u), \end{eqnarray} is a saddle-point strategy of the ANC game (\ref{equi-point.t}). \end{theorem} Theorem~\ref{exist_theo} introduces the HJBI equation for the ANC game~(\ref{equi-point.t}) associated with the linear plant (\ref{plant.t.linear}), see (\ref{infsup_t}), (\ref{supinf_t}). Such an equation reduces finding jammer's optimal strategies and the corresponding controller's best responses for the multi-step ANC problem to a one-step game-type problem of the type considered in the previous sections. Unfortunately, even for linear plants it appears to be difficult to obtain an analytical answer to the question whether the jammer's corresponding optimal strategy is randomized or not. The main difficulty appears to be obtaining a closed form expression for $V_t(x,s)$ --- of course, the tools developed in the previous sections can be used to characterize a possibility of non-pure equilibria numerically. An alternative is to consider greedy jamming strategies, where at each time step the jammer pursues a strategy which is (sub)optimal only at this particular time. For example, one possibility is to use a lower bound for $V_{t+1}$ in the HJBI equation~(\ref{calV}), \begin{eqnarray*} &&\inf_{u \in \mathbb{R}^n} \sup_{p \in \mathcal{S}_{N-1}} p' \tilde{\mathcal{V}}_t(x,s,u), \label{infsup_t.greedy} \\ \lefteqn{[\tilde{\mathcal{V}}_t(x,s,u)]_a\triangleq \sigma^t(x,u) - g^t(a,s)} && \nonumber \\ &&\quad + \mathbb{E}_t\left[\nu_{t+1}(\|A_tx+b^tB_tu\|)\big| s^t=s, a^t = a\right]. \label{calV.greedy} \end{eqnarray*} While not optimal, such greedy strategies may allow the jammer launch a randomized DoS attack which will likely be as difficult to detect as an optimal one. The effect of such an attack on the overall system performance and defence strategies against it are an open question. \section{Discussion and conclusions}\label{Conclusions} In this paper we have analyzed a class of control problems over adversarial communication links, in which the jammer strategically disrupts communications between the controller and the plant. Initially, we have posed the problem as a static game, and have given necessary and sufficient conditions for such a game to have a non-pure saddle point. This allows a characterization of a set of plant's initial states for which a DoS attack can be mounted that requires a nontrivial controller's response. For instance, in two linear quadratic problems analyzed in Section~\ref{Examples} the optimal control law is nonlinear. This gives the jammer an advantage over any linear control policy in those problems. The jammer achieves this by randomizing its choice of a packet-dropping transmission regime rather than direct jamming. In those problems, the part of the state space where the jammer randomizes is determined by the jammer's cost of switching (reward for not switching), cost of termination, and transition probabilities of the current and the most blocking regimes. If these parameters can be predicted/estimated by the controller, it has a chance of mitigating the attack by either eliminating those regions, or steering the plant so that it avoids visiting those regions. Also, a multi-stage finite-horizon game has been considered for linear plants. We have shown that equilibria for that game can be found by solving similar one-stage games, although in general it is difficult to obtain closed form solutions for these games, and one may need to resort to solving them numerically. As an alternative, a greedy suboptimal analysis has been proposed. Future work will be directed to further understanding conditions for DoS attacks, with the aim to obtain a deeper insight into dynamic/multi-step ANC problems. Another interesting question is whether associating a distinct payoff with one of the channels is necessary for the jammer to resort to randomization. The system closed-loop stability under the proposed randomized jamming attack is also an interesting problem, namely the question whether it is possible for the jammer to degrade control performance and avoid being caught due to causing an instability. Analysis of this problem requires a different, infinite horizon problem formulation. \section{Appendix}\label{Appendix} \subsection{Proof of Proposition~\ref{Markov}} Since the process $s^t$ is a Markov chain, for each $t=0,\ldots, T-1$ and an arbitrary measurable set $\Lambda\times S\subseteq \mathcal{X}$, \begin{eqnarray*} \lefteqn{\mathrm{Pr}(x^{t+1}\in\Lambda,s^{t+1}\in S|\{(x^\theta,s^\theta),u^\theta,a^\theta\}_{\theta=0}^t)}&& \nonumber \\ &&= \sum_{i\in S} P_{s^t, i}^t(a^t) \mathrm{Pr}(x^{t+1}\in\Lambda|s^{t+1}=i, \{(x^\theta,s^\theta),u^\theta, a^\theta\}_{\theta=0}^t). \nonumber \end{eqnarray*} Furthermore, from (\ref{q_j}) and (\ref{plant.t}), since given $s^{t+1}$, $b_t$ is conditionally independent of $\{(x^\theta,s^\theta),u^\theta, a^\theta\}_{\theta=0}^t$, then \begin{eqnarray} \label{markov.prob} \lefteqn{\mathrm{Pr}(x^{t+1}\in\Lambda,s^{t+1}\in S| \{(x^\theta,s^\theta),\{u^\theta,a^\theta\}_{\theta=0}^t)} && \nonumber \\ &&= \sum_{i\in S} \mathrm{Pr}(x^{t+1}\in\Lambda|s^{t+1}=i, x^t,u^t)P_{s^t,i}^t(a^t) \nonumber \\ &&= \mathrm{Pr}(x^{t+1}\in\Lambda,s^{t+1}\in S|x^t,s^t,u^t,a^t), \end{eqnarray} proving that $\{x^t,s^t\}_{t=0}^T$ is a Markov process. \subsection{Proof of Theorem~\ref{BO.T4}} First, we observe that since the function $h_a^{x,s}(\cdot)$ is continuous and coercive, then according to~\cite[Theorem~1.4.1]{PSU-1988}, $\inf_{u}h_a^{x,s}( u)>-\infty$. Let $\alpha_x$ be a constant such that $\alpha_x \ge \max_{a,s} \inf_{u} h_a^{x,s}( u)$. Owing to the coercivity property of $h_a^{x,s}(\cdot)$ there exists $M^{s}_a(x)$ such that if $\|u\|>M^{s}_a(x)$ then $ h_a^{x,s}(u) > \eta_a^{s,x}(\|u\|)> \alpha_x. $ Let $M(x)=\max_{a,s}M^{s}_a(x)$, and consider the ball $U(x)=\{u:\|u\|\le M(x)\}$. Then the following facts hold \begin{enumerate}[(i)] \item For all $s$, $U^{s}(x)\triangleq\{u: \max_{a\in\mathcal{A}} h_a^{x,s}(u)\le \alpha_x\} \subseteq U(x). \label{Uh.1} $ Indeed, if $u\in U^{s}(x)$, then $h_a^{x,s}(u)\le \alpha_x$ therefore $\|u\|\le M^{s}_a(x)\le M(x)$. \item Also, for all $p\in\mathcal{S}_{N-1}$ and $x\in\mathbb{R}^n$, $s\in \mathcal{F}$, \begin{equation} \{u: p'h^{x,s}(u) \le \alpha_x \}\subseteq U(x) \quad \forall p\in\mathcal{S}_{N-1}. \label{Uh.2} \end{equation} Indeed, if $\|u\|> M(x)$, then $h_a^{x,s}(u) > \alpha_x$ for all $a\in\mathcal{A}$ and we must have $p'h^{x,s}(u)>\alpha_x$. Therefore $p'h^{x,s}(u) \le \alpha_x$ implies that $\|u\|\le M(x)$. \end{enumerate} Using (i) and the fact that $p'h^{x,s}(u)$ is linear in $p$ and therefore $\sup_{p\in \mathcal{S}_{N-1}} p'h^{x,s}(u)=\max_{a\in \mathcal{A}} h^{x,s}_a(u)$, we obtain \begin{eqnarray} J_1 &=& \inf_{u\in \mathbb{R}^m}\max_{a\in \mathcal{A}} h_a^{x,s}(u) \le \inf_{u\in U(x)}\max_{a\in \mathcal{A}} h_a^{x,s}(u) \nonumber \\ & \le& \inf_{u\in U^{s}(x)}\max_{a\in \mathcal{A}} h_a^{x,s}(u)= \inf_{u\in U^{s}(x)}\sup_{p\in \mathcal{S}_{N-1}} p'h^{x,s}(u). \qquad \label{Uh.3} \end{eqnarray} On the other hand, by definition, for $u\in\mathbb{R}^m\backslash U^{s}(x)$, $\displaystyle\max_{a\in \mathcal{A}} h^{x,s}(u)> \alpha_x$, therefore $\displaystyle J_1\! =\!\!\inf_{u\in U^{s}(x)} \sup_{p\in \mathcal{S}_{N-1}}\!\!\! p'h^{x,s}(u). $ Together with (\ref{Uh.3}) this yields~(\ref{inf_U_sup}). In a similar manner, from (\ref{Uh.2}) it follows that $\forall p\in \mathcal{S}_{N-1}$, $ \inf_{u\in \mathbb{R}^m} p'h^{x,s}(u) = \inf_{u\in U(x)} p'h^{x,s}(u)$. The identity $ J_2 = \sup_{p\in \mathcal{S}_{N-1}} \inf_{u\in U(x)} p'h^{x,s}(u) $ immediately follows from that identity, i.e., the rightmost identity (\ref{J1J2}) holds. We have established that both the upper value (\ref{inf_sup}) and the lower value (\ref{sup_inf}) can be computed by performing minimization over the compact set $U(x)$ which is also convex. Since $\mathcal{S}_{N-1}$ is also compact and convex, and the payoff function $p'h^{x,s}(u)$ is continuous and convex in $u$ for each $p\in \mathcal{S}_{N-1}$ and is continuous and concave in $p$ for each $u \in U(x)$, the zero-sum game on the right-hand side of (\ref{inf_U_sup}) has a saddle point in $U(x)\times \mathcal{S}_{N-1}$, but this saddle point may not be unique~\cite[Theorem 4, p.168]{B&O}. That is, the leftmost identity (\ref{J1J2}) holds and the value of the zero-sum game over $U(x)\times \mathcal{S}_{N-1}$ is finite. Then, using (\ref{inf_U_sup}) and (\ref{J1J2}) we conclude that both $J_1$ and $J_2$ are finite and equal. \subsection{Proof of Lemma~\ref{suff_cond}} The proof is a variation of well-known arguments regarding the connection between convex duality and the existence of a saddle-point for the Lagrangian, as well as dual characterization of minimal elements of convex sets (see, e.g., \cite{Boyd}). Because of our need to incorporate unboundedness of vector $u^*$ and non-purity of vector $p$, however, we find it clearer to provide a full derivation here than to directly resort to these arguments. Consider the set \begin{eqnarray} M:= \{z \in \mathbb{R}^{|\mathcal{G}|} \;|\; \exists u \mbox{ such that } H_\mathcal{G}(u) \leq z \}; \label{Mset} \end{eqnarray} here the notation $H_\mathcal{G}(u)$ refers to the vector comprised of the components of $H(u)$ whose indexes belong to $\mathcal{G}$. Also, the inequality in (\ref{Mset}) is understood component-wise. The interior and the boundary of $M$ are denoted $\overset{\circ}{M}$ and $\partial M (= M\setminus\overset{\circ}{M})$. $M$ is clearly convex since $H$ is. In addition, assumption (b) implies that $H_\mathcal{G}(u^*) \in \partial M$. Indeed, $H_\mathcal{G}(u^*)$ clearly belongs to $M$. If, in addition, we let $\mathbf{1}$ denote the vector of all ones then, for any $r >0$ the point $z_r := H_\mathcal{G}(u^*) - \frac{r}{|\mathcal{G}|} \mathbf{1}$ belongs to the ball $\mathcal{B}(H_\mathcal{G}(u^*),r)$ of center $H_\mathcal{G}(u^*)$ and radius $r$ in $\mathbb{R}^{|\mathcal{G}|}$ but does \textit{not} belong to $M$ since \begin{itemize} \item $H_\mathcal{G}(u^*) > z_r$, and \item according to (b), for any $u \neq u^*$, there exists $i$ such that $H_i(u) > H_i(u^*) >(z_r)_i$, i.e., $H_\mathcal{G}(u) \nleq z_r$ $\forall u\neq u^*$. \end{itemize} We have thus shown that, for any $r>0$, $\mathcal{B}(H_\mathcal{G}(u^*),r)$ is \textit{not} a subset of $M$, which implies that $H_\mathcal{G}(u^*)$ is not in the interior of $M$. Now, because $H_\mathcal{G}(u^*) \in \partial M$, we can use the supporting hyperplane theorem (see, e.g., p.~51 of \cite{Boyd}), to claim that there exists $\bar{p} \in \mathbb{R}^{|\mathcal{G}|}$, $\bar{p}\neq 0$, such that \begin{equation} \bar{p}' H_\mathcal{G}(u^*) \leq \bar{p}' z \mbox{ for all } z \in M. \label{separation} \end{equation} Now, we claim that $\bar{p} \in \mathbb{R}^{|\mathcal{G}|}_+$. Indeed, note that if $z^0 \in M$, the ray $R_i := z^0 + \mathbb{R}^1_+ \mathbf{e}_i \subset M$, for any basis vector $\mathbf{e}_i$. Hence, because of (\ref{separation}), the function $z \mapsto \bar{p}' z$ is lower-bounded on $R_i$, which implies that $\bar{p}_i \geq 0$. Also note that $\bar{p}$ is non-pure, for otherwise, from (\ref{separation}), there would exist $i \in \mathcal{G}$ such that $ H_i(u^*)= \bar{p}' H_\mathcal{G}(u^*) \leq \bar{p}' H_\mathcal{G}(u) = H_i(u)$ $\mbox{ for all } u , $ (because $H_\mathcal{G}(u) \in M$ for all $u$), which contradicts (c). Now, if we define $p^* \in \mathbb{R}^N$ by $p^*_i=\frac{\bar{p}_i}{\bar{p}_1+\ldots+ \bar{p}_{|\mathcal{G}|}}$ for all $i \in \mathcal{G}$ and $p^*_i=0$ for all $i \notin \mathcal{G}$, we find that $p^* \in \mathcal{S}_{N-1}$, $I( p^*) \subset \mathcal{G}$ and \begin{eqnarray*} (p^*)' H(u^*) &=& \frac{1}{\bar{p}_1+\ldots+ \bar{p}_{|\mathcal{G}|}} \bar{p}'H_\mathcal{G}(u^*) \\ & \leq & \frac{1}{\bar{p}_1+\ldots +\bar{p}_{|\mathcal{G}|}} \bar{p}'H_\mathcal{G}(u) = (p^*)' H(u) \end{eqnarray*} $ \mbox{ for all } u$, which means that $u^*$ is a best response to $p^*$, i.e., $ u^* \in \arg\inf_{u \in \mathbb{R}^m} (p^*)'H(u). $ Now, note that (a) implies that $p^*$ is a best response to $u^*$, i.e., $ p^* \in \arg\sup_{p \in \mathcal{S}_{N-1}} p'H(u^*), $ since \begin{align*} (p^*)'H(u^*) &= \sum_{i \in \mathcal{G}} p^*_i H_i(u^*)=(\sum_{i \in \mathcal{G}} p^*_i) \max_{1 \leq j\leq N} H_j(u^*)\\ &= \max_{1 \leq j\leq N} H_j(u^*) \geq p' H(u^*) \mbox{ for all } p \in \mathcal{S}_{N-1}. \end{align*} In fact, the same proof would show that any vector with support included in $\mathcal{G}$ is a best response to $u^*$. Now, \begin{eqnarray*} \inf_{u \in \mathbb{R}^m} \sup_{p \in \mathcal{S}_{N-1}} p'H(u) &\leq& \sup_{p \in \mathcal{S}_{N-1}} p'H(u^*)=(p^*)'H(u^*) \\ = \inf_{u \in \mathbb{R}^m} (p^*)' H(u) &\leq & \sup_{p \in \mathcal{S}_{N-1}} \inf_{u \in \mathbb{R}^m} p' H(u), \end{eqnarray*} while it is always true that $ \sup_{p} \inf_{u} p' H(u) \leq \inf_{u} \sup_{p} p' H(u). $ This concludes the proof. \hfill$\Box$ \subsection{Proof of Theorem~\ref{saddle.point}} \emph{Sufficiency. } First we show that (\ref{F=F}), (\ref{FF>F}) and (\ref{dF.dF<0}) imply the existence of a non-pure saddle point for (\ref{inf_sup}) supported on $\mathcal{G}$. Without loss of generality suppose \begin{equation}\label{dF.dF<0.1} \frac{dh_{a_1}^{x,s}(\bar u)}{d u}>0, \quad \frac{dh_{a_2}^{x,s}(\bar u)}{d u}<0. \end{equation} Since $h_{a_1}^{x,s}(\cdot)$ is convex, it follows from (\ref{dF.dF<0.1}) that $\frac{dh_{a_1}^{x,s}(u)}{d u}$ is non-decreasing in the region $u\ge \bar u$. This is true for all points $u\ge \bar u$ including the points of the set $U^d$ where we have the inequality between the right-hand side and left-hand side derivatives, $\frac{d^-h_{a_1}^{x,s}(u)}{d u}\le \frac{d^+h_{a_1}^{x,s}(u)}{d u}$. Hence $\frac{dh_{a_1}^{x,s}(u)}{d u}>0$ for all $u\ge \bar u$ and thus $h_{a_1}^{x,s}(u)>h_{a_1}^{x,s}(\bar u)$ for all $u>\bar u$. In the same manner we can show that $h_{a_2}^{x,s}(u)<h_{a_2}^{x,s}(\bar u)$ for all $u<\bar u$. Also, $\bar u$ is not a minimum of $h_{a_1}^{x,s}( \cdot)$ and $h_{a_2}^{x,s}(\cdot)$ since $\frac{dh_{a_1}^{x,s}(\bar u)}{d u}\neq 0$, $\frac{dh_{a_2}^{x,s}(\bar u)}{d u}\neq 0$. The sufficiency of conditions (\ref{F=F}), (\ref{FF>F}) and (\ref{dF.dF<0}) now follows from Theorem~\ref{Suff_theorem}. We now consider the second alternative case where (\ref{F=F}), (\ref{FF>F}) and (\ref{dF=dF=0}) hold. Since $h_{a_1}^{x,s}(u)$ and $h_{a_2}^{x,s}(u)$ are convex, (\ref{dF=dF=0}) implies that $\bar u$ is a global minimum of both $h_{a_1}^{x,s}(u)$ and $h_{a_2}^{x,s}(u)$. Therefore for an arbitrary $p\in \mathcal{S}_{N-1}$ with $p_a=0$ for $a\neq \mathcal{G}$, $\bar u$ is a global minimum of $ \mathbb{E}^{u,p}\Sigma(x^+,u,a)=p'H(u), $ where $H(u)=h^{x,s}(u)$ is the vector function defined in Theorem~\ref{Suff_theorem}. That is, $ \inf_u p' H(u) =p' H(\bar u) =h_{a_1}^{x,s}(\bar u)=h_{a_2}^{x,s}(\bar u). $ It then follows that for arbitrary $\bar p, \tilde p \in \mathcal{S}_{N-1}$ supported on $\mathcal{G}$ and $u\in\mathbb{R}^1$, \begin{eqnarray} \tilde p' H(\bar u)\le \bar p' H(\bar u) \le \bar p' H(u). \label{sp.1} \end{eqnarray} The leftmost inequality holds since both expressions are equal to $h_{a_1}^{x,s}(\bar u)=h_{a_2}^{x,s}(\bar u)$. Next, consider an arbitrary vector $p\in\mathcal{S}_{N-1}$. From (\ref{FF>F}) we have \begin{eqnarray} p'H(\bar u)&=&\sum_{j\neq a_2} p_j\mathbb{E}^{\bar u,p}[\Sigma(x^+,\bar u,a)|a=j] + p_{a_2} h_{a_2}^{x,s}(\bar u) \nonumber \\ &\le& (\sum_{j\neq a_2} p_j)\mathbb{E}^{\bar u,p}[\Sigma(x^+,\bar u,a)|a=a_1] + p_{a_2} h_{a_2}^{x,s}(\bar u) \nonumber \\ &=& \tilde p' H(\bar u), \label{sp.3} \end{eqnarray} where $\tilde p$ is defined as $\tilde p_{a_1}=\sum_{j\neq a_2} p_j$, $\tilde p_{a_2}=p_{a_2}$ and $\tilde p_a=0$ for $a\not\in \mathcal{G}$, and is supported on $\mathcal{G}$. Then from (\ref{sp.1}), it follows that for all $u\in\mathbb{R}^1$, and $p\in\mathcal{S}_{N-1}$ $ p'H(\bar u)\le (\bar p)'H(\bar u) \le (\bar p)'H(u). $ Hence for an arbitrary $\bar p \in \mathcal{S}_{N-1}$ supported on $\mathcal{G}$, $(\bar u,\bar p)$ is a saddle point of the game. Clearly, a non-pure $\bar p$ exists for this purpose. \emph{Necessity. } Let $(u^*,p^*)$, $u^*\not\in U^d$, be a non-pure saddle point of the game (\ref{inf_sup}) supported on $\mathcal{G}=\{a_1,a_2\}$. That is, $0<p_{a_1}^*<1$ and \begin{eqnarray} p' H(u^*) \le (p^*)' H(u^*) \le ( p^*)' H(u), \quad \nonumber \\ \forall u\in\mathbb{R}^1, p\in \mathcal{S}_{N-1}. \label{sp.*} \end{eqnarray} The last inequality implies \begin{eqnarray*} \inf_u \max_{p\in \mathcal{S}_{N-1}}p' H(u) && \le \max_{p\in \mathcal{S}_{N-1}} p' H(u^*) = (p^*)' H(u^*) \\ && = \inf_u (p^*)' H(u) \le \max_{p\in \mathcal{S}_{N-1}}\inf_u p' H(u). \end{eqnarray*} However, the game has the value, therefore all the inequalities above are in fact exact identities. That is, \begin{eqnarray*} \inf_u \max_{p\in \mathcal{S}_{N-1}} p' H(u) = \max_{p\in \mathcal{S}_{N-1}}p' H(u^*). \end{eqnarray*} In other words, $u^*\in \arg \inf_u \max_{p\in \mathcal{S}_{N-1}} p' H(u)$, and taking into account linearity of the payoff function in $p$, we further have $ u^*\in \arg \inf_u \max[h_{a_1}^{x,s}(u), h_{a_2}^{x,s}(u)]. $ We now show that $h_{a_1}^{x,s}(u^*)=h_{a_2}^{x,s}(u^*)$. Suppose this is not true, and $h_{a_1}^{x,s}(u^*)<h_{a_2}^{x,s}(u^*)$. Then, since $p_{a_1}^*>0$, $p_{a_2}^*>0$, and $p_{a_1}^*+p_{a_2}^*=1$ by assumption, \begin{eqnarray*} h_{a_2}^{x,s}(u^*)= (p_{a_1}^*+p_{a_2}^*) h_{a_2}^{x,s}(u^*) > (p^*)'H(u^*). \end{eqnarray*} The latter condition is in contradiction with the leftmost inequality in (\ref{sp.*}). The converse inequality $h_{a_2}^{x,s}(u^*)<h_{a_1}^{x,s}(u^*)$ is also not possible, by the same argument. This proves that $h_{a_1}^{x,s}(u^*)=h_{a_2}^{x,s}(u^*)$, i.e., $u^*$ satisfies the condition (\ref{F=F}) of the theorem. It remains to prove that $u^*$ satisfies ether (\ref{dF.dF<0}) or (\ref{dF=dF=0}). We prove this by ruling out all other possibilities. \emph{Case 1: $\left(\frac{dh_{a_1}^{x,s}(u^*)}{d u}\right) \left(\frac{dh_{a_2}^{x,s}(u^*)}{d u}\right)>0$.} First suppose $\frac{dh_{a_1}^{x,s}(u^*)}{d u}<0$, $\frac{dh_{a_2}^{x,s}(u^*)}{d u}<0$. Then, in a sufficiently small neighbourhood of $u^*$ one can find a point $u<u^*$ such that \begin{eqnarray*} h_{a_1}^{x,s}(u) < h_{a_1}^{x,s}(u^*) \quad \mbox{and} \quad h_{a_2}^{x,s}(u) < h_{a_2}^{x,s}(u^*). \end{eqnarray*} That is, we found a point $u<u^*$ such that $(p^*)' H(u) < ( p^*)' H(u^*)$. This conclusion is in contradiction with the rightmost inequality (\ref{sp.*}). The hypothesis that $\frac{dh_{a_1}^{x,s}(u^*)}{d u}>0$, $\frac{dh_{a_2}^{x,s}(u^*)}{d u}>0$ will lead to a similar contradiction. These contradictions rule out Case 1. \emph{Case 2: Either $\frac{dh_{a_1}^{x,s}(u^*)}{d u}=0$ and $\frac{dh_{a_2}^{x,s}(u^*)}{d u}\neq 0$, or $\frac{dh_{a_1}^{x,s}(u^*)}{d u}\neq 0$ and $\frac{dh_{a_2}^{x,s}(u^*)}{d u}= 0$.} Suppose $\frac{dh_{a_1}^{x,s}(u^*)}{d u}=\beta>0$ and $\frac{dh_{a_2}^{x,s}(u^*)}{d u}= 0$. Since $h_{a_1}^{x,s}(\cdot)$, $h_{a_2}^{x,s}(\cdot)$ are continuously differentiable at $u^*$, then for any sufficiently small $\epsilon>0$, there exists $\delta>0$ such that for any $u\in (u^*-\delta,u^*+\delta)$, $ \frac{dh_{a_1}^{x,s}(u)}{d u}>\beta-\epsilon$, $\left|\frac{dh_{a_2}^{x,s}(u)}{d u}\right|<\epsilon. $ Let us choose $\epsilon$ so that $\epsilon< p_{a_1}^*\beta<\beta$ and consider the Taylor expansions of $h_{a_1}^{x,s}(u)$, $h_{a_2}^{x,s}(u)$, $u^*-\delta<u<u^*$, with the remainders in the Cauchy form \begin{eqnarray*} h_{a_1}^{x,s}(u)= h_{a_1}^{x,s}(u^*)+\frac{d h_{a_1}^{x,s}(\xi_1)}{d u} (u-u^*), \\ h_{a_2}^{x,s}(u)= h_{a_2}^{x,s}(u^*)+\frac{dh_{a_2}^{x,s}(\xi_2)}{d u} (u-u^*), \end{eqnarray*} where $\xi_1,\xi_2\in (u,u^*)$. Since $h_{a_2}^{x,s}(u)$ is convex and $\frac{dh_{a_2}^{x,s}(u^*)}{d u}= 0$, then $-\epsilon<\frac{dh_{a_2}^{x,s}(\xi_2)}{d u}\le 0$ for $u^*-\delta<u<\xi_2<u^*$. This leads us to conclude that \begin{eqnarray*} p_{a_1}^*\frac{dh_{a_1}^{x,s}(\xi_1)}{d u} +p_{a_2}^*\frac{dh_{a_2}^{x,s}(\xi_2)}{d u} &>& p_{a_1}^*(\beta-\epsilon) - p_{a_2}^*\epsilon >0. \end{eqnarray*} Then we have \begin{eqnarray} (p^*)' H(u)&=&(p^*)' H(u^*) \nonumber \\ &+& \left( p_{a_1}^*\frac{dh_{a_1}^{x,s}(\xi_1)}{d u} + p_{a_2}^*\frac{dh_{a_2}^{x,s}(\xi_2)}{d u}\right)(u-u^*) \nonumber \\ &<& (p^*)' H(u^*). \end{eqnarray} Again, we arrive at a contradiction with the assumption that $(u^*,p^*)$ is a saddle point and must satisfy (\ref{sp.*}). Other similar possibilities in this case will lead to a contradiction as well. This leaves two possibilities: either $u^*$ satisfies (\ref{dF.dF<0}), or it satisfies (\ref{dF=dF=0}). \subsection{Proof of Theorem~\ref{exist_theo}}\label{exist_theo.proof} We need to show that each function $V_t$ is well-defined, i.e., that there is indeed equality between (\ref{infsup_t}) and (\ref{supinf_t}) for any $x,s$; this amounts to the zero-sum game solved at time $t$ having a value. We will proceed by backwards induction and show that the following predicate holds for all $t=0,\ldots,T$: \begin{description} \item[$(\mathbf{P}_t):$] $V_t(\cdot,s)$ is a well-defined continuous convex function for all $s\in \mathcal{F}$. In addition, there exist a function $\nu_t$ and scalar $v_t$ such that \begin{enumerate}[(a)] \item $\nu_t(y) \geq v_t$ for all $y$, \item $\lim_{y \rightarrow +\infty }\nu_t(y) = + \infty$ and, \item $V_t(x,s) \geq \nu_t(\|x\|)$ for all $x \in \mathbb{R}^n$, $s\in \mathcal{F}$. \end{enumerate} \end{description} Clearly predicate $\mathbf{P}_T$ holds since $\sigma^T$ is convex and continuous and according to Assumption~\ref{CL.assum}, \begin{eqnarray} V_T(x,s) &=& \sigma^T(x) - g^T(s) \ge \beta_T(\|x\|)-\max_{s\in\mathcal{F}}g^T(s) \nonumber \\ &\triangleq & \nu_T(\|x\|) \ge v_T \end{eqnarray} where $v_T\triangleq d_T-\max_{s\in\mathcal{F}}g^T(s)$. Let us now assume that predicate $\mathbf{P}_{t+1}$ holds for $t \le T-1$ and show that $\mathbf{P}_t$ holds. Note that \begin{eqnarray} \lefteqn{[\mathcal{V}_t(x,s,u)]_a= \sigma^t(x,u) - g^t(a,s)} && \nonumber \\ && + \sum_{i=1}^{|\mathcal{F}|} P_{si}^t(a) \left[ (1-q_i^t) V_{t+1}(A_tx,s) \right. \nonumber \\ && + \left. q_i^t V_{t+1}(A_tx+B_tu,s) \right], \label{calV.1} \end{eqnarray} Using Assumption \ref{CL.assum} we then find that for all $a\in \mathcal{A}$, \begin{eqnarray} \lefteqn{[\mathcal{V}_t(x,s,u)]_a \geq \alpha_t(\|x\|) + \beta_t(\|u\|) - \max_{s \in \mathcal{F}} g_t(a,s)} && \nonumber \\ && \quad + \sum_{i=1}^{|\mathcal{F}|} P_{si}^t(a) \left[ (1-q^t_i) \nu_{t+1}(\|A_tx\|)\right. \nonumber \\ && \quad\qquad + q^t_i \nu_{t+1}(\|A_tx+B_tu\|) \nonumber \\ && \quad \geq \alpha_t(\|x\|) + \beta_t(\|u\|) - \max_{s \in \mathcal{F}} g_t(a,s) + v_{t+1}. \label{minor} \end{eqnarray} That is, for all fixed $(x,s)\in\mathcal{X}$, $a\in \mathcal{A}$, the function $[\mathcal{V}_t(x,c,s,\cdot)]_a$ is coercive on $\mathbb{R}^m$. Also, since according to predicate $\mathbf{P}_{t+1}$, $V_{t+1}(\cdot,s)$ is a continuous function, then by Assumption~\ref{contin} the function $[\mathcal{V}_t(x,s,\cdot)]_a$ is continuous on $\mathbb{R}^m$ for all $x\in \mathbb{R}^n$, $a\in \mathcal{A}$, and $s\in \mathcal{F}$. Finally, we note that since $V_{t+1}(\cdot,s)$ is a convex function by assumption, and $A_tx+B_tu$ is linear with respect to $u$, then $V_{t+1}(A_tx+B_tu,s)$ is convex in $u$. Also, $\sigma^t(x,u)$ is convex in $u$ by Assumption~\ref{CL.assum}. Hence we conclude that $[\mathcal{V}_t(x,s,\cdot)]_a$ is convex. We have verified all the conditions of Lemma~\ref{BO.T4}, which can now be applied to ascertain that the $\inf\sup$ and $\sup\inf$ expressions in (\ref{infsup_t}) and (\ref{supinf_t}) are equal and finite. Thus, the function $V_t(x,s)$ is well-defined, and there exists a saddle point pair of strategies $(u^*)^t(x,s)$, $(p^*)^t(x,s)$ defined by the static zero-sum game (\ref{infsup_t}). Furthermore, it follows from (\ref{minor}) that $V_t(x,s)$ satisfies properties (a)-(c) stated in predicate $\mathbf{P}_t$ with the function $\nu_t(\cdot)$ and constant $v_t$ defined as \begin{eqnarray*} &&\nu_t(y)=\alpha_t(y)+d_t -\max_{a\in\mathcal{A}}\max_{s\in\mathcal{F}}g_t(a,s)+v_{t+1}; \\ &&v_t=e_t+d_t -\max_{a\in\mathcal{A}}\max_{s\in\mathcal{F}}g_t(a,s)+v_{t+1}. \end{eqnarray*} It remains to prove that $V_t(\cdot,s)$ is convex and continuous. For continuity, we note that composition of $V_{t+1}(\cdot,s)$ and $A_tx+B_tu$ is continuous uniformly in $u$, since the latter function has this property and the former function is continuous. Then $P_{si}^t(a)q_i^tV_{t+1}(A_tx+B_tu,s)$ is also continuous uniformly in $u$. Therefore, for every $\tilde x\in\mathbb{R}^n$ and $\epsilon>0$ one can find $\delta^{a,s}(\tilde x,\epsilon)>0$ which does not depend on $u$ and such that $\|x-\tilde x\|< \delta^{a,s}(\tilde x,\epsilon)$ implies $ |(\mathcal{V}_t(x,s,u))_a -(\mathcal{V}_t(\tilde x,s,u))_a|<\frac{\epsilon}{2}. $ Selecting $\delta(\tilde x,\epsilon)=\min_{a,s} \delta^{a,s}(\tilde x,\epsilon)$ we obtain \begin{eqnarray*} p'\mathcal{V}_t(\tilde x,s,u)-\frac{\epsilon}{2}< p'\mathcal{V}_t(x,s,u) < p'\mathcal{V}_t(\tilde x,s,u)+\frac{\epsilon}{2} \\ \forall x \in \{x: \|x-\tilde x\|\le \delta(\tilde x,\epsilon)\}, \ p\in\mathcal{S}_{N-1}. \end{eqnarray*} From here we readily conclude that \begin{eqnarray*} \lefteqn{\inf_{u}\sup_{p\in\mathcal{S}_{N-1}} p'\mathcal{V}_t(\tilde x,s,u)- \epsilon} && \\ &&\le \inf_{u}\sup_{p\in\mathcal{S}_{N-1}} p'\mathcal{V}_t(x,s,u) < \inf_{u}\sup_{p\in\mathcal{S}_{N-1}} p'\mathcal{V}_t(\tilde x,s,u) + \epsilon, \end{eqnarray*} for all $x \in \{x: \|x-\tilde x\|\le \delta(\tilde x,\epsilon)\}$, proving that $V_t(\cdot,s)$ is continuous at an arbitrarily chosen $\tilde x$. For convexity of $V_t(\cdot,s)$, we note that each function $(x,u)\to (\mathcal{V}_t(x,s,u))_a$ is convex since $\sigma^t$ is convex in $(x,u)$ and $V_{t+1}(\cdot,s)$ is convex by the induction hypothesis. As a result, the function $\sup_{p\in\mathcal{S}_{N-1}} p'\mathcal{V}_t(\tilde x,s,u)$ is convex in $(x,u)$; see \cite[Section~3.2.3]{Boyd}. In turn, using identity (\ref{inf_U_sup}) of Lemma~\ref{BO.T4}, we conclude that \begin{eqnarray*} V_t(x,s)&=&\inf_{u\in\mathbb{R}^m}\sup_{p\in\mathcal{S}_{N-1}} p'\mathcal{V}_t(\tilde x,s,u) \\ &=&\inf_{U(x)}\sup_{p\in\mathcal{S}_{N-1}} p'\mathcal{V}_t(\tilde x,s,u) \end{eqnarray*} is convex since $U(x)$ is a convex set.
5ad1a808230aecc7d2ab64067f98f224366b5a15
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Isotonic regression is a powerful nonparametric tool used for estimating a monotone signal from noisy data. Specifically, our data consists of observations $y_1,\dots,y_n\in\mathbb{R}$, which are assumed to be noisy observations of some monotone increasing signal---for instance, we might assume that $\EE{y_1}\leq \dots\leq \EE{y_n}$. Isotonic (least-squares) regression solves the optimization problem \[\textnormal{Minimize $\norm{y-x}^2_2$ subject to $x_1\leq \dots \leq x_n$}\] in order to estimate the underlying signal. This regression problem can be viewed as a convex projection, since $\mathcal{K}_{\mathsf{iso}} = \{x\in\mathbb{R}^n: x_1\leq\dots\leq x_n\}$ is a convex cone. We will write \[\mathsf{iso}(y) \coloneqq \pr{\mathcal{K}_{\mathsf{iso}}}(y) = \argmin_{x\in\mathbb{R}^n}\big\{\norm{y-x}^2_2 : x_1\leq\dots\leq x_n\big\} \] to denote the projection to this cone, which solves the least-squares isotonic regression problem. This projection can be computed in finite time with the Pool Adjacent Violators Algorithm (PAVA), developed by \citet{barlow1972statistical}. In fact, mapping $y$ to $\mathsf{iso}(y)$ is known to also solve the isotonic binary regression problem. This arises when the data is binary, that is, $y\in\{0,1\}^n$. If we assume that $y_i \sim\textnormal{Bernoulli}(x_i)$, then the constrained maximum likelihood estimator is exactly equal to the projection $\mathsf{iso}(y)$ (\citet{robertsonorder}). In this paper, we examine the properties of the isotonic projection operator $x\mapsto \mathsf{iso}(x)$, with respect to different norms $\norm{\cdot}$ on $\mathbb{R}^n$. We examine the conditions on $\norm{\cdot}$ needed in order to ensure that $x\mapsto\mathsf{iso}(x)$ is contractive with respect to this norm, and in particular, we define the new ``sliding window norm'' which measures weighted averages over ``windows'' of the vector $x$, i.e.~contiguous stretches of the form $(x_i,x_{i+1},\dots,x_{j-1},x_j)$ for some indices $1\leq i\leq j\leq n$. This sliding window norm then provides a tool for analyzing the convergence behavior of isotonic regression in a setting where our data is given by $y_i = x_i + \text{noise}$. If the underlying signal $x$ is believed to be (approximately) monotone increasing, then $\mathsf{iso}(y)$ will provide a substantially better estimate of $x$ than the observed vector $y$ itself. By using our results on contractions with respect to the isotonic projection operator, we obtain clean, finite-sample bounds on the pointwise errors, $\big|x_i - \mathsf{iso}(y)_i\big|$, which are locally adaptive to the behavior of the signal $x$ in the region around the index $i$ and hold uniformly over the entire sequence. \subsection{Background}\label{sec:intro_refs} There is extensive literature studying convergence rates of isotonic regression, in both finite-sample and asymptotic settings. For an asymptotic formulation of the problem, since the signal $x\in\mathbb{R}^n$ must necessarily change as $n\rightarrow\infty$, a standard method for framing this as a sequence of problems indexed by $n$ is to consider a fixed function $f:[0,1]\rightarrow\infty$, and then for each $n$, define $x_i = f(i/n)$ (or more generally, $x_i = f(t_i)$ for points $t_i$ that are roughly uniformly spaced). Most models in the literature assume that $y_i = x_i + \sigma\cdot \epsilon_i$, where the noise terms $\epsilon_i$ are \iid standard normal variables (or, more generally, are zero-mean variables that satisfy some moment assumptions or are subgaussian). One class of existing results treats {\em global} convergence rates, where the goal is to bound the error $\norm{x - \mathsf{iso}(y)}_2$, or more generally to bound $\norm{x-\mathsf{iso}(y)}_p$ for some $\ell_p$ norm. The estimation error under the $\ell_2$ norm was studied by \citet{van1990estimating,wang1996l2risk,meyer2000degrees}, among others. \citet{van1993hellinger} obtains the asymptotic risk bounds for certain `bounded' isotonic regression under Hellinger distance, whereas \citet{zhang2002risk} establishes the non-asymptotic risk bounds for general $\ell_p$ norm---in particular, for $p=2$, they show that the least-squares estimator $\mathsf{iso}(y)$ of the signal $x$ has error scaling as $\norm{x-\widehat{x}}_2/\sqrt{n} \sim n^{-1/3}$. Recent work by \citet{chatterjee2015risk} considers non-asymptotic minimax rates for the estimation error, focusing specifically on $\norm{x-\widehat{x}}_2$ for any estimator $\widehat{x}$ to obtain a minimax rate. Under a Gaussian noise model, they prove that the minimax rate scales as $\norm{x-\widehat{x}}_2/\sqrt{n} \gtrsim n^{-1/3}$ over the class of monotone and Lipschitz signals $x$, which matches the error rate of the constrained maximum likelihood estimator (i.e.~the isotonic least-squares projection, $\mathsf{iso}(y)$) established earlier. They also study minimax rates in a range of settings, including piecewise constant signals, which we will discuss later on.\footnote{\citet{chatterjee2015risk}'s results, which they describe as ``local minimax'' bounds, are ``local'' in the sense that the risk bound they provide is specific to an individual signal $x\in\mathbb{R}^n$, but the error is nonetheless measured with respect to the $\ell_2$ norm, i.e.~``globally'' over the entire length of the signal.} A separate class of results considers {\em local} convergence rates, where the error at a particular index, i.e.~$\big|x_i - \mathsf{iso}(y)_i\big|$ for some particular $i$, may scale differently in different regions of the vector. In an asymptotic setting, where $n\rightarrow\infty$ and the underlying signal comes from a function $f:[0,1]\rightarrow\mathbb{R}$, we may consider an estimator $\widehat{f}:[0,1]\rightarrow\mathbb{R}$, where $\widehat{f}(t)$ is estimated via $\mathsf{iso}(y)_i$ for $t\approx i/n$. Results in the literature for this setting study the asymptotic rate of convergence of $\big|f(t) - \widehat{f}(t)\big|$, which depends on the local properties of $f$ near $t$. \citet{brunk1969estimation} establishes the convergence rate as well as the limiting distribution when $f'(t)$ is positive, whereas \citet{wright1981asymptotic} generalizes the result to the case of $t$ lying in a flat region, i.e.~$f'(t)=0$. \citet{ cator2011adaptivity} shows that the isotonic estimator adapts to the unknown function locally and is asymptotically minimax optimal for local behavior. Relatedly, \citet{dumbgen2003optimal} gives confidence bands in the related Gaussian white noise model, by taking averages over windows of the data curve, i.e.~ranges of the form $[t_0,t_1]$ near the point $t$ of interest. In addition, many researchers have considered the related problem of monotone density estimation, where we aim to estimate a monotone decreasing density from $n$ samples drawn from that distribution. This problem was first studied by \citet{grenander1956theory}, and has attracted much attention since then, see \citet{rao1969estimation,groeneboom1984estimating,birge1987estimating,birge1993rates,carolan1999asymptotic,balabdaoui2011grenander,jankowski2014convergence}, among others. \citet{birge1987estimating} proves a $n^{-1/3}$ minimax rate for the $\ell_2$ error in estimating the true monotone density $f(t)$---the same rate as for the isotonic regression problem. The pointwise i.e.~$\ell_\infty$ error has also been studied---\citet{durot2012limit} shows that, for Lipschitz and bounded densities on $[0,1]$, asymptotically the error rate for estimating $f(t)$ scales as $(n/\log(n))^{-1/3}$, uniformly over all $t$ bounded away from the endpoints. Adaptive convergence rates are studied by \citet{cator2011adaptivity}. Later we will show that our results yield a non-asymptotic error bound for this problem as well, which matches this known rate. Several related problems for isotonic regression have also been studied. First, assuming the model $y_i = x_i + \sigma\cdot \epsilon_i$ for standard normal error terms $\epsilon_i$, estimating $\sigma$ has been studied by \citet{meyer2000degrees}, among others. Estimators of $\sigma$ for general distribution of $\epsilon_i$ are also available, see \citet{rice1984bandwidth,gasser1986residual}. We discuss the relevance of these tools for constructing our confidence bands in \secref{bands}. Second, we can hope that our estimator $\mathsf{iso}(y)$ can recover $x$ accurately only if $x$ itself is monotone (or approximately monotone); thus, testing this hypothesis is important for knowing whether our confidence band can be expected to cover $x$ itself or only its best monotone approximation, $\mathsf{iso}(x)$. \citet{drton2010geometric} study the problem of testing the null hypothesis $x\in\mathcal{K}_\mathsf{iso}$ (or more generally, whether the signal $x$ belongs to some arbitrary pre-specified cone $\mathcal{K}$), based on the volumes of lower-dimensional faces of the cone (see \citet[Theorem 2 and Section 3]{drton2010geometric}). \paragraph{Main contributions} In the context of the existing literature, our main contributions are: (1) the new analysis of the contraction properties of isotonic projection, and the specific example of the sliding window norm, and (2) clean, finite-sample estimation bounds for isotonic regression, which are locally adaptive to the local Lipschitz behavior of the underlying signal, and match known asymptotic convergence rates. The contraction and sliding window norm allow us to prove the isotonic regression convergence results in just a few simple lines of calculations, while the arguments in the existing literature are generally substantially more technical (for example, approximating the estimation process via a Brownian motion or Brownian bridge). \section{Contractions under isotonic projection} In this section, we examine the contractive behavior of the isotonic projection, \[\mathsf{iso}(x) = \argmin_{y\in\mathbb{R}^n}\big\{\norm{x-y}_2 : y_1\leq \dots \leq y_n\big\},\] with respect to various norms on $\mathbb{R}^n$. Since this operator projects $x$ onto a convex set (the cone $\mathcal{K}_{\mathsf{iso}}$ of all ordered vectors), it is trivially true that \[\norm{\mathsf{iso}(x)-\mathsf{iso}(y)}_2\leq \norm{x-y}_2,\] but we may ask whether the same property holds when we consider norms other than the $\ell_2$ norm. Formally, we defined our question as follows: \begin{definition}\label{def:iso_contract} For a seminorm $\norm{\cdot}$ on $\mathbb{R}^n$, we say that isotonic projection is contractive with respect to $\norm{\cdot}$ if \[\norm{\mathsf{iso}(x)-\mathsf{iso}(y)}\leq\norm{x-y}\text{ for all $x,y\in\mathbb{R}^n$.}\] \end{definition} We recall that a seminorm must satisfy a scaling law, $\norm{c\cdot x} = |c|\cdot\norm{x}$, and the triangle inequality, $\norm{x+y}\leq\norm{x}+\norm{y}$, but may have $\norm{x}=0$ even if $x\neq 0$. From this point on, for simplicity, we will simply say ``norm'' to refer to any seminorm. For which types of norms can we expect this contraction property to hold? To answer this question, we first define a simple property to help our analysis: \begin{definition}\label{def:NUNA} For a norm $\norm{\cdot}$ on $\mathbb{R}^n$, we say that $\norm{\cdot}$ is nonincreasing under neighbor averaging (NUNA) if \begin{equation*} \Norm{\Big(x_1,\dots,x_{i-1},\frac{x_i+x_{i+1}}{2},\frac{x_i+x_{i+1}}{2},x_{i+2},\dots,x_n\Big)} \leq \norm{x} \end{equation*} $\text{ for all } x\in\mathbb{R}^n\text{ and all }i=1,\dots,n-1.$ \end{definition} Our first main result proves that the NUNA property exactly characterizes the contractive behavior of isotonic projection---NUNA is both necessary and sufficient for isotonic projection to be contractive. \begin{theorem}\label{thm:iso_contract} For any norm $\norm{\cdot}$ on $\mathbb{R}^n$, isotonic projection is contractive with respect to $\norm{\cdot}$ if and only if $\norm{\cdot}$ is nonincreasing under neighbor averaging (NUNA). \end{theorem} (The proof of \thmref{iso_contract} will be given in \secref{proof_nuna}.) In particular, this theorem allows us to easily prove that isotonic projection is contractive with respect to the $\ell_p$ norm for any $p\in[1,\infty]$, and more generally as well, via the following lemma: \begin{lemma}\label{lem:perms} Suppose that $\norm{\cdot}$ is a norm that is invariant to permutations of the entries of the vector, that is, for any $x\in\mathbb{R}^n$ and any permutation $\pi$ on $\{1,\dots,n\}$, \[\norm{x} = \norm{x_\pi}\text{ where }x_\pi\coloneqq (x_{\pi(1)},\dots,x_{\pi(n)}).\] (In particular, the $\ell_p$ norm, for any $p\in[1,\infty]$, satisfies this property.) Then $\norm{\cdot}$ satisfies the NUNA property, and therefore isotonic projection is a contraction with respect to $\norm{\cdot}$. \end{lemma} \begin{proof}[Proof of \lemref{perms}] Let $\pi$ swap indices $i$ and $i+1$, so that \[ x_{\pi} = (x_1,\dots,x_{i-1},x_{i+1},x_i,x_{i+2},\dots,x_n).\] Then \begin{multline*} \Norm{\Big(x_1,\dots,x_{i-1},\frac{x_i+x_{i+1}}{2},\frac{x_i+x_{i+1}}{2},x_{i+2},\dots,x_n\Big)} \\ = \Norm{\frac{x + x_\pi}{2}} \leq \frac{1}{2}\left(\norm{x} + \norm{x_{\pi}}\right) = \norm{x}, \end{multline*} where we apply the triangle inequality, and the assumption that $\norm{x_\pi}=\norm{x}$. This proves that $\norm{\cdot}$ satisfies NUNA. By \thmref{iso_contract}, this implies that isotonic projection is contractive with respect to $\norm{\cdot}$. \end{proof} \section{The sliding window norm} We now introduce a {\em sliding window} norm, which will later be a useful tool for obtaining uniform convergence guarantees for isotonic regression. For any pair of indices $1\leq i\leq j\leq n$, we write $i:j$ to denote the stretch of $j-i+1$ many coordinates indexed by $\{i,\dots,j\}$, \[x = (x_1,\dots,x_{i-1},\underbrace{x_i,\dots,x_j,}_{\text{window $i$:$j$}}x_{j+1},\dots,x_n).\] Fix any function \begin{equation}\label{eqn:psi} \psi:\{1,\dots,n\}\rightarrow \mathbb{R}_+\text{ such that $\psi$ is nondecreasing and $i\mapsto i/\psi(i)$ is concave.}\end{equation} The sliding window norm is defined as \[\sw{x} = \max_{1\leq i\leq j\leq n}\Big\{ \big|\overline{x}_{i:j}\big| \cdot \psi(j-i+1)\Big\},\] where $\overline{x}_{i:j} = \frac{ x_i+\dots+x_j}{j-i+1}$ denotes the average over the window $i:j$. The following key lemma proves that our contraction theorem, \thmref{iso_contract}, can be applied to this sliding window norm. (This lemma, and all lemmas following, will be proved in \appref{proofs_lemmas}.) \begin{lemma}\label{lem:SW_contract} For any function $\psi$ satisfying the conditions~\eqnref{psi}, the sliding window norm $\sw{\cdot}$ satisfies the NUNA property, and therefore, isotonic projection is contractive with respect to this norm. \end{lemma} This lemma is a key ingredient to our convergence analyses for isotonic regression. It will allow us to use the sliding window norm to understand the behavior of $\mathsf{iso}(y)$ as an estimator of $\mathsf{iso}(x)$, where $y$ is a vector of noisy observations of some target signal $x$. In particular, we will consider the special case of subgaussian noise \footnote{ We call a random variable $X$ subgaussian if $\PP{|X-\EE{X}| \geq t }\leq 2\exp(-t^2/2) $ for any $t>0$.} . The following lemma can be proved with a very basic union bound argument: \begin{lemma}\label{lem:SW_subg} Let $x\in\mathbb{R}^n$ be a fixed vector, and let $y_i = x_i + \sigma \epsilon_i$, where the $\epsilon_i$'s are independent, zero-mean, and subgaussian. Then taking $\psi(i)=\sqrt{i}$, we have \[\EE{\sw{x-y}}\leq \sqrt{2\sigma^2\log(n^2+n)}\text{ and }\EE{\big(\sw{x-y}\big)^2}\leq 8\sigma^2\log(n^2+n),\] and for any $\delta>0$, \[\PP{\sw{x-y}\leq\sqrt{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}}\geq 1-\delta.\] \end{lemma} As a specific example, in a Bernoulli model, if the signal is given by $x\in[0,1]^n$ and our observations are given by $y_i\sim\textnormal{Bernoulli}(x_i)$ (each drawn independently), then this model satisfies the subgaussian noise model with $\sigma=1$. \section{Estimation bands}\label{sec:bands} In this section, we will develop a range of results bounding our estimation error when we observe a (nearly) monotone signal plus noise. These results will all use the sliding window contraction result in \lemref{SW_contract} as the main ingredient in our analysis. We begin with a deterministic statement that is a straightforward consequence of the sliding window contraction result: \begin{theorem}\label{thm:backbone} For any $x,y\in\mathbb{R}^n$, for all indices $k=1,\dots,n$, \begin{equation}\label{eqn:backbone_y} \begin{split} & \max_{1\leq m\leq k}\left\{\overline{\mathsf{iso}(y)}_{(k-m+1):k} - \frac{\sw{x-y}}{\psi(m)}\right\} \\ & \leq \mathsf{iso}(x)_k \leq \min_{1\leq m\leq n-k+1}\left\{\overline{\mathsf{iso}(y)}_{k:(k+m-1)} + \frac{\sw{x-y}}{\psi(m)}\right\} \end{split} \end{equation} and \begin{equation}\label{eqn:backbone_x} \begin{split} & \max_{1\leq m\leq k}\left\{\overline{\mathsf{iso}(x)}_{(k-m+1):k} - \frac{\sw{x-y}}{\psi(m)}\right\} \\ & \leq \mathsf{iso}(y)_k \leq \min_{1\leq m\leq n-k+1}\left\{\overline{\mathsf{iso}(x)}_{k:(k+m-1)} + \frac{\sw{x-y}}{\psi(m)}\right\}. \end{split} \end{equation} \end{theorem} Note that these two statements are symmetric; they are identical up to reversing the roles of $x$ and $y$. \begin{proof}[Proof of \thmref{backbone}] We have $\mathsf{iso}(x)_k \geq \overline{\mathsf{iso}(x)}_{(k-m+1):k} \geq \overline{\mathsf{iso}(y)}_{(k-m+1):k} - \frac{\sw{x-y}}{\psi(m)}$, where the first inequality uses the monotonicity of $\mathsf{iso}(x)$ while the second uses the definition of the sliding window norm along with the fact that $\sw{\mathsf{iso}(x)-\mathsf{iso}(y)}\leq\sw{x-y}$ by \lemref{SW_contract}. This proves the lower bound for~\eqnref{backbone_y}; the upper bound, and the symmetric result~\eqnref{backbone_x}, are proved analogously. \end{proof} This simple reformulation of our contraction result, in fact forms the backbone of all our estimation band guarantees. These bounds bound the difference between $\mathsf{iso}(x)$ and $\mathsf{iso}(y)$, computed using either $y$ (as in~\eqnref{backbone_y}) or $x$ (as in~\eqnref{backbone_x}). Thus far, the two results are entirely symmetrical---they are the same if we swap the vectors $x$ and $y$. We will next study the statistical setting where we aim to estimate a signal $x$ based on noisy observations $y$, in which case the vectors $x$ and $y$ play distinct roles, and so the two versions of the bands will carry entirely different meanings. Before proceeding, we note that the above bounds cannot give results on $x$ itself, but only on its projection $\mathsf{iso}(x)$. If $x$ is far from monotonic, we cannot hope that the monotonic vector $\mathsf{iso}(y)$ would give a good estimate of $x$. We will consider a relaxed monotonicity constraint: we say that $x\in\mathbb{R}^n$ is $\eps_{\iso}$-monotone if \[x_i \leq x_j + \eps_{\iso} \text{ for all $1\leq i\leq j\leq n$.}\] (If $x$ is monotonic then we can simply set $\eps_{\iso}=0$.) We find that $\eps_{\iso}$ corresponds roughly to the $\ell_{\infty}$ distance between $x$ and its isotonic projection $\mathsf{iso}(x)$: \begin{lemma}\label{lem:eiso} For any $x\in\mathbb{R}^n$ that is $\eps_{\iso}$-monotone, \[\norm{x - \mathsf{iso}(x)}_{\infty} \leq \eps_{\iso}.\] Conversely, any $x\in\mathbb{R}^n$ with $\norm{x-\mathsf{iso}(x)}_{\infty}\leq \epsilon$ must be $(2\epsilon)$-monotone. \end{lemma} With this in place, we turn to our results for the statistical setting. \subsection{Statistical setting}\label{sec:model} We will consider a subgaussian noise model, where $x\in\mathbb{R}^n$ is a fixed signal, and the observation vector $y$ is generated as \begin{equation}\label{eqn:stat_model}y_i = x_i + \sigma \epsilon_i, \text{ where the $\epsilon_i$'s are independent, zero-mean, and subgaussian}.\end{equation} \lemref{SW_subg} proves that, in this case, setting $\psi(m)=\sqrt{m}$ would yield $\sw{x-y}\leq \sqrt{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}$ with probability at least $1-\delta$. Of course, we could consider other models as well, e.g.~involving correlated noise or heavy-tailed noise, but restrict our attention to this simple model for the sake of giving an intuitive illustration of our results. In order for this bound on the sliding window to be useful in practice, we need to obtain a bound or an estimate for the noise level $\sigma$. Under the Bernoulli model $y_i\sim\textnormal{Bernoulli}(x_i)$, we can simply set $\sigma=1$. More generally, it may be possible to estimate $\sigma$ from the data itself, for instance if the noise terms $\epsilon_i$ are \iid~standard normal, \citet{meyer2000degrees} propose estimating the noise level $\sigma$ with the maximum likelihood estimator (MLE), $\widehat{\sigma}^2 = \frac{1}{n} \sum_i (y_i - \mathsf{iso}(y)_i)^2$, or the bias-corrected MLE given by \[\widehat{\sigma}^2 = \frac{\sum_i (y_i - \mathsf{iso}(y)_i)^2}{n - c_1 \cdot \mathsf{df}\big(\mathsf{iso}(y)\big)},\] where $c_1$ is a known constant while $\mathsf{df}\big(\mathsf{iso}(y)\big)$ is the number of ``degrees of freedom'' in the monotone vector $\mathsf{iso}(y)$, i.e.~the number of distinct values in this vector. We next consider the two different types of statistical guarantees that can be obtained, using the two symmetric formulations in \thmref{backbone} above. \subsection{Data-adaptive bands} We first consider the problem of providing a confidence band for the signal $x$ in a practical setting, where we can only observe the noisy data $y$ and do not have access to other information. In this setting, the bound~\eqnref{backbone_y} in \thmref{backbone}, combined with \lemref{SW_subg}'s bound on $\sw{x-y}$ for the subgaussian model, yields the following result: \begin{theorem}\label{thm:subg_adapt} For any signal $x\in\mathbb{R}^n$ and any $\delta>0$, under the subgaussian noise model~\eqnref{stat_model}, then with probability at least $1-\delta$, for all $k=1,\dots, n$, \begin{equation}\label{eqn:subg_adapt} \begin{split} & \max_{1\leq m\leq k}\left\{\overline{\mathsf{iso}(y)}_{(k-m+1):k} - \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\} \\ & \leq \mathsf{iso}(x)_k \leq \min_{1\leq m\leq n-k+1}\left\{\overline{\mathsf{iso}(y)}_{k:(k+m-1)} + \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\}. \end{split} \end{equation} If additionally $x$ is $\eps_{\iso}$-monotone, then we also have \begin{equation}\label{eqn:subg_adapt_eiso} \begin{split} & \max_{1\leq m\leq k}\left\{\overline{\mathsf{iso}(y)}_{(k-m+1):k} - \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\} - \eps_{\iso} \\ & \leq x_k \leq \min_{1\leq m\leq n-k+1}\left\{\overline{\mathsf{iso}(y)}_{k:(k+m-1)} + \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\} + \eps_{\iso}. \end{split} \end{equation} \end{theorem} We emphasize that these bounds give us a uniform confidence band for $\mathsf{iso}(x)$ (or for $x$ itself, if it is monotone) that can be computed without assuming anything about the properties of the signal; for instance, we do not assume that the signal is Lipschitz with some known constant, or anything of this sort. We only need to know the noise level $\sigma$, which can be estimated as discussed in \secref{model}. In this sense, the bounds are data-adaptive---they are computed using the observed projection $\mathsf{iso}(y)$, and adapt to the properties of the signal (for instance, if $x$ is locally constant near $k$, then the upper and lower confidence bounds will be closer together). { \paragraph{Comparison to existing work} The flavor of our data-adaptive band is close to that given in \citet{dumbgen2003optimal}, where the author gives confidence bands for signals in a continuous Gaussian white noise model. Although in Section 5 of \citet{dumbgen2003optimal} the result is applied to the discrete case, the confidence band there is only valid asymptotically as pointed our by the author, whereas our band is valid for finite samples. Moreover, the computation of the band in \citet{dumbgen2003optimal} involves Monte Carlo simulation to estimate several key quantiles, and hence is much heavier than the computation of our band. Another difference is that \citet{dumbgen2003optimal} employes kernel estimators in their bands while we use the isotonic least squares estimator in our construction. } \subsection{Convergence rates} While the results of \thmref{subg_adapt} give data-adaptive bounds that do not depend on properties of $x$, from a theoretical point of view we would also like to understand how the estimation error depends on these properties. For the data-adaptive bands, we used the result~\eqnref{backbone_y} relating $\mathsf{iso}(x)$ and $\mathsf{iso}(y)$, but for this question, we will use the symmetric result~\eqnref{backbone_x} instead, which immediately yields the following theorem. \begin{theorem}\label{thm:subg_theory} For any signal $x\in\mathbb{R}^n$ and any $\delta>0$, under the subgaussian noise model~\eqnref{stat_model}, then with probability at least $1-\delta$, for all $k=1,\dots, n$, \begin{multline}\label{eqn:subg_theory} -\min_{1\leq m\leq k}\left\{ \left(\mathsf{iso}(x)_k - \overline{\mathsf{iso}(x)}_{(k-m+1):k} \right) + \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\}\\ \leq \mathsf{iso}(y)_k - \mathsf{iso}(x)_k \leq \min_{1\leq m\leq n-k+1}\left\{\left(\overline{\mathsf{iso}(x)}_{k:(k+m-1)}-\mathsf{iso}(x)_k\right) + \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\}. \end{multline} If additionally $x$ is $\eps_{\iso}$-monotone, then we also have \begin{multline}\label{eqn:subg_theory_eiso} -\min_{1\leq m\leq k}\left\{ \left(x_k - \overline{x}_{(k-m+1):k} \right) + \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\} - \eps_{\iso}\\ \leq \mathsf{iso}(y)_k - x_k \leq \min_{1\leq m\leq n-k+1}\left\{\left(\overline{x}_{k:(k+m-1)}-x_k\right) + \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\} + \eps_{\iso}. \end{multline} \end{theorem} \begin{proof}[Proof of \thmref{subg_theory}] For the first bound~\eqnref{subg_theory}, we simply subtract $\mathsf{iso}(x)_k$ from the inequalities~\eqnref{backbone_x}. For the second bound~\eqnref{subg_theory_eiso} in the case that $x$ is approximately monotone, we instead subtract $x_k$ from~\eqnref{backbone_x}, and also use the fact that $\norm{x-\mathsf{iso}(x)}_{\infty}\leq\eps_{\iso}$ by \lemref{eiso}, which implies that $\big|\overline{x}_{k:(k+m-1)} - \overline{\mathsf{iso}(x)}_{k:(k+m-1)}\big|\leq \eps_{\iso}$, and similarly $\big| \overline{x}_{(k-m+1):k} - \overline{\mathsf{iso}(x)}_{(k-m+1):k}\big|\leq \eps_{\iso}$. \end{proof} \paragraph{Comparison to existing work} In the monotone setting (i.e.~$x=\mathsf{iso}(x)$), \citet{chatterjee2015risk} derive related results bounding the pointwise error $\big|x_k - \mathsf{iso}(y)_k\big|$. Specifically, they use the ``minmax'' formulation of the isotonic projection, $\mathsf{iso}(y)_k = \min_{j\geq k}\max_{i\leq k} \overline{y}_{i:j}$, and give the following argument: \begin{multline*} \mathsf{iso}(y)_k - x_k= \min_{1\leq m\leq n-k+1} \max_{i\leq k}\overline{y}_{i:(k+m-1)} - x_k\\ \leq \min_{1\leq m\leq n-k+1} \left\{\left(\max_{i\leq k}\overline{x}_{i:(k+m-1)} - x_k\right) + \max_{i\leq k} \big|\overline{x}_{i:(k+m-1)} - \overline{y}_{i:(k+m-1)} \big|\right\}\\ \leq\min_{1\leq m\leq n-k+1}\bigg\{\left( \overline{x}_{k:(k+m-1)} - x_k\right)+\underbrace{ \max_{i\leq k} \big|\overline{x}_{i:(k+m-1)} - \overline{y}_{i:(k+m-1)} \big|}_{\text{(Err)}}\bigg\}, \end{multline*} where the first step defines $m=j-k+1$ and uses the ``minmax'' formulation, while the third uses the assumption that $x$ is monotone. They then bound the error term (Err) in expectation. We can instead bound it as $\text{(Err)}\leq \frac{\sw{x-y}}{\sqrt{m}}$, which is exactly the same as the upper bound in our result~\eqnref{subg_theory_eiso}. Their ``minmax'' strategy can analogously be used to obtain the corresponding lower bound as well. \subsection{Locally constant and locally Lipschitz signals} If the signal $x$ is monotone, \citet{chatterjee2015risk}'s results, which are analogous to our bounds in~\eqnref{subg_theory_eiso}, yield implications for many different classes of signals: for instance, they show that for a piecewise constant signal $x$ taking only $s$ many unique values, the $\ell_2$ error scales as \[\frac{1}{n}\norm{x-\mathsf{iso}(y)}^2_2 \leq \frac{16 s \sigma^2}{n} \log\left(\frac{en}{s}\right).\] We therefore see that \begin{equation}\label{eqn:half}\big|x_k - \mathsf{iso}(y)_k\big| \lesssim \sqrt{\frac{log(n)}{n}}\end{equation} for ``most'' indices $k$ when the signal is piecewise constant. We can instead consider a Lipschitz signal: we say that $x$ is ${L}$-Lipschitz if $|x_i - x_{i+1}|\leq L/n$ for all $i$. (Rescaling by $n$ is natural as we often think of $x_i = f(i/n)$ for some underlying function $f$). In this setting, our results in \thmref{subg_theory} immediately yield the bound \begin{equation}\label{eqn:Lip1} \big|x_k - \mathsf{iso}(y)_k\big| \leq \min_{1\leq m\leq k\wedge (n-k+1)}\left\{\frac{{L}(m-1)}{2n} + \sqrt{\frac{2\sigma^2\log\left(\frac{n^2+n}{\delta}\right)}{m}}\right\}, \end{equation} where the term $\frac{{L} (m-1)}{2n}$ is a bound on $\left(\overline{x}_{k:(k+m-1)}-x_k\right)$ and $\left(x_k -\overline{x}_{(k-m+1):k}\right)$ when $x$ is ${L}$-Lipschitz. It's easy to see that the optimal scaling is achieved by taking $m= \left\lceil \left(\frac{n \sqrt{\sigma^2 \log\left(\frac{n^2+n}{\delta}\right)}}{{L}}\right)^{2/3}\right\rceil$, in which case we obtain the bound \begin{equation}\label{eqn:Lip} \big|x_k - \mathsf{iso}(y)_k\big| \leq 2\sqrt[3]{\frac{{L} {\sigma^2 \log\left(\frac{n^2+n}{\delta}\right)}}{n}} \end{equation} for all $m\leq k\leq n-m+1$. (For indices $k$ nearer to the endpoints, we are forced to choose a smaller $m$, and the scaling will be worse.) We can also compute convergence rates in a more general setting, where the signal $x$ is locally Lipschitz---its behavior may vary across different regions of the signal. As discussed in \secref{intro_refs}, many papers in the literature consider asymptotic local convergence rates---local in the sense of giving {\em pointwise} error bounds, which for a single signal $x=(x_1,\dots,x_n)$, may be larger for indices $i$ falling within a region of the signal that is strictly increasing, and smaller for indices $i$ falling into a locally flat region. We would hope to see some interpolation between the $n^{-1/3}$ rate expected for a strictly increasing stretch of the signal, as in~\eqnref{Lip}, versus the improved parametric rate of $n^{-1/2}$ in a locally constant region as in~\eqnref{half}. Our confidence bands can also be viewed as providing error bounds that are local in this sense, i.e.~that adapt to the local behavior of the signal $x$ as we move from index $i=1$ to $i=n$. To make this more precise, we will show how our bounds scale locally with the sample size $n$ to obtain the $n^{-1/3}$ and $n^{-1/2}$ rates described above. Consider any monotone signal $x$. Suppose the signal $x$ is locally constant near $k$, with $x_{k-cn+1}=\dots = x_k = \dots = x_{k+cn-1}$ for some positive constant $c>0$. Then our bound~\eqnref{subg_theory_eiso} applied with $m=cn$ yields \begin{equation}\label{eqn:predict_onehalf}\big|x_k - \mathsf{iso}(y)_k\big| \lesssim \sqrt{\frac{\sigma^2\log(n)}{n}}.\end{equation} For other indices, however, where the signal is locally strictly increasing with a Lipschitz constant ${L}$, then taking $m\sim\left(\frac{\sigma^2 n \log(n)}{{L}}\right)^{2/3}$ yields the $n^{-1/3}$ scaling obtained above in~\eqnref{Lip}. It is of course also possible to achieve an interpolation between the $n^{-1/2}$ and $n^{-1/3}$ rates via our results, as well. Many works in the literature consider the local adaptivity problem in an asymptotic setting; here we will describe the results of \citet{cator2011adaptivity}. Consider an asymptotic setting where the signal $x=(x_1,\dots,x_n)$ comes from measuring (at $n$ many points) a monotone function $f:[0,1]\rightarrow \mathbb{R}$, and we are interested in the local convergence rate at some fixed $t\in(0,1)$. \citet{cator2011adaptivity} show that if the first $\alpha$ derivatives of $f$ at $t$ satisfy $f^{(1)}(t)=\dots = f^{(\alpha-1)}(t)=0$ and $f^{(\alpha)}(t)>0$, the convergence rate for estimating $f(t)$ scales as $n^{-\alpha/(2\alpha+1)}$. In particular, if $\alpha=1$ ($f$ is strictly increasing at $t$) then they obtain the $n^{-1/3}$ rate seen before, while if $\alpha=\infty$ ($f$ is locally constant near $t$) then they obtain the faster parametric $n^{-1/2}$ rate. Of course, any $\alpha$ in between $1$ and $\infty$ will produce some power of $n$ between these two. Our work can be viewed as a finite-sample version of these types of results. \subsection{Convergence rates in the $\ell_2$ norm} We next show that the tools developed in this paper can be used to yield a bound on the $\ell_2$ error, achieving the same $n^{-1/3}$ scaling as in \citet{chatterjee2015risk}. While achieving an $n^{-1/3}$ elementwise requires a Lipschitz condition on the signal (as in our result~\eqnref{Lip} above), here we do not assume any Lipschitz conditions and require only a bound on the total variation, \[V \coloneqq \mathsf{iso}(x)_n - \mathsf{iso}(x)_1.\] Our proof uses similar techniques as \citet{chatterjee2015risk}'s result. \begin{theorem}\label{thm:L2} For any signal $x\in\mathbb{R}^n$, under the subgaussian noise model~\eqnref{stat_model}, we have \[\frac{1}{n}\norm{\mathsf{iso}(y) - \mathsf{iso}(x)}^2_2 \leq 48\left(\frac{V\sigma^2\log(2n)}{n}\right)^{2/3} +\frac{96\sigma^2\log^2(2n)}{n}.\] \end{theorem} As long as $n\gg \frac{\sigma^2\log^4(2n)}{V^2}$, the first term is the dominant one, matching the result of \citet[Theorem 4.1]{chatterjee2015risk} with a slight improvement in the log term. (The constants in this result are of course far from optimal.) This result is proved in \appref{proof_L2}. \subsection{Simulation: local adaptivity} To demonstrate this local adaptivity in practice, we run a simple simulation. The signal is generated from an underlying function $f(t)$ defined over $t\in[0,1]$, with \[f(t) = \begin{cases}-10,&0\leq t\leq 0.3,\\ \text{linearly increasing from $-10$ to $10$},&0.3\leq t\leq 0.7,\\ 10,&0.7\leq t \leq 1,\end{cases}\] as illustrated in \figref{sim_signal}(a). For a fixed sample size $n$, we set $x_i = f\left(\frac{i}{n+1}\right)$ and $y_i = x_i + N(0,1)$. We then compute a data-adaptive confidence band as given in~\eqnref{subg_adapt_eiso}, with known noise level $\sigma=1$, with target coverage level $1-\delta = 0.9$, and with $\eps_{\iso}=0$ as the signal $x$ is known to be monotone. For sample size $n=1000$, the resulting estimate $\mathsf{iso}(y)$ and confidence band are illustrated in \figref{sim_signal}(b). We then repeat this experiment at sample sizes $n=700,701,702,\dots,1000$. For each sample size $n$, we take the mean width of the confidence band averaged over (a) the locally constant (``flat'') regions of the signal, defined by all indices $i$ corresponding to values $t\in[0.1,0.2]\cup[0.8,0.9]$, and (b) a strictly increasing region, defined by indices $i$ corresponding to $t\in[0.4,0.6]$. (These regions are illustrated in \figref{sim_signal}(a).) \begin{figure} \centering \begin{tabular}{cc} \includegraphics[width=0.5\textwidth]{iso_signal.pdf}& \includegraphics[width=0.5\textwidth]{iso_confidenceband.pdf}\\ (a) Signal&(b) Results for $n=1000$ \end{tabular} \caption{(a) The function $f(t)$ used to generate signals $x\in\mathbb{R}^n$ for various $n$, with flat and increasing regions highlighted. (b) At sample size $n=1000$, the observed data $y$, estimated signal $\mathsf{iso}(y)$, and data-adaptive confidence band computed as in~\eqnref{subg_adapt}.} \label{fig:sim_signal} \end{figure} Our theory predicts that the mean confidence band width scales as $\sim \sqrt{\frac{\log(n)}{n}}$ in the flat regions, and $\sim \sqrt[3]{\frac{\log(n)}{n}}$ in the increasing region. To test this, we take a linear regression of the log of the mean confidence band width against $\log\left(\frac{n}{\log(n)}\right)$, and find a slope $\approx -1/2$ in the flat regions and $\approx -1/3$ in the increasing region, confirming our theory. These results are illustrated in \figref{sim_scaling}. Note that our data-adaptive estimation bands given by \thmref{subg_adapt} are calculated without using prior knowledge of the signal's local behavior (locally constant / locally Lipschitz)---the confidence bands computed in \thmref{subg_adapt} are able to adapt to this unknown structure automatically. We next check the empirical coverage level of these confidence bands. Ideally we would want to see that, over repeated simulations, the true monotone sequence $x=(x_1,\dots,x_n)$ lies entirely in the band roughly $1-\delta = 90\%$ of the time. While our theory guarantees that coverage will hold with probability {\em at least} 90\%, our bounds are of course somewhat conservative. We observe empirically that the coverage is in fact too high---it is essentially 100\%---but nonetheless, the width of the confidence band is not too conservative. In particular, shrinking the width of the confidence band by a factor of $\approx 0.855$ empirically leads to achieving the target 90\% coverage level; in other words, our confidence bands are around 17\% too wide. (Of course, this ratio is specific to our choice of data distribution, and is likely to vary in different settings.) \begin{figure} \centering \begin{tabular}{cc} \includegraphics[width=0.5\textwidth]{iso_loglogplot_flat.pdf}& \includegraphics[width=0.5\textwidth]{iso_loglogplot_incr.pdf}\\ (a) Results for flat regions &(b) Results for increasing region \end{tabular} \caption{ For each sample size $700\leq n\leq 1000$, log mean width of the confidence band over a region. (a) Flat region: $t\in[0.1,0.2]\cup[0.8,0.9]$, where slope $\approx-1/2$, i.e.~pointwise error scales as $(n/\log(n))^{-1/2}$, as predicted in~\eqnref{predict_onehalf}. (b) Increasing region: $t\in[0.4,0.6]$, where slope $\approx-1/3$, as predicted in~\eqnref{Lip}.} \label{fig:sim_scaling} \end{figure} \section{Density estimation} As a second application of the tools developed for the sliding window norm, we consider the problem of estimating a monotone nonincreasing density $g$ on the interval $[0,1]$, using $n$ samples drawn from this density. Let $Z_1,\dots,Z_n\stackrel{\mathrm{iid}}{\sim} g$ be $n$ samples drawn from the target density $f$, sorted into an ordered list $Z_{(1)}\leq \dots \leq Z_{(n)}$. The Grenander estimator for the monotone density $g$ is defined as follows. Let $\widehat{G}_n$ be the empirical cumulative distribution function for this sample, \[\widehat{G}_n(t) = \frac{1}{n}\sum_{i=1}^n \One{Z_i \leq t},\] and let $\widehat{G}_{\mathsf{Gren}}$ be the minimal concave upper bound on $\widehat{G}_n$. Finally, define the Grenander estimator of the density, denoted by $\widehat{g}_{\mathsf{Gren}}$, as the left-continuous piecewise constant first derivative of $\widehat{G}_{\mathsf{Gren}}$. This process is illustrated in \figref{grenander}. It is known (\citet{robertsonorder}) that $\widehat{g}_{\mathsf{Gren}}$ can be computed with a simple isotonic projection of a sequence. Namely, for $i=1,\dots,n$, let $y_i = n(Z_{(i)} - Z_{(i-1)})$ where we set $Z_{(0)}\coloneqq 0$, and calculate the isotonic projection $\mathsf{iso}(y)$. Then the Grenander estimator is given by \begin{equation}\label{eqn:fg} \widehat{g}_{\mathsf{Gren}} = \begin{cases}1/\mathsf{iso}(y)_1,&0\leq t\leq Z_{(1)},\\ 1/\mathsf{iso}(y)_2,&Z_{(1)}<t\leq Z_{(2)},\\ \dots\\ 1/\mathsf{iso}(y)_n,&Z_{(n-1)}<t\leq Z_{(n)},\\ 0,&Z_{(n)}<t\leq 1.\end{cases}\end{equation} \begin{figure} \centering \begin{tabular}{cc} \includegraphics[width=0.5\textwidth]{grenander1.pdf}& \includegraphics[width=0.5\textwidth]{grenander2.pdf}\\ (a) Cumulative distribution function &(b) Density \end{tabular} \caption{Illustration of the Grenander estimator for a monotone decreasing density.} \label{fig:grenander} \end{figure} If we assume that $f$ is Lipschitz and lower-bounded, then our error bounds for isotonic regression transfer easily into this setting, yielding the following theorem (proved in \appref{proofs_density}): \begin{theorem}\label{thm:density} Let $g:[0,1]\rightarrow [{c},\infty)$ be a nonincreasing ${L}$-Lipschitz density, let $Z_1,\dots,Z_n$ be \iid~draws from $g$, and define the Grenander estimator $\widehat{g}_{\mathsf{Gren}}$ as in~\eqnref{fg}. Then for any $\delta>0$, if \[\Delta \coloneqq 9\left(\frac{1}{c} + \frac{{L}}{2c^3}\right) \sqrt[3]{\frac{\log((n^2+n)/\delta)}{n}} \leq \frac{1}{{c}+{L}},\] then \[\PP{\sup_{\Delta\leq t \leq 1-\Delta}\big|g(t) - \widehat{g}_{\mathsf{Gren}}(t)\big| \leq \frac{\Delta }{\frac{1}{{c}+{L}} \cdot \left(\frac{1}{{c}+{L}} - \Delta\right)}} \geq 1-\delta.\] \end{theorem} This result is similar to that of \citet{durot2012limit}, which also obtains a $(n/\log(n))^{-1/3}$ convergence rate uniformly over $t$ (although in their work, $t$ is allowed to be slightly closer to the endpoints, by a log factor). Their results are asymptotic, while our work gives a finite-sample guarantee. As mentioned in \secref{intro_refs}, \citet{cator2011adaptivity} also derives locally adaptive error bounds whose scaling depends on the local Lipschitz behavior or local derivatives of $f$. Our locally adaptive results for sequences may also be applied here to obtain a locally adaptive confidence band on the density $g$, but we do not give details here. \section{Proof for contractive isotonic projection}\label{sec:proof_nuna} In this section, we prove our main result \thmref{iso_contract} showing that, for any semi-norm, the nonincreasing-under-neighbor-averaging (NUNA) property is necessary and sufficient for isotonic projection to be contractive under this semi-norm. Before proving the theorem, we introduce a few definitions. First, for any index $i=1,\dots,n-1$, we define the matrix \begin{equation}\label{eqn:Ai} A_i = \left(\begin{array}{cccc} \mathbf{I}_{i-1} & 0 & 0 & 0 \\ 0 & \nicefrac{1}{2} & \nicefrac{1}{2} & 0\\ 0 & \nicefrac{1}{2} & \nicefrac{1}{2} & 0\\ 0 & 0 & 0 & \mathbf{I}_{n-i-1}\end{array}\right)\in\mathbb{R}^{n\times n} ,\end{equation} which averages entries $i$ and $i+1$. That is, \[A_i x = \left(x_1,\dots,x_{i-1},\frac{x_i + x_{i+1}}{2},\frac{x_i + x_{i+1}}{2},x_{i+2},\dots,x_n\right).\] We also define an algorithm for isotonic projection that differs from PAVA, and in fact does not converge in finite time, but is useful for the purpose of theoretical analysis. For any $x\in\mathbb{R}^n$ and any index $i=1,\dots,n-1$, define \[\mathsf{iso}_i(x) = \begin{cases}x,&\text{ if }x_i\leq x_{i+1},\\ A_i x, &\text{ if }x_i>x_{i+1}.\end{cases}\] In other words, if neighboring entries $i$ and $i+1$ violate the monotonicity constraint, then we average them. The following lemma shows that, by iterating this step infinitely many times (while cycling through the indices $i=1,\dots,n-1$), we converge to the isotonic projection of $x$. \begin{lemma}\label{lem:slow_pava} Fix any $x=x^{(0)}\in\mathbb{R}^n$, and define \begin{equation}\label{eqn:slow_pava} x^{(t)} = \mathsf{iso}_{i_t}(x^{(t-1)}) \text{ where }i_t = 1 + \textnormal{mod}(t-1,n-1)\text{ for $t=1,2,3,\dots$}.\end{equation} Then \[\lim_{t\rightarrow\infty} x^{(t)} = \mathsf{iso}(x).\] \end{lemma} With this slow projection algorithm in place, we turn to the proof of our theorem. \begin{proof}[Proof of \thmref{iso_contract}] First suppose that $\norm{\cdot}$ satisfies the NUNA property. We will prove that, for any $x,y\in\mathbb{R}^n$ and any index $i=1,\dots,n-1$, \begin{equation}\label{eqn:iso_contract_step}\norm{\mathsf{iso}_i(x)-\mathsf{iso}_i(y)}\leq\norm{x-y}.\end{equation} If this is true, then by \lemref{slow_pava}, this is sufficient to see that isotonic projection is contractive with respect to $\norm{\cdot}$, since the map $x\mapsto\mathsf{iso}(x)$ is just a composition of (infinitely many) steps of the form $x\mapsto\mathsf{iso}_i(x)$. More concretely, defining $x^{(t)}$ and $y^{(t)}$ as in \lemref{slow_pava},~\eqnref{iso_contract_step} proves that $\norm{x^{(t)}-y^{(t)}}\leq \norm{x^{(t-1)} - y^{(t-1)}}$ for each $t\geq1$. Applying this inductively proves that $\norm{x^{(t)}-y^{(t)}}\leq \norm{x-y}$ for all $t\geq 1$, and then taking the limit as $t\rightarrow\infty$, we obtain $\norm{\mathsf{iso}(x)-\mathsf{iso}(y)}\leq \norm{x-y}$. Now we turn to proving~\eqnref{iso_contract_step}. We will split into four cases. \begin{itemize} \item Case 1: $x_i \leq x_{i+1}$ and $y_i \leq y_{i+1}$. In this case, $\mathsf{iso}_i(x)=x$ and $\mathsf{iso}_i(y) = y$, and so trivially, \[\norm{\mathsf{iso}_i(x) - \mathsf{iso}_i(y)}=\norm{x-y}.\] \item Case 2: $x_i > x_{i+1}$ and $y_i > y_{i+1}$. In this case, we have \[\big[\mathsf{iso}_i(x)\big]_i = \big[\mathsf{iso}_i(x)\big]_{i+1} = \frac{x_i + x_{i+1}}{2}\] and \[\big[\mathsf{iso}_i(y)\big]_i = \big[\mathsf{iso}_i(y)\big]_{i+1} = \frac{y_i + y_{i+1}}{2},\] while all entries $j\not\in\{i,i+1\}$ are unchanged. Therefore, we can write \[\mathsf{iso}_i(x)- \mathsf{iso}_i(y) = A_i \cdot (x-y).\] Since $\norm{\cdot}$ satisfies the NUNA property, therefore, \[\norm{\mathsf{iso}_i(x) - \mathsf{iso}_i(y)} = \norm{A_i \cdot (x-y)}\leq \norm{x-y}.\] \item Case 3: $x_i\leq x_{i+1}$ and $y_i > y_{i+1}$. Let \[t = \frac{y_i - y_{i+1}}{x_{i+1} - x_i + y_i - y_{i+1}}.\] Note that $t\in [0,1]$ by the definition of this case. A trivial calculation shows that \[\big[\mathsf{iso}_i(x) - \mathsf{iso}_i(y)\big]_i = x_i - \frac{y_i + y_{i+1}}{2} = (1-t/2)\cdot (x_i - y_i) + t/2\cdot (x_{i+1} - y_{i+1})\] and \[\big[\mathsf{iso}_i(x) - \mathsf{iso}_i(y)\big]_{i+1} = x_{i+1} - \frac{y_i + y_{i+1}}{2} = t/2\cdot (x_i - y_i) + (1-t/2)\cdot (x_{i+1} - y_{i+1})\] This means that we have \[\mathsf{iso}_i(x) - \mathsf{iso}_i(y) = (1-t)\cdot (x-y) + t\cdot A_i\cdot (x-y),\] and so \[\norm{\mathsf{iso}_i(x) - \mathsf{iso}_i(y)}\leq (1-t)\cdot\norm{x-y} + t\cdot \norm{A_i\cdot (x-y)} \leq \norm{x-y},\] since $\norm{\cdot}$ satisfies NUNA. \item Case 4: $x_i> x_{i+1}$ and $y_i\leq y_{i+1}$. By symmetry, this is equivalent to Case 3. \end{itemize} This proves~\eqnref{iso_contract_step}, and therefore, is sufficient to show that isotonic projection is a contraction with respect to $\norm{\cdot}$. Now we prove the converse. Suppose that $\norm{\cdot}$ does not satisfy NUNA. Then we can find some $x$ and some $i$ such that \[\norm{A_i x} > \norm{x}.\] Without loss of generality we can assume $x_i\leq x_{i+1}$ (otherwise simply replace $x$ with $-x$---since $\norm{\cdot}$ is a norm, we will have $\norm{- A_i x} = \norm{A_i x} > \norm{x} = \norm{-x}$). Let $B=\max_{1\leq j\leq n-1}|x_j - x_{j+1}|$, and let $\Delta=x_{i+1}-x_i \in [0, B]$. Now define \[y = (\Delta-(i-1)B,\Delta-(i-2)B,\dots,\Delta-B,\underbrace{\Delta}_{\text{entry $i$}},\underbrace{0}_{\text{entry $i+1$}},B,2B,\dots,(n-i-1)B),\] and $z=y+x$. We can check that $\mathsf{iso}(z)=z$, since \[z_{j+1} - z_j = \begin{cases} x_{j+1} - x_j + B \geq 0,&\text{ if $j\neq i$},\\ x_{i+1} - x_i - \Delta = 0,&\text{ if $j=i$.} \end{cases}\] On the other hand, using the fact that $0\leq\Delta\leq B$, we have \[\mathsf{iso}(y) = \left(\Delta-(i-1)B,\Delta-(i-2)B,\dots,\Delta-B,\frac{\Delta}{2},\frac{\Delta}{2},B,2B,\dots,(n-i-1)B\right),\] and so \begin{multline*} \mathsf{iso}(z)-\mathsf{iso}(y) = (z-y) + (y-\mathsf{iso}(y)) = x + \left(0,\dots,0,\frac{\Delta}{2},-\frac{\Delta}{2},0,\dots,0\right)\\ =\left(x_1,x_2,\dots,x_{i-1},\frac{x_i + x_{i+1}}{2} ,\frac{x_i + x_{i+1}}{2},x_{i+2},x_{i+3},\dots,x_n\right) = A_i x.\end{multline*} Therefore, $\norm{\mathsf{iso}(z)-\mathsf{iso}(y)}>\norm{z-y}$, proving that isotonic projection is not contractive with respect to $\norm{\cdot}$. \end{proof} \section{Discussion} We study contraction properties of isotonic regression with an application on a novel sliding window norm. We then use these tools to construct data-adaptive estimation bands and obtain non-asymptotic uniform estimation bound of isotonic estimator. Our results are adaptive to the local behavior of the unknown signal, and can be used in a related density estimation problem. The analysis tools we developed are potentially useful for other shape-restricted problems. We expect to apply our results on the high dimensional inference or calibration problems, where isotonic regression could serve as an important tool. Furthermore, ordering constraints, and more generally shape constraints, can take many different forms in various applications---for instance, two commonly studied constraints are isotonicity over a two-dimensional grid (in contrast to the one-dimensional ordering studied here), and convexity or concavity. It may be possible to extend the contraction results to a more general shape-constrained regression setting. We leave these problems for future work. \subsection*{Acknowledgements} R.F.B.~was partially supported by an Alfred P.~Sloan Fellowship. The authors are grateful to Sabyasachi Chatterjee for helpful feedback on earlier drafts of this paper. \bibliographystyle{plainnat}
dcb7004cc1db537bcab4e6cf0ab071b3aea4875e
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section*{Abstract} The Indo-Pacific region contains a unique mix of opportunities for the development and use of genetic-pest-management, gene-drive, and gene-drive-like technologies. Here I collectively refer to these technologies as Evolutionary Genetic Engineering (EGE). Indo-Pacific Islands have some of the world's highest rates of endemism and extinction—species and entire ecosystems are at risk. This threat to the natural world is coupled with the burden of human diseases, many of which are new and emerging or neglected tropical diseases. The same factors which have led to high rates of endemism also, in some ways, make this region an ideal testing ground for some types of EGE's. There is great potential for positive humanitarian, economic, and conservation applications of EGE's. However, these types of new technologies will be initially viewed from the perspective of the recent history of a loss of self determination, issues of social justice, and the testing of new technologies (e.g., biocontrol, agricultural, nuclear) in the Indo-Pacific—a region of the world that is still extensively colonized and controlled by Western Nations. Experience with successes and failures in related technologies suggests a path to move forward—a set of eight recommendations—to maximize the potential payoffs and minimize unintended negative effects of EGE's. \section*{Introduction} The Island Indo-Pacific is a large, important, unique, and unfortunately often overlooked region of the world. There is tremendous potential for the positive use of Evolutionary Genetic Engineering (EGE) in the region in both humanitarian and conservation applications. This potential stems from the regions geographic isolation, collection of infectious diseases, and species conservation urgencies. However, it would be a mistake to neglect the context of recent and ongoing political and social challenges in the region. Doing so is likely to generate a negative reaction that could inhibit the applications of promising emerging technologies. This context includes issues of colonialism, self determination, biocontrol, the testing of new technologies, and early experiences with genetically modified agricultural crops in the region. In this article I am focused on the Island Indo-Pacific Tropics, but also use examples from the broader region including India and Australia. I am also focusing on terrestrial applications of EGE’s. There are potential freshwater and marine applications, but this is less developed and goes beyond the scope of the current article. In order to move forward in a way that does not sacrifice long term progress for short term convenience, we must accept that everyone has a role to play in shaping our technological future; this is not always easy to do when faced with confrontations and fundamental disagreements. To do this we must \begin{enumerate} \item enhance communications and avoid a reluctance to provide more detailed information about new technologies or to be dismissive of inquiries. \item EGE applications should only be pursued if there is a genuine benefit to the local population (and if the people potentially affected generally agree that this is desirable rather than the decision being made externally), not in order to test new technologies in a “safe” manner or to avoid jurisdictional regulations. \item The potential benefits and risks of EGE's, along with the degree of uncertainty surrounding both, need to be unambiguously communicated. \item There needs to be a frank discussion of unintended side effects and the potential for misuse of the technology. \item Humanitarian goals need to be administered and controlled by humanitarian organizations while conservation goals need to be administered and under the control of conservation organizations (applicable to both governmental and non-governmental organizations); this is especially true in an international setting. \item Proactive research needs to be conducted and the data available to address common concerns about the possible ecological and health effects of EGE’s. \item It takes broad perspectives, beyond what any single person is capable of, to identify potential promises and pitfalls of the development and implementations of EGE's. \item Finally, a broad-based community discussion of, and direct involvement in, EGE development and applications should occur as early as possible. This will positively shape both the development and applications of the technology and help build a solid social foundation for future developments. \end{enumerate} \section*{Potential Evolutionary Genetic Engineering Applications in the Island Indo-Pacific.} The Indo-Pacific spans half of the Earth’s circumference yet receives relatively less international focus. A revealing example is that this is the non-polar region that is most often divided on map projections of the world. This inattention is not simply due to a smaller population; the four most populous countries in the world (China, India, the USA, and Indonesia) have territory and active interests in the region. The Island Indo-Pacific has some of the world’s highest rates of both species endemism (unique genetic diversity) and extinction \citep{vitousek1988, fleischer1998, myers2000, kier2009}. Adaptive radiations of species here have served as prime examples of evolutionary biology \citep[p.~380][]{darwin1845, dobzhansky1973}. Extinctions in these species-rich regions are proceeding at an alarming rate \citep{pimm1995, ganzhorn2001, fonseca2009, loehle2012, regnier2015} and this is predicted to be exacerbated by climate change \citep{benning2002, mora2013}. The region is in dire need of effective conservation strategies and potential Evolutionary Genetic Engineering (EGE) applications targeting introduced species and diseases have been proposed to establish effector genes refractory to introduced vectored disease (genetic modifications to block transmission of the disease) and genetic sterile insect techniques to suppress populations of invasive species \citep{clarke2002, wimmer2005, sinkins2006, altrock2010, esvelt2014, reeves2014, webber2015}. The Island Indo-Pacific is also home to newly emerging and/or neglected tropical diseases that affect human health as well as economically important species. Vector borne human diseases in the region include chikungunya, dengue fever, Japanese encephalitis, lymphatic filariasis, malaria, plague and Rift Valley fever (in Madagascar), schistosomiasis, scrub typhus, West Nile fever, and zika. Additionally there are diverse agricultural crop pests and diseases that impact food production across the region. A major goal of EGE development is to address human disease, and there is also potential for agricultural applications \citep{alphey2002, sinkins2006, gould2008a, wimmer2013, esvelt2014, champer2016}. When countries are listed by gross domestic product per capita it becomes apparent that the Indo-Pacific contains, in terms of national economic wealth, many of the poorest countries in the world. For example, the Comoros, Kiribati, Madagascar, Marshall Islands, Micronesia, Papua New Guinea, Solomon Islands, Tuvalu, and Vanuatu have an average per capita GDP of Intl.\$2,387, approximately 1/8th of the world average, Intl.\$18,872 \citep{IMF2016}. This limits the resources available that these governments can apply to humanitarian and conservation interventions and suggests an enhanced value of international collaboration. In many ways the terrestrial isolation that has led to the Indo-Pacific's tremendous biological diversity also makes the region ideal for some EGE applications. Suppressing or modifying non-native invasive species is an obvious place to start. However, what may be a pest in one location may be a highly valued or important ecological species in another (e.g., nopal \textit{Opuntia} cacti are a highly valued component of Mexican cuisine and source of animal fodder while considered an invasive species pest in Australia---\textit{Cactoblastis cactorum} has been used successfully as bio-control in Australia but is now threatening native \textit{Opuntia} in the Americas \citep{zimmerman2004}. Proper application of Type 1 and 2a EGE’s (Appendix A: Types of Evolutionary Genetic Engineering) can leave a species genetically unmodified within its native range, even with low levels of migration between islands or islands and continents \citep{altrock2010, altrock2011, laruson2016}. The limited and discrete partitioning of land area of islands make 100\% local genetic transformation or eradication of a species possible without resorting to type 2b or 3 EGE’s (Appendix A) and allows the application to proceed in a stepwise fashion across multiple islands using limited resources. \section*{Colonialism, self determination, and the testing of new technologies} We have different perspectives depending on our experiences and social / cultural identities, and we are all-too-often not aware of how our individual perspective differs from others. In the middle of the abstract I used the following sentence, ``The same factors which have led to high rates of endemism also, in some ways, make this region an ideal testing ground for some types of EGE's.'' I chose the wording of this sentence carefully. What was your reaction? For many of the people reading this article the sentence seemed perfectly natural and flows into the ideas of the preceding and following sentences. However, for some readers the phrase ``testing ground'' is likely to stand out. Our reaction to this sentence is related to our perspective. For many who do not live in the island Indo-Pacific it is easy to see the region as something external to our daily lives and more disposable for testing and experimenting. In contrast, for some the Indo-Pacific represents home, family, work, and is also fundamentally connected to a cultural identity. I ask readers to construct your own sentence connecting a place that is highly valued to you personally (your hometown, where you live now, or a place of historical, religious, or cultural importance) with a ``testing ground'' of a new potentially powerful technology with its own set of concerns and unknowns. The Indo-Pacific has a long and continuing history of a loss of self determination and sovereignty. The UN Special Committee on Decolonization lists American Samoa, French Polynesia, Guam, New Caledonia, Pitcairn, and Tokelau as Non-Self-Governing-Territories. The total number of ongoing sovereignty disputes encompasses many more islands and regions too extensive to list here. Colonization includes the establishment of extensive military bases and use of the islands for tests of nuclear, biological, and chemical warfare technologies---and these were not limited to a few isolated incidents, for example hundreds of nuclear weapons tests were conducted by France in Mururoa and Fangataufa Atolls, by the United Kingdom in South Australia, Montebello, and Kiritimati Islands, by the United States in Pikinni (Bikini), \=Anewetak (Enewetak), Johnston (Kalama) Atolls, and Kiritimati. This history of military testing, non-military testing of new technologies (e.g., disastrous attempts at classical biological control by introducing new species, e.g., \citealt{howarth1983,clarke1984,henneman2001,messing2006,hays2007,parry2009}), and colonization in the region can severely inhibit international biological research and potential applications including EGE’s. There is a case study that deserves special mention within the context of EGE’s in the Indo-Pacific, especially in the context of international programs and applications of mosquito genetic engineering. From 1969–1975 the World Health Organization (WHO) collaborated with the US Public Health Service (PHS) and the Indian Council of Medical Research (ICMR) to establish a Genetic Control of Mosquitoes Research Unit (GCMRU) in India; this was financially supported by the Government of India, US PL-480 funds, and the CDC \citep{AEND1975a}. The GCMRU was studying and implementing mosquito control technologies including the release of sterilized individuals. What appears to have started with concerns about a carcinogen (thiotepa) being added to well water in the village of Pochanpur without public or government consultation got caught up in politics \citep{AEND1975b,hanlon1975}, with widespread accusations in the media and later by the Government of India, and grew into a political disaster with suspicions that the US military was using India to test methods of biological warfare using mosquitoes \citep{AEND1974, sehgal1974,anonymous1975, AEND1975b, hanlon1975, anonymous1976,powell2002}. The addition of thiotepa to village water has been denied by WHO \citep{tomiche1975}, but publications preceding the accusations suggest this may have happened \citep[pp. 85-87][]{pal1974}---and therein lies one problem. There was a lack of clear unambiguous communication from the beginning. Furthermore, PHS did have military connections and shared materials and information with the US military \citep{langer1967,treaster1975}. The US military did conduct chemical and biological tests in the Indo-Pacific; this included the release of mosquitoes off the coast of Baker Island (``Magic Sword'' 1965), the release of \textit{Bacillus globigii} in O`ahu (``Big Tom'' 1965), shelling sarin nerve agent in Wai\=akea Forest Reserve, Hawai`i (``Red Oak'' 1967), and the dispersal of \textit{Staphylococcus aureus} enterotoxin type B over \=Anewetak (Enewetak) Atoll (``DTS Test 68-50'' 1968). However, in all likelihood there was no military or biological warfare connections with the GCMRU \citep{WHO1976,powell2002}. Covert transfer of US funds to keep GCMRU going was briefly discussed with WHO \citep{AEND1975c, SSWDC1975} but this was considered too risky and the US suspended funding the project. Despite denials by WHO \citep{tomiche1975}, the GCMRU, which was planned to extend at least until 1978, was forced to shut down prematurely in 1975 \citep{AEND1975d} and the project was deemed a failure \citep{curtis2007}. What can be learned from this? \begin{enumerate} \item There was a clear lack of communication resulting from a reluctance of either the WHO or the US to engage the media and comment on the allegations \citep{AEND1974, AEND1975e, anonymous1975, tomiche1975}. This was unfortunate as it, perhaps rationally, fuelled suspicions. The public perception of public perception may differ from public perception---the individual perception of public opinion is influenced by a range of factors and may not be an accurate reflection of commonly held attitudes \citep[e.g.,][]{mutz1989}. The idea that providing more information would undermine support conflicts with recent results that show the more informed people are of the release of genetically modified mosquitoes the more supportive they become; however, a great deal of public engagement has to be accomplished, especially for women, minorities, and people with lower education levels and lower household incomes \citep{ernst2015,kolopack2015}. \item There was a perception that these experiments would not have been permitted in Western countries and that India was being used as a testing ground \citep{anonymous1975,raghavan1975}. Knowledge that a technology has been effective in other countries is one factor associated with strong public support \citep{ernst2015}. It is unfortunate that prior programs in the US, Myanmar/Burma, Tanzania, Western Africa, and France were not communicated to the Indian press \citep{laven1972,WHO1976,curtis2007}. The perception that an international project is being conducted to avoid home country regulation should certainly be (truthfully) avoided. \item The potential benefits of the project to the people of India was unclear \citep{AEND1974,anonymous1975}. This is perhaps most tragic of all. India suffers from mosquito vectored dengue, malaria, Japanese encephalitis, chikungunya, and lymphatic filariasis \citep{sharma2015}. While a balance must be struck to not over-promise results that may not be realized, the goals and potential benefits of EGE applications must also be clearly advertised. \item There was a lack of an \textit{a priori} open and frank discussion about possible misuse of the technology \citep{hanlon1975}. While any technology can be potentially misused by individuals or organizations, a nation's government, and especially its military, has non-humanitarian and non-conservation priorities that can potentially conflict with the goals of humanitarian and conservation projects. Regardless of the existence of an actual conflict, the perception of possible conflict does exist, which can undermine credibility \citep{serafino2008,charney2013}. Fortunately today this is widely recognized and the 1978 UN ENMOD treaty (\url{http://www.un-documents.net/enmod.htm}) may prevent, depending on interpretation, military involvement in EGE technologies except perhaps for some limited applications of type 0 and 1 systems (Appendix A). The ENMOD treaty states that ``Each State Party to this Convention undertakes not to engage in military \ldots environmental modification techniques having widespread, long-lasting or severe effects \ldots the term `environmental modification techniques' refers to any technique for changing---through the deliberate manipulation of natural processes---the dynamics, composition or structure of the Earth, including its biota \ldots'' However, there is still a need for an open discussion about potential malicious uses, and military involvement with EGE projects should be avoided in order to encourage international trust and cooperation. \end{enumerate} In response, Dr.~B.~D.~Nagchaudhuri's, physicist and scientific adviser to the Indian Ministry of Defence, recommendations were ``(A) that research proposals and projects are available to the public; and (B) that pertinent records contain clear statements as to why the objective is important, what is the [Government of India's] interest, and what is the [United States Government's] interest'' \citep{AEND1975f} and ``ministry officials must be alerted to any sensitive problems by the technical experts involved''; also, that ``each collaborative project should also be approved at the ministerial or secretary level of the ministry under which the project would fall i.e. health projects - Ministry of Health, Agricultural Projects - Ministry of Agriculture, \ldots This should also hold true whether on the Indian side or the US side'' \citep{AEND1975g}. Dr.~Hanlon recommends ``At the very least, there should be an open discussion of the [biological warfare] potential of such projects before they begin, so that countries can make informed choices'' \citep[p.~103][]{hanlon1975}. There is a value to compartmentalizing different aspects of a government’s actions. It seems almost self evident that funds for research are best spent by research agencies, funds for health are best spent in agencies focused on health, funds for conservation are best spent by agencies trained in and focused on conversation. Even if there were sufficient funding and resources we would not want the EPA (Environmental Protection Agency) or DOH (Department of Health) carrying out military actions; the converse is also true. We don’t want to rely on our military to carry out conservation, human health, or humanitarian actions when there are other agencies, without conflicting priorities, that can and should be doing this \citep{serafino2008,charney2013}. The author has discussed EGE's and the ENMOD treaty in person with current and former members of DARPA, a research branch of the military with an interest in EGE's, and has been told that the military has to carry out high risk (in the sense of new and experimental) research because NSF (National Science Foundation) and NIH (National Institutes of Health) cannot. I completely disagree. Research agencies can and should also be funding higher risk, higher pay-off research instead of abdicating this role to the military---and to avoid the kinds of conflicts suggested in the WHO experience in India. This is not done in the US because of historical inertia and objectively unbalanced federal budget allocations (a Department of Defense, DOD, estimated research budget of \$66 billion versus \$29 billion for NIH and only \$6 billion for NSF in FY2015, \citealt{hourihan2016}). Reallocating civilian research funds to civilian agencies would also free up the military to focus on military actions and capabilities. \section*{Recent experiences with GMO’s in the Indo-Pacific} EGE’s are likely to be initially framed in terms of the GMO (Genetically Modified Organism) crop debate \citep{knols2007}.\footnote{Although, classical sterile insect technique involving radiation or chemicals and Wolbachia based techniques stand as exceptions. These are genetic approaches in the sense that the organisms chromosomes are affected (Callaini et al., 1997; Robinson, 2005), but they are not considered genetic modifications.} Within Hawai`i, Rainbow Papaya and GMO Taro serve as contrasting examples of the interaction between social acceptance, development, and deployment of new technologies. \textit{Carica papaya} was not grown in Hawai`i until after European contact in 1778. The papaya industry in Hawai`i was devastated in the 1990’s by the ringspot virus. A genetically engineered ``rainbow'' papaya resistant to ringspot infection was developed at Cornell University by Dr.~D.~Gonsalves \citep{ferreira2002} who was originally from Hawai`i. While GMO papaya is not without controversy \citep[e.g.,][]{harmon2014,hofschneider2016} it is credited with rescuing the industry and is \textit{de facto} widely adopted in Hawai`i today \citep[e.g.,][]{kallis2013}. \textit{Colocasia esculenta} (Taro or Kalo in Hawaiian) was brought to Hawai`i by the ancient Polynesians. A wide range of Kalo varieties have had a central role in traditional Hawaiian culture as a staple food crop and continues to be economically important \citep{whitney1939,fleming1994}. Furthermore, Kalo is literally the brother of humans (H\=aloa) in the Hawaiian creation tradition and words for family and relationships also refer to parts of the plant \citep{kahumoku1980}. Taro leaf blight (\textit{Phytophthora colocasiae}) was introduced to Hawai`i in the 1900’s and has significantly impacted Kalo \citep{nelson2011}. Work at the University of Hawai`i was begun to to breed resistant varieties which resulted in patents in 2002. Separately a Chinese variety of Taro was genetically modified from 2001 to 2006 with a gene from wheat to be resistant to leaf blight. This resulted in widespread public outrage and large protest rallies in 2006 that resulted in the university relinquishing its patents and issuing an indefinite moratorium on the genetic engineering of Hawaiian Kalo \citep{ritte2006,CTAHR2009}. With these cases in mind consider a potential EGE project. Culex mosquitoes were introduced to Hawai`i in the mid 1800’s. They vector \textit{Plasmodium relictum} which is responsible for avian malaria. Many Hawaiian forest bird species, important in traditional Hawaiian culture (e.g., `ahu `ula, mahiole, and in Hawaiian religion), have no immunity or tolerance to \textit{P.~relictum} and have become extinct, with many currently threatened, as a result \citep{warner1968}. These two previous contrasting examples suggest that genetically modifying non-native mosquitoes to reduce the frequency of avian malaria is much more socially acceptable than the reverse: genetically modifying native Hawaiian birds to be resistant to infection by Plasmodium (although it would be worth conducting the relevant public surveys to determine this). Also, doing the research locally in Hawai`i is not necessarily an advantage in terms of securing broad local public support, buy-in, and acceptance (however, it is an advantage in terms of engaging the public).\footnote{Another fascinating dimension is the degree of public awareness and identity with conservation goals and issues. This varies tremendously across the Indo-Pacific with various emphasis on terrestrial and marine issues and could be the subject of an article and research project in its own right.} These are aspects that might not initially be appreciated by scientists designing EGE technologies. On a broader scale across the Indo-Pacific, consider the cases of golden rice and Bt-cotton. Rice (\textit{Oryza sativa}) is a staple crop for a large segment of the population across the Indo-Pacific. A major nutritional shortcoming of rice is the lack of beta-carotene that can be metabolized into vitamin A, which in many of these populations is \textit{de facto} not simply rectified by supplementing with additional food sources. This unfortunate situation leads to blindness and the deaths of over half a million people a year. To address this, rice has been engineered since 2000 with DNA sequences from other plants to produce bio-available beta-carotene \citep{ye2000,paine2005,tang2009}. This ``golden rice'' has also been the target of a great deal of controversy, protest, and misinformation \citep[e.g.,][]{dobson2000,potrykus2001,enserink2008,lynas2013b}. Much of this protest originates in the Western world where ironically we have a wide range of nutritional supplements added to our food including vitamin D in milk, calcium in orange juice, niacin and folic acid in bread, iodine in salt, and fluoride in drinking water. One question to ask ourselves is, why is it so easy to add all of these supplements to our food supply, not to mention widespread adoption of genetically modified corn, soybeans, cotton, potatoes, sugar beets, \textit{etc}., in parts of the West, when providing vitamin A in the form of Golden Rice for much of the world’s population is still not approved and remains in a testing phase well over a decade later? Bt-cotton, which has received less attention in the media, provides a contrasting case to golden rice where a GM crop has been embraced in the Indo-Pacific and this has been in large part driven by local buy-in. Bt-cotton is engineered to produce a naturally occurring insecticide from a bacteria (\textit{Bacillus thuringiensis}). The intention is to kill larvae of the cotton bollworm (\textit{Helicoverpa armigera}). A seed company in India led by Dr.~D.~B.~Desai began selling ``Navbharat 151'' seed in 1998 with the claim that the plants did not have to be sprayed with pesticides for bollworm. This proved to be the case during a large bollworm outbreak in Gujarat in 2001, which raised questions. It was found that Navbharat 151 plants had a genetic modification created by Monsanto. The Indian government filed criminal charges against Dr.~Desai, ordered the seed destroyed, and 4,000 hectares of planted fields burned. Thousands of farmers rallied to support Dr.~Desai and block burning the fields; the Gujarat government refused to carry out the order; the recall was cancelled, and some farmers saved their own seed for replanting. The opposite of concerns about using India as a testing ground as discussed in the WHO mosquito project of the 1970's (point 2 above) were expressed: `How can something made in the United States, many of them wonder aloud, be unsafe in India? ``I think they grow it in China and other countries,'' says Kalidas Patel, who grew Navbharat cotton in Gujarat' \citep{mcgray2002}. Later Monsanto was granted a license to market Bt-cotton in India and in all likelihood the prior experience with Navbharat 151 promoted public buy-in \citep{menon2001,mcgray2002}. In recent years Bt-cotton is widely adopted, approximately 90\% of the cotton grown in India, and a black market for Bt-cotton seeds also appears to be thriving \citep[e.g.,][]{kathage2012,nemana2012}. However, this is in no way a simple matter and debates regarding Bt-cotton, Monsanto, and regulation continue \citep[e.g.,][]{anonymous2016,basheer2016}. Regardless, the support among Indian farmers for Bt-cotton stands in stark contrast to the protests over golden rice being planted in test beds in the Philippines \citep{lynas2013a}. The cause of the difference between these experiences is hard to isolate and a large number of idiosyncratic effects likely contribute including the pivotal actions of a few or a single individual. However, the effects of local buy-in, combined with local access to technologies, and first hand experience with these technologies, should not be ignored. Finally, concerns about ecological effects of EGE’s are associated with strong opposition to the technology \citep{ernst2015}. There are also questions of possible, but unlikely, bioaccumulation of toxic proteins and allergenicity \citep{curtis2007,reeves2012}. In addition to the four guidelines in the previous section, despite limited time and funding, we should conduct the work to have the data on hand to address these questions to the public \citep{curtis2007}. \section*{Everyone has a role to play} We live in a world that is often overly self-polarizing. I am a geneticist; I entered this field because of personal interest, excitement, and challenges of the promise and potential of genetics. Unintentionally, this has become a part of my identity. When I was first exposed to protests over genetic technology it was all too easy to feel that it was also a personal attack. This is nested within the context of broader anti-scientific popular views related to climate change, evolution, renewable energy, vaccinations, \textit{etc}. The natural reaction is to reflexively move in the opposite direction and argue that genetic technologies are safe, protesters don't understand the issues, \textit{etc}. and be overly dismissive; a position that I may not have had initially. The difficult but essential step for growth is to try to find a middle ground and synthesize a path forward \citep[see also][]{NPR2013}. Right or wrong, no single perspective can do this on its own and, because of our perspectives, we are often blind to potential issues apparent to other people. It is easier to see a potential risk if you are looking for a risk instead of working toward developing a desired application of a new technology. For example, the potential of allergic reactions to genetic modifications are real and not to be dismissed \citep[e.g.,][]{nordlee1996}, and many crops have a strong cultural significance that many people may not be aware of such as Kalo in Hawai`i, discussed above, or maize in Chiapas \citep{bellon1994,perales2005,brush2007}. As geneticists we are in a unique position to be able to critically assess potential benefits and risks, once we perceive them, of genetic technology from a scientific perspective. It is our responsibility to embrace and communicate this rather than contributing to destructive polarization. However, it is not our job to be overly encompassing and give equal weight to all objections; we also must be willing to learn from past experiences (such as the disastrous effects of the perception of possible military involvement in the WHO program in India) and to rationally disagree when we reason this to be the case. For example, despite claims to the contrary \citep{seralini2012}, there is no scientific evidence that herbicide resistant maize is carcinogenic. There is a great deal of misinformation and misconceptions surrounding who would or would not benefit, and to what degree, from golden rice \citep{harmon2013}. Attitudes regarding GMO's are divisive, some are not based on factual evidence and can be labeled as irrational although this quickly gets complex \citep{stone2010,lynas2013a,blancke2015,hicks2015}; regardless, the GMO debate will continue to prove a rich subject for the analysis of the dynamics of politics, the media, framing effects, confirmation bias, social identity, information cascades, \textit{etc}., for many years to come. An area that can benefit from improvement is to incorporate this synthesis earlier into the research and development process. If individuals with different perspectives were able to directly participate in the design of a new technology, they could shape the direction in which it develops towards an outcome that might be more desirable and socially acceptable. (Recall the effect of personal experience with Bt-cotton and its adoption in India.) Often the way development of a new technology works is in incremental steps of design, troubleshooting, and research funding, to consultation and approval from regulatory agencies, to building the logistics of application and deployment. Public consultation and asking for acceptance occurs only at the end of the day, when many steps have been cast and it is more difficult and time consuming to make fundamental revisions. One possibility is to include grant support for individuals from the social sciences to be ``embedded'' in a biological laboratory in order to fully participate in a laboratory’s research and conduct their own research about social attitudes, context, communication, perceptions, \textit{etc}., both in its own right and as a bidirectional conduit to facilitate communication, public guidance, and knowledge transfer in the development of EGE technologies (see \citealt{kolopack2015} for a highly effective example of community engagement albeit not exactly in the same form that I am proposing here). The local community can directly participate in the development of a new technology, possibly facilitating progress in a direction that is unanticipated by the researchers, funding, and regulatory agencies, but one that results in a greater positive potential being realized at the end of the day. \section*{Conclusion} This Indo-Pacific is geographically isolated, under a burden of infectious diseases, and is in dire need of protection of its natural world. This creates an opportunity for positive, highly valued, effective applications of EGE's. However, it would be a mistake to ignore the history and social realities thought the region. To reiterate the eight points from the introduction that have been expanded upon through this article: \begin{enumerate} \item There is a need to enhance and engage communications in all directions. \item EGE applications should only be pursued if there is a genuine benefit to, and buy-in from, the local population. \item The potential benefits and risks of EGE's need to be unambiguously communicated. \item There needs to be a clear unambiguous discussion of unintended side effects and potential misuses of the technology. \item Humanitarian goals need to be administered and controlled by humanitarian organizations and conservation goals need to be administered and under the control of conservation organizations. \item Proactive research needs to be conducted and the data available to address common concerns. \item It takes broad perspectives to broadly identify potential promises and pitfalls of EGE's. \item An early broad-based community discussion of, and involvement in, EGE development and applications should occur. \end{enumerate} Finally, no matter how ``new'' a technology or situation seems, there is still much to be learned from history. \section*{Ancknowledgements} I thank \'Aki L\'aruson, Vanessa Reed, and three anonymous reviewers for comments on the manuscript. Related work in the Reed lab has been recently supported by the Hawai`i Community Foundation, the State of Hawai`i Department of Land and Natural Resources, and by the Reed family. \section*{Appendix A: Types of Evolutionary Genetic Engineering} An important concept that cannot be over-emphasized is the diverse types of EGE's and their predicted effects. At the risk of oversimplification, here are four main types with an important boundary between them.\footnote{Another important type of classification are the types of likely effects and dynamics that occur when the drive systems are disrupted by mutation, recombination, and selection and how EGE's are likely to be converted into different types, but this goes beyond the scope of this article.} \begin{description} \item [Type 0] Generic genetic modifications not designed to change in frequency over time using evolutionary principles. In general these are expected to either drift neutrally (if there is little to no effect) or be removed by natural selection. For example fluorescent proteins are often used to mark and keep track of genetic inserts; however, these proteins can have toxic effects \citep[e.g.,][]{liu1999, devgan2004, shaner2004, shaner2005}. This tends to reduce an organism’s fitness and these modifications are not expected to persist in the wild over many generations. \item [Type 1] Deleterious EGE's that are designed to be transient and removed from the population. Examples of type 1 include the “killer-rescue” system \citep{gould2008b}, genetic sterile insect technique \citep{horn2003}, and Wolbachia in cytoplasmic incompatibility population suppression applications \citep{laven1967, knipling1968}. These may persist in the wild for a shorter period of time than type 0 EGE’s. \item [Type 2] Threshold EGE’s that cannot increase in frequency when very rare but can increase in frequency and persist indefinitely once a critical frequency point is passed. \begin{description} \item [Type 2a] Thresholds that are above a frequency of one half. These include chromosomal rearrangements \citep{foster1972}, haploinsufficient induced underdominance \citep{reeves2014} and possibly some forms of maternal-effect underdominance \cite{akbari2013}. \item [Type 2b] Thresholds that are below a frequency of one half. This includes Wolbachia \citep{hoffmann2011}, some forms of maternal-effect underdominance \cite{akbari2013}, and some theoretical systems \citep{davis2001}. \end{description} \item [Type 3] Unconditionally driving EGE’s that can invade a population from arbitrarily low frequencies. These include Medea \citep{chen2007}, homing endonucleases \citep{windbichler2011}, transposable elements \citep{carareto1997}, meiotic drive \citep{cha2006} and some types of CRISPR systems \citep{gantz2015, dicarlo2015, hammond2015}. \end{description} In one perspective, the most important distinction is the boundary between 2a and 2b. This predicts what will happen without human intervention (without additional releases of modified or unmodified individuals) among multiple populations within a species due to the forces of migration and selection \citep{barton2011}. Type 1-2a will tend to reduce in range and disappear (although this may take many generations) while type 2b and 3 will tend to spread and become more established (and this may occur in a small number of generations for type 3) with the concern that once widespread enough this may be irreversible. While type 2a systems might be considered ``gene drive'' in a broad sense the term is probably more accurate to describe type 2b and especially type 3 systems (gene drive in the strong sense). The boundary between 2a and 2b represents a balance between ease of transformation of a population and reversibility back to a transformation free state---a balance between safety and efficiency. Some natural EGE systems in the type 3 category have been shown to be capable of moving across subspecies and species boundaries, rapidly spreading worldwide, and lowering the average fitness of a species \citep[e.g.,][]{eanes1988, morita1992, hill2016}. The concern of this possibly happening due to artificial genetic engineering is not a new one \citep{gould2006}). For example, fully functioning transposable elements have been introduced into various new species in the lab \citep[e.g.,][]{brennan1984, daniels1989}, sometimes with little to no discussion of containment and possible escape. Fortunately there are methods of building in safeguards to minimize the chance of unintended spread in the wild \citep{dafaalla2006, gokhale2014}. Additionally, it is important to keep in mind the (sometimes unexpected) effects of mutations and selection that can change the dynamics of EGE’s. For example, Y chromosome meiotic drive can be quickly suppressed by sex chromosome aneuploidy \citep{lyttle1981}. Arthropod species have been observed to rapidly evolve to suppress some effects of Wolbachia \citep{charlat2007}. Type 0 EGE’s may drift at some frequency in a population by unintended contamination \citep[e.g.,][]{gonsalves2012, xiao2016}; one concern that goes beyond this is that genetically engineered disease resistance may be adaptive, if infection by the disease has a large enough fitness cost, and the type 0 EGE may deterministically increase in frequency in the wild, essentially becoming a type 3 EGE (although to date there are not clear examples of this, e.g., \citealt{fuchs2004}). Some of these unexpected effects can be detected in laboratory experiments and incorporated into the design and predictions of the EGE. It is already a challenge to filter out misinformation and misconceptions regarding genetic modifications. The author realizes that this adds another challenge; however, the fact is there are various types of EGE's with a range of predicted effects regarding how well they can be established in the wild and how reversible they are. It is appropriate, if possible, for these dynamics to be considered and to interact with regulatory approval and public acceptance \citep{harmon2014}.
b1d6d40c81617336f965ceb35db9980e99ba714f
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} In the final stages of their evolution, stars in the birth mass range $\sim1$--7 M$_\odot$ ascend the AGB, reaching luminosities of order $10^4$ L$_\odot$ due to hydrogen and helium shell burning; Hot Bottom Burning (HBB) at the bottom of the convection zone in the most massive AGB stars can further raise the luminosity, approaching $10^5$ L$_\odot$ \citep{Iben83}. The nuclear evolution of AGB stars is truncated by mass loss \citep{vanLoon99}, leaving behind a carbon--oxygen white dwarf. Stars in the birth mass range $\sim11$--30 M$_\odot$ do not develop core degeneracy and instead become core helium burning RSGs \citep{Maeder12}. RSGs also evolve along a (short) branch, and their mass loss may or may not change their appearance \citep{vanLoon99} before they explode as a core-collapse supernova \citep{Smartt15}. This leaves a range $\sim7$--11 M$_\odot$ unaccounted for; these are the super-AGB stars, which behave very much like massive AGB stars but ignite carbon burning in the core before leaving an oxygen--neon--magnesium white dwarf or undergoing electron-capture core-collapse \citep{Doherty17}. The actual mass range is much narrower, but the boundaries are uncertain. Understanding the fate of super-AGB stars, and recognising them in nature, presents one of the greatest challenges in contemporary astrophysics. \section{Do we know any super-AGB star?} No. Claims are sometimes made, on the basis of surface abundances (rubidium, lithium) or luminosities (above the classical AGB limit), but we lack a way to unequivocally distinguish super-AGB stars from massive AGB stars experiencing HBB. Nonetheless, we should keep a record of candidates for when we have a way to confirm, or refute, their super-AGB nature. Until then, ``discoveries'' of super-AGB stars are steeped in controversy. A fascinating example is the bright Harvard Variable, HV\,2112 in the Small Magellanic Cloud (SMC). It is a little more luminous than the classical AGB limit, sometimes as cool as spectral type M7.5, and has a relatively long pulsation period \citep{Wood83} -- commensurate with being such a large star. Things got more exciting when \citet{Smith90} detected lithium, which indicated some level of HBB even if not clinching its status as a super-AGB star. In that same year, however, \citet{Reid90} showed lithium to be absent. Nothing much happened, until \citet{Levesque14} proposed that HV\,2112 could also be a Thorne--$\dot{\rm Z}$ytkow object -- a neutron star which ended up inside a stellar mantle. This conjecture was immediately put to the test by \citet{Tout14}, who note the difficulty in distinguishing between the different origins of similar peculiarities -- the calcium abundance might be the discriminating feature, in favour of a Thorne--$\dot{\rm Z}$ytkow object. But does HV\,2122 in fact reside in the SMC, and is a relatively massive star? \citet{Maccarone16} concluded on the basis of proper motion measurements that HV\,2112 must instead belong to the Galactic Halo, and be an extrinsic S-type star upon which the anomalous abundances had been imprinted by a companion AGB star. This would explain the calcium abundance, which is generally high in the Halo. The radial velocity, whilst not excluding Halo membership, is however consistent with that of the SMC \citep{Gonzalez15}. Revisiting the proper motion, \citet{Worley16} reinstate its SMC membership. The saga continues. \section{Converting luminosity functions into star formation histories} As stars of different birth masses attain different luminosities during their lives as AGB stars, super-AGB stars or RSGs, their luminosity distribution reflects the star formation history (SFH). However, the evolutionary tracks are difficult to separate especially if there is a spread in metallicity, and so the luminosity distribution will be a blend of the luminosity evolution of stars of a range of birth masses, especially on the AGB. Evolution in luminosity is curtailed, though, once stars lose mass at very high rates, so if one could identify stars in that extreme final phase the luminosity distributions would map much more cleanly onto the SFH. Luckily, these stars develop strong, long-period variability (LPV) as their atmospheres pulsate and (help) drive the mass loss \citep{Wood83}. A method was devised to determine the SFH from the luminosity distribution of LPVs by \cite{Javadi11b}, and applied to a near-infrared monitoring survey of LPVs in the Local Group spiral galaxy M\,33 \citep{Javadi11a}. If $dn^\prime(t)$ is the number of LPVs associated with all stars that formed within a timespan $dt$ around lookback time $t$, then the star formation rate around that time is \begin{equation} \xi(t)\ =\ \frac{dn^\prime(t)}{\delta t}\, \frac{\int_{\rm min}^{\rm max}f_{\rm IMF}(m)m\,dm} {\int_{m(t)}^{m(t+dt)}f_{\rm IMF}(m)\,dm}, \end{equation} where $f_{\rm IMF}$ is the initial mass ($m$) function and $\delta t$ the LPV lifetime. The method relies on stellar evolution models; only the Padova group predicts all of the essential information \citep{Marigo17}. This is a problem, as different models predict a different final luminosity for a given birth mass, and different lifetimes before and during the LPV phase \citep{Marigo17}. It is also a blessing {\it because} it is model dependent, as it opens an avenue into calibrating the models and thus offers insight into the physics. This became apparent very soon, when \citet{Javadi13} found that the inferred integrated mass loss exceeded the birth mass. If we define \begin{equation} \eta\ =\ \frac{\Sigma_{i=1}^N\left(\dot{M}_i\times(\delta t)_i\right)} {\Sigma_{i=1}^NM_i}, \end{equation} then $\eta(m)=1-m_{\rm final}/m_{\rm birth}<1$ always, but the measurements yielded $\eta>1$. At least part of the solution had to be a downward revision of the LPV lifetimes, which was later confirmed independently by the Padova group themselves \citep{Rosenfield16}. The revised lifetimes were used to derive a more reliable SFH for M\,33 \citep{Javadi17}. \section{Mass loss from dusty AGB stars and red supergiants} Mass-loss rates can be determined from dusty AGB stars and RSGs by modelling the spectral energy distribution (SED) using a radiative transfer model. The first such systematic analysis for stars with known distances was performed for populations within the Large Magellanic Cloud (LMC) by \citet{vanLoon99}, who found that mass-loss rates exceeded nuclear consumption rates for most of the AGB evolution but not for much of the RSG evolution. This means that AGB stars avoid SN but RSGs do not. They also found evidence that the mass-loss rate increases during the evolution along the AGB as the luminosity increases and the photosphere cools, though RSGs in particular seem to exhibit more abrupt variations between mild and possibly short episodes of much enhanced mass loss. This was put on a more quantitative footing by \citet{vanLoon05} who parameterised the mass-loss rate during the dusty phase of (massive) AGB and RSG evolution as \begin{eqnarray} \log{\dot{M}}\ =\ & -5.65+1.05\log(L/10\,000\,{\rm L}_\odot) \nonumber \\ & -6.3\log(T_{\rm eff}/3500\,{\rm K}), \end{eqnarray} with no evidence for a metallicity dependence. The dependence on temperature seems very strong but it must be realised that the temperatures among these kinds of stars fall within a limited range ($\sim2500$--4000 K). Because the mass-loss rate that is derived from the SED depends on how much the dust is diluted it has a dependence on the wind speed, $v_{\rm exp}$. What is really seen directly is the optical depth of the dusty envelope: \begin{equation} \tau\ \propto\ \frac{\dot{M}}{r_{\rm gd}v_{\rm exp}\sqrt{L}}, \end{equation} where $r_{\rm gd}$ is the gas:dust mass ratio. However, if the wind is driven by radiation pressure upon the dust, then \begin{equation} v_{\rm exp}\ \propto\ \frac{L^{1/4}}{r_{\rm gd}^{1/2}}. \end{equation} By measuring $v_{\rm exp}$ directly, for instance from the double-horned hydroxyl maser line profile, its value can be reconciled with the SED modelling by tuning the value for $r_{\rm gd}$. This led \citet{Goldman17} to determine a more sophisticated formula for the mass-loss rates from AGB stars and RSGs in the LMC, Galactic Centre and Galactic Bulge with known pulsation periods $P$: \begin{eqnarray} \log{\dot{M}}\ =\ -4.97+0.90\log(L/10\,000\,{\rm L}_\odot) \nonumber \\ +0.75\log(P/500\,{\rm d})-0.03\log(r_{\rm gd}/200). \end{eqnarray} This time $P$ instead of $T_{\rm eff}$ measures the size of the star (in combination with $L$), but the resemblance to the formula found earlier is striking. There is no dependence on the gas:dust ratio and, by inference, on the metallicity. The mass loss probed in the dusty phases may only be part of the story. If sustained over an extended period of time, moderate mass loss may matter too. Likewise, the metallicity of massive AGB stars and RSGs in the SMC is only $\sim0.2$ Z$_\odot$ (as opposed to $\sim0.5$ Z$_\odot$ in the LMC), and stars become dusty later in their evolution, possibly having lost more mass in other ways before. \citet{Bonanos10} indeed found that most RSGs exhibit moderate mass-loss rates, $\sim10^{-6}$ M$_\odot$ yr$^{-1}$, which agrees with the study by \citet{Mauron11} of Galactic RSGs among which only few exhibit mass-loss rates $>10^{-5}$ M$_\odot$ yr$^{-1}$. While this confirms the earlier findings by \citet{vanLoon99}, no clear bimodality was seen. Larger populations of massive AGB stars and RSGs are needed to be more conclusive about the rarest, but most intense phases of mass loss in comparison to the more common, gentler phases. To that aim, following from \citet{Javadi13} and the extended survey by \citet{Javadi15}, Javadi et al.\ (in prep.) have measured mass-loss rates for thousands such stars in M\,33. They confirm the gradual evolution in mass loss along the AGB and the bimodal mass loss on the RSG, with the rates increasing in proportion to luminosity. These studies show no evidence for anything peculiar to be happening to super-AGB stars. If anything, they are most likely to follow the extension of the AGB sequence and attain exuberant mass-loss rates of $\sim10^{-4}$ M$_\odot$ yr$^{-1}$. An accurate assessment of the integrated mass loss might lead us to exclude -- or allow -- their possible fate as electron-capture SN. An alternative route to mapping the evolution of mass loss along the AGB or RSG branch is based on the fact that populous clusters may show more than one such example. Given the fast evolution in those advanced stages, we are essentially watching a star of the same mass at different moments in its evolution, as snaphots in a movie. \citet{Davies08} pioneered this approach in the Galactic cluster RSG\,C1, and more recently \citet{Beasor16} applied the same principle to the LMC cluster NGC\,2100. They both confirm the increase in mass loss along the RSG branch. Such studies in clusters in which we {\it know} super-AGB stars should form may elucidate the properties, evolution and fate of super-AGB stars where field studies struggle to recognise them. Apart from the difficulty in finding such clusters, it may be difficult to catch them at their most extreme. \section{Beyond the red supergiant and asymptotic giant branches} Massive AGB stars and RSGs can undergo a blueward excursion as a result of core expansion before returning to the cool giant branch -- a ``blue loop''. This is a much slower transformation than the ``jump'' from the main sequence to the giant branch, and is responsible for populating the Cepheid instability strip \citep{Valle09}. Cepheid variables therefore could be extremely valuable probes of what may already have happened to these stars on the cool giant branch, such as any mass loss, especially as their pulsational properties depend on their current mass. It also means that the cool giant branches are populated by stars that have, and those that have not undergone a blue loop -- again, these may differ as a result of the mass loss during their lives as blue (or yellow) supergiants. Typically, much fewer warm supergiants are seen than are predicted by the models \citep{Neugent10}, which suggests that the models do not yet adequately account for certain processes that happen inside RSGs. Pulsation periods lengthen as a star expands when it is reduced in mass, so period--luminosity diagrams of AGB and RSG LPVs have the potential to trace mass loss and possibly the effects of blue loops. Also, the mode in which the pulsation is excited depends on stellar structure. \citet{Yang12} charted this parameterspace for RSGs in the Magellanic Clouds, M\,33 and the Milky Way but their combination with similar information for AGB stars left an unfortunate gap right around where super-AGB stars could be found. This must -- and can -- be remedied. AGB stars and RSGs may also move irreversibly towards hotter photospheres, due to mass loss (by a wind or stripping in a binary system). The luminosity distribution over post-AGB stars and post-RSGs must be devoid of the birth masses associated with the electron-capture SN demise of the more massive among super-AGB stars, and depleted of those RSGs which encountered their end in a SN. Again, a concerted analysis is required, where in the past different communities have often concentrated on just the lower-mass (post-)AGB stars or on just the higher-mass (post-)RSGs. \begin{figure*}[t!] \resizebox{\hsize}{!}{ \begin{tabular}{ll} \includegraphics[clip=true]{M101Lum.eps} & \includegraphics[clip=true]{M101Mass.eps} \end{tabular} } \caption{\footnotesize Luminosity (left) and birth mass (right) distribution of RSGs in the grand-design spiral galaxy M\,101 at 7 Mpc distance based on groundbased and {\it Spitzer}-IRAC infrared imaging (courtesy of James Bamber). The luminosity-to-mass conversion is based on a fit to Padova models \citep{Marigo17}: $\log L = 2.49\log M + 1.84$. The initial mass function, with a slope of $-2.3$, is overplotted; the distributions are depleted on the low and high sides due to incompleteness and diminished RSG lifetimes, respectively.} \label{m101} \end{figure*} \section{The progenitors and remnants of core-collapse supernov{\ae}} Having established that many RSGs most likely do not lose their envelope before the core collapses, it is comforting that all of the SN type II-P progenitors that have been discovered so far are RSGs \citep{Smartt15}. Their birth mass range is estimated to be $\sim9$--17 M$_\odot$ \citep{Smartt15}, though the upper limits could allow dusty RSGs as massive as $\sim21$ M$_\odot$ to have resulted in II-P SNe. This would also be more consistent with the above findings about the mass-loss rates of RSGs, where a proportion of core-collapsing RSGs should experience high mass-loss rates. The confirmed RSG progenitors tend to be of relatively early spectral type and thus constitute those RSGs that have lost relatively little of their mantle. What exactly determines the difference in rate of evolution of the core -- setting the timing of core collapse -- and of the mantle -- setting the mass loss, is unclear, but larger samples of discoveries and limits on progenitors of II-P SNe should help elucidate this: their lightcurves and spectral evolution may reveal differences in the mantle mass and circumstellar density, whilst their galactic environments may reveal a dependence on metallicity. Likewise, a connection between RSG evolution and mass loss on the one hand, and SNe of types II-L and Ib on the other, may be made if the more massive RSGs ($\sim20$--30 M$_\odot$ lose most of their mantle before exploding. A metallicity effect on the properties of the SN resulting from the explosion of a RSG (or super-AGB star) is expected even if the mass-loss rate does not change, because the winds are slower at lower metallicity \citep{Goldman17}. This would increase the circumburst density, with implications for the SN lightcurve \citep{Moriya17}. It also means that the reverse shock may be stronger. The SN has a devastating effect on the dust produced by the RSG, even if it did not explode as a RSG as the SN ejecta move at $\sim10^3$ times the speed of the RSG wind and catch up within a century. The RSG dust, and any ISM dust in the vicinity, is sputtered in the forward shock, whilst the reverse shock sputters much of the dust produced in the SN ejecta. The net effect being that SNe are dust destroyers \citep{Lakicevic15,Temim15}. Because SN remnants (SNRs) can be seen for $>10^4$ yr they might tell us something about the SN progenitors in their final $<10^4$ yr that is difficult to capture while they are still alive. The two most prolific SN factories known, NGC\,6946 \citep{Sugerman12} and M\,83 \citep{Blair15} exhibit hundreds of SNRs \citep{Bruursema14,Winkler17}. \section{The next frontier} A naive estimate for a massive spiral galaxy suggests one RSG explodes every century. With a typical RSG lifetime of $\sim10^3$ centuries, we thus expect to find a population of order $10^3$ RSGs. Thus the statistics look extremely promising for studies of the luminosity distribution and the evolution of mass loss of RSGs (and super-AGB stars) in such galaxies. The next step from the Magellanic Clouds can take us to the nearest spiral galaxies, M\,33 \citep{Drout12} and M\,31 \citep{Massey16} at $\sim0.9$ Mpc, or NGC\,300 and the metal-poor dwarf Sextans A, both within 2 Mpc. Indeed, the Surveying the Agents of Galaxy Evolution (SAGE) team, who have revolutionised our views of the Magellanic Clouds, are proposing an Early Release Science programme for the James Webb Space Telescope (JWST) precisely to do that. But how far could we go? M\,101 is the most massive spiral galaxy within 7 Mpc, viewed face on. Bamber et al.\ (in prep.) have used groundbased and {\it Spitzer} infrared images, and {\it Hubble} optical images, to identify RSG candidates across the entire disc. The {\it Spitzer} data are heavily compromised by the limits in resolution and sensitivity, and JWST will be both necessary and sufficient to quantify the dust production by RSGs in M\,101. Likewise, the luminosity distribution suffers from incompleteness at the low end. Still, it reveals a tantalising first glimpse of the evolution of the most luminous RSGs (Fig.~\ref{m101}): a healthy number of RSGs in the $\sim17$--22 M$_\odot$ range suggests these could well be the progenitors of SNe, while the sharp drop that sets in at higher masses suggests much diminished RSG lifetimes. The latter is not unexpected if those are the RSGs that become Wolf--Rayet stars, as a result of stronger mass loss. \section{Will we find super-AGB stars?} Yes. We look towards our colleagues who model the structure and dynamical behaviour, and nucleosynthesis and surface enrichment of super-AGB stars to make predictions for the observable signatures that can tell super-AGB stars apart from other massive AGB stars (and RSGs). We also need to reach an agreement on the birth-mass range of super-AGB stars. Meanwhile, we look for peculiarities or more subtle hints of deviations, that indicate we may be dealing with a star of a different kind. \begin{acknowledgements} I would like to warmly thank Paolo Ventura, Flavia Dell'Agli and Marcella Di Criscienzo and all participants for an interesting and pleasant meeting, my collaborators and students -- in particular Atefeh Javadi, Steven Goldman and James Bamber some of whose results I presented here -- and two new feline friends for their affection on my walk up to the observatory. \end{acknowledgements} \bibliographystyle{aa}
e185fca198eb593e77dd65342996b4c58d71d6d0
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} The study of non-equilibrium dynamics of many-body quantum systems is one of the most challenging and long standing problems in various fields of physics. Here, very different fundamental aspects can be mentioned, including photo-induced biological processes~\cite{Engel:2007,Imamoglu:2015}, formation of strongly-correlated bound-states~\cite{Brachmann:1997,Berges:2004}, quantum phase transitions~\cite{Dziarmaga:2010,Polkovnikov:2011,Bastidas:2012}, relaxation and equilibration dynamics~\cite{Eisert:2015,DAlessio:2016,Essler:2016}. Among all, the recent technological developments in atomic and condensed matter physics offer a very promising platform to investigate these important issues. Nowadays it is indeed possible to prepare a quantum system in a given non-equilibrium state and to study its evolution in real time, for instance by using cold atoms~\cite{Kinoshita:2006,Bloch:multi,Cheneau:2012,Trotzky:2012,Langen:2015}, trapped ions~\cite{Blatt:2012,Jurcevic:2014,Richerme:2014}, or even quantum conductors in solid-state devices~\cite{Milletari:2013,Inoue:2014}. An intriguing possibility to drive a quantum system out of equilibrium is to perform a \emph{quantum quench}, i.e. a sudden change in time of some of its parameters~\cite{Cazalilla:2006,Calabrese:2006,Cazalilla:2016}. Such a procedure is available in state-of-the-art systems of cold atoms~\cite{Bloch:multi}, in which transport and real-time control experiments have been recently reported~\cite{Cheneau:2012,Trotzky:2012,Langen:2015,Brantut:2012,Krinner:2015,Husmann:2015}. The possibilities offered by the latter setups have given a significant boost to theoretical research, especially in the case of isolated one-dimensional (1D) integrable systems. Due to the presence of an infinite number of locally conserved quantities and the unitary time evolution, a fundamental question is if this kind of systems does relax to a steady state and, if so, how. In the seminal paper by Rigol et al.~and subsequent works~\cite{Rigol:GGE,Vidmar:2016} it was shown that this is the case if one focuses on local observables. Moreover, it was conjectured that the state reached by the system after the quench is locally described by a non-thermal density matrix. The latter can be obtained within the generalized Gibbs ensemble (GGE), which takes into account the presence of the local conserved quantities. Different experimental results and theoretical works have demonstrated the existence of this \emph{prethermalization} regime for various models~\cite{Berges:2004,Langen:2015gge}, although a general proof is still lacking. In the context of interacting 1D systems, it is well established that their low-energy equilibrium properties are described by the Luttinger liquid (LL) model~\cite{Voit:1995,vonDelft:1998,Giamarchi:2004}. They exhibit peculiar effects stemming from their non-Fermi liquid nature due to inter-particle interactions, such as charge and spin fractionalization~\cite{Giamarchi:2004,Jompol:2009,Deshpande:2010,Safi:1995,Auslaender:2005,Steinberg:2010,Deshpande:2010,Kamata:2014,Calzona:2015,Calzona:2016,Milletari:2013,Inoue:2014,Perfetto:2014,Karzig:2011}. In recent years the LL model has also been proven to be a very powerful tool for studying the dynamics of 1D systems after a quench of the interaction strength. In particular, the subsequent relaxation towards a steady-state and the characterization of the latter has been the focus of many recent works ~\cite{Cazalilla:2006,Cazalilla:2016,Perfetto:2011,Kennes:2013,Kennes:2014,Schiro:2014-15,Porta:2016,Gambetta:2016,Calzona:2017}. In this paper we will concentrate on the transient regime following an interaction quench in a LL. We demonstrate the presence of entanglement between right- and left-moving density excitations, encoded in their cross-correlators, as argued in similar contexts~\cite{Calabrese:2006, Cazalilla:2016,Calabrese:2016}. We will show that this quench-induced entanglement vanishes in the steady-state, inducing a \emph{universal} power-law decay in the cross-correlators, i.e. independent of any of the quench parameters. In order to highlight the presence of entanglement and its subsequent relaxation, we study its effects on observable properties of a 1D fermionic system. Specifically, we focus on the time evolution of the non-equilibrium spectral function (NESF) and identify in its long-time behavior a universal contribution $ \propto t^{-2} $, precisely due to the entanglement dynamics via cross-correlators. However, the latter is in strong competition with non-integer power-law decays typical of LLs. Since the universal power law $ \propto t^{-2} $ originates directly from the evolution of entanglement, one would expect signatures of the latter in the long-time behavior of the system observable properties. On the other hand, exponents of LL-like non-integer power laws usually strongly depend on the specific quantity under examination~\cite{Voit:1995,vonDelft:1998,Giamarchi:2004}. We therefore explore the transient dynamics of transport properties, which are strictly related to the NESF. In particular, we consider the injection process from an external probe and the subsequent dynamics of the LL after the quench, studying the injected charge and energy currents as a function of time. We demonstrate that for these quantities the universal character clearly emerges as the dominant contribution to the long-time behavior. Indeed, while the universal term $ \propto t^{-2} $ is present in both NESF and currents, non-integer LL-like power-law contributions feature greater exponents with respect to the NESF, leading to a clearer emergence of the universal character in transport properties. Finally, we find that the latter is even more evident in the energy fractionalization ratio, which thus represents a very promising tool to probe the relaxation effects of entanglement. The paper is organized as follows. In Sec.~\ref{sec:model} we analyze the time evolution of two-point correlators after an interaction quench in a generic 1D system with short-range inter-particle interactions. In Sec.~\ref{sec:spectral} we specialize to the case of the dynamics of spectral properties of a fermionic spinless LL after a quantum quench. In Sec.~\ref{sec:trasport} we consider the behavior of the charge and energy currents injected from an external probe into the LL. Finally, Sec.~\ref{sec:conclusions} summarizes our conclusions. \section{Model and quench-induced entanglement}\label{sec:model} Let us consider an interacting 1D system with short-range interactions. Assume that this is initially prepared in the ground state $ |\bm{0}_i\rangle $ of the initial Hamiltonian $ H_i $. At $ t=0 $, the system is brought out-of-equilibrium by suddenly changing the strength of inter-particle interactions. The subsequent dynamics is thus governed by the final Hamiltonian $ H_f $~\cite{Cazalilla:2006, Cazalilla:2016}. In particular, the two Hamiltonians involved in the quench can be written as (hereafter $ \hbar=1 $)~\cite{Voit:1995,vonDelft:1998,Giamarchi:2004} \begin{equation} H_\mu=\frac{u_\mu}{2}\sum_{\eta=\pm}\int_{-\infty}^{\infty}\left[\partial_{x}\phi_{\mu,\eta}(x)\right]^2\,dx,\label{eq:H} \end{equation} with $\mu=i,f$. Here, $ u_\mu=v/K_{\mu} $ are the mode velocities, $ v $ is the bare velocity and $ K_\mu=[1+g_{\mu}/(\pi v)]^{-1/2} $ is the dimensionless Luttinger parameter describing the strength of inter-particle interactions~\cite{footnote:g2g4,footnote:direct} (with $ K_\mu=1 $ representing the non-interacting case). The bosonic fields $ \phi_{\mu,\eta}(x) $ diagonalize $ H_\mu $ and are chiral and evolve, with respect to $H_\mu$, as $ \phi_{\mu,\eta}(x)=\phi_{\mu,\eta}(x-\eta u_\mu t) $. They thus describe right-- ($ \eta=+ $) and left-- ($ \eta=- $) moving excitations. Chiral fields before and after the quench are related to each other by the canonical transformation~\cite{Gambetta:2016,Calzona:2017} \begin{equation} \phi_{f,\eta}(x)=\sum_{\ell=\pm}\theta_{(\ell\eta)}\phi_{i,\ell}(x),\label{eq:canonical} \end{equation} with $ 2\theta_\pm=\sqrt{K_i/K_f}\pm\sqrt{K_f/K_i} $. To investigate the dynamics induced by the quench, it is useful to express the initial state $ |\bm{0}_i\rangle $ in terms of the \emph{final} chiral fields $\phi_{f,\eta}(x)$. One obtains~\cite{Silva:2008,Sotiriadis:2014} \begin{equation} |\bm{0}_i\rangle\propto\exp\left\{\sigma \int_{-\infty}^{\infty}[\partial_x \phi_{f,+}(x)]\phi_{f,-}(x)\,dx\right\}|\bm{0}_f\rangle,\label{eq:GSi} \end{equation} with $ \sigma=\theta_{-}/\theta_{+}$ and $ |\bm{0}_f\rangle $ the ground state of $ H_f $. This implies that bosonic chiral fields $ \phi_{f,+}(x) $ and $ \phi_{f,-}(x) $ are strongly entangled. It is thus interesting to inspect how the evolution of this entanglement affects the dynamics of the system itself. To this end, since $ |\bm{0}_i\rangle $ is a gaussian state, we can focus on the two-point correlators \begin{align} D_{\alpha,\beta}(\xi;t,\tau)&\equiv2\langle \phi_{f,\alpha}(x-\xi,t-\tau) \phi_{f,\beta}(x,t)\rangle_i\nonumber\\ &-\langle\phi_{f,\alpha}(x-\xi,t-\tau)\phi_{f,\beta}(x-\xi,t-\tau)\rangle_i\nonumber\\ &-\langle\phi_{f,\alpha}(x,t)\phi_{f,\beta}(x,t)\rangle_i , \label{eq:2points} \end{align} which fully characterize the system. Here, $ \langle\dots\rangle_i $ denotes the quantum average on $ |\bm{0}_i\rangle $, the initial ground state before the quench. Note that space-translational invariance is preserved by an interaction quench, i.e. the two-point correlators only depend on the relative coordinate $ \xi $. Importantly, the time-translational invariance is broken by the quench. In the absence of the latter - i.e. $ \sigma=0 $ in Eq.~\eqref{eq:GSi} - quantum averages in Eq.~\eqref{eq:2points} would be evaluated on the ground state $ |\bm{0}_f\rangle $, resulting in $ D_{\alpha,\beta}(\xi;t,\tau)\equiv D^{\mathrm{eq}}_{\alpha,\alpha}(\xi;\tau)\delta_{\alpha,\beta} $. In this case, due to time-translational invariance, two-point correlators would only depend on the relative temporal coordinate $ \tau $ and fields with opposite chirality would not be entangled, as expected in equilibrium.\\ To investigate the dynamics induced by entanglement, we focus on the long-time behavior of two-point correlators $ D_{\alpha,\beta}(\xi;t,\tau) $, defined by $ t\gg\tau,\,\xi/u_f $. In this regime the evolution of the bosonic fields is governed by the post-quench Hamiltonian $ H_f $ and thus $ \phi_{f,\eta}(x,t)=\phi_{f,\eta}(x-\eta u_f t) $. With straightforward calculations the two-point correlators of Eq.~\eqref{eq:2points} evaluate to \begin{widetext} \begin{equation} D_{\alpha,\beta}(\xi;t,\tau)=\sum_{\eta=\pm}\frac{\theta_{(\eta\alpha)}\theta_{(\eta\beta)}}{2\pi}\text{ln}\left\{\frac{[a-i \eta (\beta-\alpha)u_f t][a-i \eta (\beta-\alpha)u_f (t-\tau)]}{[a-i \eta (-\xi+(\beta-\alpha)u_f t + \alpha u_f \tau)]^2}\right\}. \label{eq:Daq} \end{equation} \end{widetext} Here, the averages are computed by exploiting the canonical transformation between initial and final chiral fields of Eq.~\eqref{eq:canonical} and the relation~\cite{Voit:1995,vonDelft:1998,Giamarchi:2004} \begin{equation} \label{eq:standardcorrelation} \langle\phi_{i,\alpha}(x)\phi_{i,\beta}(y)\rangle_i=\frac{\delta_{\alpha,\beta}}{2\pi}\ln\left[\frac{L}{2\pi}\frac{1}{a-i\alpha(x-y)}\right], \end{equation} with $ L $ the length of the system and $ a $ a short-length cutoff. In particular, for $ \alpha=\beta $ one gets $ D_{\alpha,\alpha}(\xi;t,\tau)\equiv D_{\alpha,\alpha}(\xi;\tau) $, i.e., breaking of time-translational invariance does not affect auto-correlators, although they are different from their equilibrium counterparts. On the other hand, cross-correlators exhibit an explicit time dependence, \begin{multline} D_{\alpha,-\alpha}(\xi;t,\tau)=\frac{\theta_{+}\theta_{-}}{2\pi}\\ \times\text{ln}\left\{\frac{[a^2+ 4 u_f^2 t^2][a^2+4 u_f^2 (t-\tau)^2]}{[a^2+ (-\xi-\alpha u_f (2t-\tau))^2]^2}\right\}, \label{eq:crosscorrelators} \end{multline} encoding the entanglement, and its decay in time, between bosonic fields $ \phi_{f,+}(x) $ and $ \phi_{f,-}(x)$. Note that cross-correlators are different from zero at any finite time $ t $ while $ D_{\alpha,-\alpha}(\xi;t,\tau)\rightarrow 0 $ for $ t\rightarrow \infty $. By expanding Eq.~\eqref{eq:crosscorrelators} in Taylor series in the long-time limit $ t\gg \tau,\, \xi/u_f $ one obtains a decay with integer power laws only, whose exponents are thus independent of the quench parameters. In particular, in the local case $ \xi=0 $ on which we will focus in the following one has \begin{equation} D_{\alpha,-\alpha}(0;t,\tau)=\sum_{n=2}^{\infty}\frac{d_n(\tau)}{t^n}, \label{eq:Dabexpansionlocal} \end{equation} with coefficients $ d_n(\tau) $ independent of the chirality. Therefore, in the long-time limit, cross-correlators decay with a leading power-law behavior $ \propto t^{-2} $. Finite cross-correlators $ D_{\alpha,-\alpha}(\xi;t,\tau) $ are a hallmark of the quench-induced entanglement between the two counter-propagating bosonic fields and will determine the long-time relaxation of the system towards its steady-state. Moreover, due to their algebraic long-ranged behavior, one would expect observable signature of their decay in the system properties. \section{Time-dependent spectral function}\label{sec:spectral} We now discuss the influence of quench-induced cross-correlations on a specific example of fermionic spinless LL with repulsive interactions ($K_\mu \leq 1$) and $K_i>K_f$. Using bosonization~\cite{Voit:1995,vonDelft:1998,Giamarchi:2004}, the system is described in terms of bosonic fields by Eq.~\eqref{eq:H} and the fermionic operator decomposes into right ($ R $) and left ($ L $) channels as $ \psi(x)=e^{i q_F x}\psi_R(x)+e^{-i q_F x} \psi_L(x) $. Here, $q_F$ is the Fermi wave-vector and \begin{equation} \psi_r(x)=\frac{1}{\sqrt{2\pi a}} \exp[-i\sqrt{2\pi}\Phi_r(x)] , \label{eq:bosonization} \end{equation} with $ r=R,L $. The bosonic field $ \Phi_r(x) $ can be expressed in terms of \emph{final} chiral fields as \begin{equation} \Phi_r(x)=\sum_{\eta}A_{(\epsilon_r\eta)}\phi_{f,\eta}(x), \end{equation} with $ 2A_{(\epsilon_r\eta)}=K_f^{-1/2}+\epsilon_r\eta K_f^{1/2} $ and $ \epsilon_{R/L}=\pm1 $. To show how the decay of entanglement between opposite chiral excitations affects the dynamics of the system, we focus on the behavior of the local lesser Green function, \begin{equation} G^{<}(t,t-\tau)\equiv i \langle\psi^\dagger(x,t-\tau)\psi(x,t)\rangle_i, \end{equation} in the regime $t>\tau$. Since the particle number is conserved, we can write \begin{equation} G^<(t,t-\tau)=G_R^{<}(t,t-\tau)+G_L^{<}(t,t-\tau),\label{eq:Glesserdef} \end{equation} where $ G_r^{<}(t,t-\tau) $ denotes the $ r- $channel lesser Green function. Using the bosonization identity of Eq.~\eqref{eq:bosonization} and recalling Eqns.~\eqref{eq:2points} and~\eqref{eq:Daq}, we obtain \begin{equation} G^{<}_r(t,t-\tau)=G_{r,\infty}^{<}(\tau)\mathcal{U}(t,\tau). \label{eq:Glesseraq} \end{equation} Here, \begin{align} G_{r,\infty}^{<}(\tau)&=\frac{i}{2\pi a} e^{\pi \left[A^2_{\epsilon_r}D_{+,+}(0;\tau)+A^2_{-\epsilon_r}D_{-,-}(0;\tau)\right]}\nonumber\\ &=\left[\frac{a}{a + i u_f \tau}\right]^{\nu_+} \left[\frac{a}{a - i u_f \tau} \right]^{\nu_-} \end{align} represents the steady-state $ r- $channel lesser Green function while \begin{align} \mathcal{U}(t,\tau)&= e^{\pi A_+A_-[D_{+,-}(0;t,\tau)+D_{-,+}(0;t,\tau)]}\nonumber\\ &=\left\{\frac{[a^2+u_f^2(2t-\tau)^2]^2}{(a^2+4u_f^2t^2)[a^2+4u_f^2(t-\tau)^2]}\right\}^{\gamma} \label{eq:U} \end{align} features the explicit time dependence encoded in the cross-correlators $ D_{\alpha,-\alpha}(0;t,\tau) $. Note that $ \mathcal{U}(t,\tau) $ does not depend on the channel index $ r $ and $ \mathcal{U}(t,\tau)\rightarrow1 $ for $ t\rightarrow\infty $. Here, $ \nu_\pm=\theta^2_\mp(A^2_++A^2_-) $ and $ \gamma=-A_+A_-\theta_+\theta_- $. In particular, one has $\gamma>0$ for the quench protocols with $K_i>K_f$ we are considering. Importantly, the presence of cross-correlators $D_{\alpha,-\alpha}(0;t,\tau)$ in the function $ \mathcal{U}(t,\tau) $ leads to a universal power-law decay of $ G_r^{<}(t,t-\tau) $ in the long-time limit. Indeed, by expanding $ \mathcal{U}(t,\tau) $ in Taylor series for $ \tau/t\ll 1 $ we obtain \begin{equation} G^{<}_r(t,t-\tau)= G_{r,\infty}^{<}(\tau)\left[1+\sum_{n=2}^{\infty}\frac{g_n(\tau)}{t^n}\right]. \label{eq:Glesserr} \end{equation} Since in the local case we address here $ G^{<}_r(t,t-\tau) $ does not explicitly depend on the index $ r $, one readily obtains the long-time limit expansion of the full lesser Green function \begin{align} \label{eq:Glesser} G^{<}(t,t-\tau)&=G^{<}_\infty(\tau)\left[1+\sum_{n=2}^{\infty}\frac{g_n(\tau)}{t^n}\right]\nonumber\\ &\approx G^{<}_\infty(\tau)\left(1+\frac{\gamma \tau^{2}}{2t^2}\right), \end{align} with $ G_\infty^{<}(\tau)=2G^{<}_{r,\infty}(\tau) $. Therefore, in the long-time limit, $ G^{<}(t,t-\tau) $ approaches its asymptotic value $ G^{<}_\infty(\tau) $ with a power-law decay $ \propto t^{-2} $, directly induced by the relaxation of cross-correlators $ D_{\alpha,-\alpha}(\xi;t,\tau) $ found in Eq.~\eqref{eq:Dabexpansionlocal}~\cite{footnote:nonlocal}. The long-time behavior of Eq.~\eqref{eq:Glesser} immediately reflects on spectral properties, as one can see by inspecting the long-time limit of the local (lesser) NESF~\cite{Meden:1992,Kennes:2014,Nghiem:2017} \begin{equation} A^{<}(\omega,t)\equiv \frac{1}{2\pi}\int_{-\infty}^{\infty}e^{i\omega \tau}(-i)G^{<}(t,t-\tau)\,d\tau. \label{eq:spectral} \end{equation} Indeed, as shown in Appendix~\ref{app:appendix}, we find \begin{equation} A^{<}(\omega,t)= \bar{A}_0\bigg[ \bar{A}_\infty^{<}(\omega) + \sum_{n=2}^{\infty}\frac{\mathcal{A}_n(\omega)}{t^n}+\frac{\mathcal{M}^A(\omega,t)}{t^\nu}\bigg],\label{eq:Alesser} \end{equation} with $ \bar{A}_0=(2\pi^2 v)^{-1} $ and all terms inside the square brackets dimensionless. Here, $ A_\infty^{<}(\omega)=\bar{A}_0\bar{A}_\infty^{<}(\omega) $ is the steady-state value of the NESF, already discussed in Refs.~\cite{Kennes:2014,Calzona:2017}. In this work, we focus on the time-decay of $ A^{<}(\omega,t) $ towards this asymptotic value. In particular, two distinct contributions emerge. The first one contains only integer power laws $ \propto t^{-n} $ (with $ n\geq2 $) and is entirely due to the decay of $ G^{<}(t,t-\tau) $ found in Eq.~\eqref{eq:Glesser}. Here, the coefficients present in the sum are given by $ \mathcal{A}_n(\omega)=2\pi^2 v\int_{-\infty}^{\infty}G^{<}_\infty(\tau) g_n(\tau)\, d\tau $, with $ g_n(\tau) $ defined in Eq.~\eqref{eq:Glesser}. We therefore obtain that the leading contribution of this term is a \emph{universal} power-law decay $ \propto t^{-2} $, regardless of, e.g., quench parameters. On the other hand, the second contribution contains the function $ \mathcal{M}^A(\omega,t) $ which, to the leading order in $ 1/t $, is an oscillating function with constant amplitude (see Appendix~\ref{app:appendix} for details). Thus, in the long-time limit, it decays with a LL-like \emph{non-universal} power law $ \propto t^{-\nu} $, with \begin{equation} \nu=\frac{K_f^4+K_i^2+3K_f^2(1+K_i^2)}{8K_f^2K_i}\geq1 \label{eq:nu} \end{equation} strongly dependent on quench parameters $ K_i $ and $ K_f $. It turns out that the universal power-law behavior, which directly derives from the decay of entanglement between bosonic excitations $ \phi_{f,+}(x) $ and $ \phi_{f,-}(x) $, is hardly visible in the transient of the NESF. Indeed, for any reasonable quench one finds $ 1\leq\nu<2 $. Thus, the long-time decay of $ A^{<}(\omega,t) $ is governed by the non-universal contribution $ \propto t^{-\nu} $, with the universal one being a sub-leading term. \begin{figure} \centering \includegraphics[width=\linewidth]{Fig1.pdf} \caption{(Color online) Plot of $ |\text{Re}[\Delta A^{<}(\omega,t)]| $ [units $ \bar{A}_0=(2\pi^2 v)^{-1}$] as a function of time $ t $ [units $ (v q_F)^{-1} $] with $ \omega=-0.1\, vq_F $ for the quenches $ K_i=0.9\rightarrow K_f=0.7$ (blue, dashed) and $ K_i=0.8 \rightarrow K_f=0.4$ (red, solid). Here, solid black lines represent the power-law behavior $ \propto t^{-\nu} $ for the two different cases.} \label{fig:spectral} \end{figure} This is illustrated in Fig.~\ref{fig:spectral}, which shows the deviation of the lesser NESF from its steady-state value, $ \Delta A^{<}(\omega,t)=A^{<}(\omega,t)-A^{<}_\infty(\omega) $, at large times and for two different interaction quenches~\cite{footnote:cutoff}. Here, the oscillating behavior due to $ \mathcal{M}^A(\omega,t) $ decays with non-universal power law $ \propto t^{-\nu} $ (see solid black lines) while no evidence of the universal behavior $ \propto t^{-2} $ is present. Despite the sub-leading character of the universal contribution to the behavior of the NESF in Eq.~\eqref{eq:Alesser}, in the next Section we will demonstrate that it controls the long-time behavior of charge and energy currents in a transport setup. \section{Transient dynamics of transport properties}\label{sec:trasport} Assume now that immediately after the quench, the LL (hereafter dubbed \emph {the system}) is locally tunnel-coupled to a non-interacting 1D \emph{probe}, as sketched in Fig.~\ref{fig:setup}, described by the Hamiltonian \begin{equation} H_p=-iv\int_{-\infty}^{\infty}\chi^\dagger(x)\partial_x\chi(x)\,dx, \end{equation} with $\chi(x)$ its fermionic field. The probe is subject to a bias voltage $ V $ measured with respect to the Fermi level of the system. We assume a local tunneling at $x_0$ which breaks inversion parity, focusing, e.g., on the injection in the system $ R- $channel only~\cite{Calzona:2017,Chevallier:2010,Dolcetto:2012,Vannucci:2015,Calzona:2017}, \begin{equation} H_t(t)=\vartheta(t)\lambda \; \psi_R^\dagger(x_0)\chi(x_0)+\mathrm{h.c.}, \label{eq:Ht} \end{equation} where $ \lambda $ is the tunneling amplitude and $ \vartheta(t) $ is the Heaviside step function. The whole setup is assumed to be in thermal equilibrium before the quench, with $ \rho(0) $ the associated zero-temperature density matrix. \begin{figure} \centering \includegraphics[width=1\linewidth]{Fig2} \caption{(Color online) Scheme of the system, modeled as a pair of counter-propagating channels, and the probe, biased with a dc voltage $ V $. At $ x=x_0 $, the probe injects $ R- $moving particles only.} \label{fig:setup} \end{figure} We concentrate on chiral charge and energy currents, defined as \begin{align} I_\eta(V,t) &= e\partial_t \int_{-\infty}^{\infty} \langle\delta n_\eta(x,t)\rangle \,dx,\label{eq:chiralI}\\ P_\eta(V,t) &= \partial_t \int_{-\infty}^{\infty} \langle\delta \mathcal{H}_\eta(x,t)\rangle \,dx. \label{eq:chiralP} \end{align} Here, \begin{align} n_\eta(x,t) &= -\eta\sqrt{\frac{K_f}{2\pi}}\partial_x\phi_{f,\eta}(x-\eta u_f t),\label{eq:chiraldensity}\\ \mathcal{H}_\eta(x,t)&=\frac{u_f}{2}[\partial_x\phi_{f,\eta}(x-\eta u_f t)]^2\label{eq:chiralhamiltonian} \end{align} are the chiral particle and Hamiltonian densities, respectively, while \begin{equation} \langle\delta \mathcal{O}(x,t)\rangle = \text{Tr}\{ \mathcal{O}(x,t)[\rho(t)-\rho(0)] \} \end{equation} represents the average variation, induced by the tunneling, of a given operator $ \mathcal{O}(x,t) $. The time-dependent full density matrix $ \rho(t) $ is evaluated in the interaction picture with respect to $ H_t(t) $~\cite{Calzona:2016,Calzona:2017}. The explicit expressions for the chiral charge and energy currents are computed, to the lowest order in tunneling amplitude and in the long-time limit, in Appendix~\ref{app:appendix}. These two quantities are directly related to the NESF in Eq.\ \eqref{eq:Alesser} and, not surprisingly, share with the latter an analogous structure \begin{align} I_\eta(V,t)&=\bar{I}_0\bigg[\bar{I}_\eta^\infty(V)+\sum_{n=2}^{\infty}\frac{\mathcal{I}_{\eta,n}(V)}{t^n}+\frac{\mathcal{M}_\eta^I(V,t)}{t^{\nu+1}}\bigg],\label{eq:current}\\ P_\eta(V,t)&=\!\bar{P}_0\bigg[\bar{P}_\eta^\infty(V)\!+\!\sum_{n=2}^{\infty}\frac{\mathcal{P}_{\eta,n}(V)}{t^n}\!+\!\frac{\mathcal{M}^P_\eta(V,t)}{t^{\nu+2}}\bigg],\label{eq:power} \end{align} with $ \bar{I}_0=e|\lambda|^2 q_F(2\pi^2 v)^{-1}$, $ \bar{P}_0=|\lambda|^2 q_F^2(\pi^2 K_f )^{-1} $ and all the terms in square brackets dimensionless~\cite{footnote:cutoff}. In particular, Eqns.~\eqref{eq:current} and~\eqref{eq:power} consist of three contributions: a steady-state value~\cite{Gambetta:2016,Calzona:2017}, $ I^{\infty}_\eta(V)=\bar{I}_0\bar{I}^{\infty}_\eta(V) $ and $ P^{\infty}_\eta(V)=\bar{P}_0\bar{P}^{\infty}_\eta(V) $, respectively; one transient contribution that contains only integer power laws of time, stemming from the time dependence of $ G^{<}(t,t-\tau) $ in Eq.~\eqref{eq:Glesser}; another transient contribution which is related to the quenched LL \emph{non-universal} behavior. As well as $\mathcal{M}^A(\omega,t)$ in Eq.~\eqref{eq:Alesser}, both $\mathcal{M}_\eta^{I}(V,t)$ and $ \mathcal{M}^{P}_{\eta}(V,t)$ are functions whose leading term is an oscillating factor with constant amplitude. However, in sharp contrast with the NESF, here the non-universal transient contributions decay as $t^{-\nu-1}$ and $t^{-\nu-2}$ for the charge and energy currents respectively, with $\nu\geq1$ given in Eq.\ \eqref{eq:nu}. This behavior of the non-universal contribution is not surprising since, in essence, $A^<(V,t)\propto \partial_V \sum_{\eta}I_\eta(V,t) $ and $A^<(V,t)\propto \partial^2_V \sum_{\eta}P_\eta(V,t)$. Furthermore, since both quantities contain oscillating factors $\sim e^{iV t}$ in the functions ${\mathcal M}_\eta^{I,P}(V,t)$ [see Eqns.~\eqref{app:eq:MI} and~\eqref{app:eq:MP} in Appendix~\ref{app:appendix}], the exponents of the non-universal power laws will be modified according to the derivative over $V$. On the other hand, coefficients of the universal contributions $\mathcal{I}_{\eta,n}(V)$ and $\mathcal{P}_{\eta,n}(V)$ are independent of $ t $, and derivation with respect to $ V $ does not affect the universal power-law decay in time. The relaxation dynamics of $I_\eta(V,t) $ and $P_\eta(V,t) $ are thus governed by the universal decay $ \propto t^{-2} $, which does not depend on the quench parameters and traces back to the behavior of cross-correlators $ D_{\alpha,-\alpha}(0;t,\tau) $ and thus of entanglement. The long-time dynamics of chiral charge and energy currents can thus directly reveal the entanglement between chiral bosonic fields $ \phi_{f,+}(x) $ and $ \phi_{f,-}(x) $ and its relaxation. In particular, the chiral energy current represents a promising tool to elucidate the universal dynamics of the system. In fact, its non-universal transient contribution decays faster, leading to an earlier emergence of the $t^{-2}$ relaxation with respect to the charge current. In addition, the excess chiral energy current $\Delta P_\eta(V,t)=P_\eta(V,t)-P_\eta^\infty(V)$ displays a striking dependence on the chirality $\eta$, which turns out to help even more in detecting the universal behavior $\propto t^{-2}$. \begin{figure} \centering \includegraphics[width=\linewidth]{Fig3.pdf} \caption{(Color online) Panel (a): Plot of $ |\Delta P_+(V,t)| $ (red, solid), $ |\Delta P_-(V,t)| $ (green, dash-dotted) and $ |\Delta P(V,t)|=|\sum_{\eta}\Delta P_\eta(V,t)| $ (blue, dashed) [units $ \bar{P}_0=|\lambda|^2 q^2_F (\pi^2 K_f)^{-1} $] as function of time $ t $ [units $ (v q_F)^{-1} $] for the quench $ K_i=0.9\rightarrow K_f=0.6 $. Panel (b): Plot of $ |\Delta R_\eta(V,t)|=|R_\eta(V,t)-R_\eta^\infty|$, as a function of time $ t $ [units $ (v q_F)^{-1} $] for the quenches $ K_i=0.9\rightarrow K_f=0.6 $ (blue, dashed) and $ K_i=0.8\rightarrow K_f=0.4 $ (red, solid). Note that $ |\Delta R_\eta(V,t)| $ does not depend on the chirality (see text). In both Panels solid black lines indicate the power law $ \propto t^{-2} $ and $ V=0.1\, v q_F/e $.} \label{fig:power} \end{figure} Indeed, as shown in Fig.~\ref{fig:power}(a), the non-universal decay mostly affects $\Delta P_+(V,t)$ while $ \Delta P_-(V,t) $ exhibits an almost perfect decay $ \propto t^{-2} $, which emerges clearly even at short times. Moreover, within the time range we are interested in, one has $|\Delta P_-(V,t)|\gg|\Delta P_+(V,t)|$: The relaxation of the total energy current $ P(V,t)=\sum_{\eta}P_\eta(V,t)$ is thus essentially controlled by the dominant universal decay $ \propto t^{-2} $ of $ P_-(V,t) $. It is worth noting that this leads to an intriguing effect: during the transient, the majority of the \emph{excess} energy current injected from the probe flows in the $ \eta=- $ direction. This is in sharp contrast with the steady-state contribution, which is always dominated by the $\eta=+$ chirality, and with the non-quenched case, where one finds $P_+(V,t) \propto P_-(V,t)$ with $|P_+(V,t)|\geq|P_-(V,t)|$. Moreover, we underline that this effect does not exist for the chiral charge currents, which always satisfy $I_+(V,t)\propto I_-(V,t)$ with $I_+(V,t)>I_-(V,t)$ [see Eq.~\eqref{SM:eq:current} in Appendix~\ref{app:appendix}]. To further exploit this peculiar chirality-dependence of the excess energy current, we inspect the energy fractionalization ratio \begin{equation} R_\eta(V,t)=\frac{P_\eta(V,t)}{\sum_\eta P_\eta(V,t)} \end{equation} in the transient regime~\cite{Karzig:2011,Calzona:2017}. Its relaxation towards the steady-state value $R_\eta^\infty=A_\eta^2/(A_+^2+A_-^2)$ \cite{Karzig:2011,Calzona:2017} is depicted in Fig.~\ref{fig:power}(b), where we show the behavior of the absolute value of $\Delta R_\eta(V,t) = R_\eta(V,t)-R_\eta^\infty$ for two different quenches. The universal decay $\propto t^{-2}$ emerges as clearly as in $\Delta P_-(V,t)$. Note that, since $ R_\eta(V,t)=1-R_{-\eta}(V,t) $, one has $ |\Delta R_\eta(V,t)|=|\Delta R_{-\eta}(V,t)| $, i.e. $ |\Delta R_\eta(V,t)| $ does not depend on the chirality. Moreover, the fractionalization ratio has the key advantage to be time-independent in the non-quenched case, with $ R_\eta(V,t) = R^\infty_\eta$. Therefore, the presence of a transient in $ R_\eta(V,t) $ is a direct hallmark of the non-equilibrium dynamics of the system induced by the quench. Together with $\Delta P_-(V,t)$, it represents a very promising tool for the investigation of the quench-induced entanglement between counter-propagating chiral fields $\phi_{f,\pm}(x)$ and its relaxation in time. Before closing, we note that our results hold even for a non-sudden change of the inter-particle interaction and in the presence of a finite temperature. In particular, since the smallest time scale of the system is set by the time cutoff $\tau_0=a/v $, our discussions remain valid for protocols faster than $ \tau_0 $. On the other hand, a finite temperature $ T $ induces a characteristic time-scale $ \tau_{\mathrm{th}}=\beta \hbar $, with $ \beta $ the inverse temperature, and thus its effects remain negligible for times $ t\ll \tau_{\mathrm{th}} $. In the specific case of a typical fermionic cold atoms setup one has $\tau_0\sim10^{-7}\, \mathrm{s} $ and $ T \sim 10^{-8} \,\mathrm{K} $~\cite{Inguscio:2007}. The associated time scale is then $ \tau_{\mathrm{th}} \sim 10^{-3} s= 10^{4} \tau_0 $ and is well beyond the time region in which the power-law decay $ \propto t^{-2} $ clearly emerges in the energy current and fractionalization ratio in Fig.~\ref{fig:power}. \section{Conclusions} \label{sec:conclusions} In summary, the non-equilibrium dynamics of a 1D interacting system after a quantum quench has been discussed. It has been shown that an interaction quench results in an initial entanglement between right- and left-moving density excitations, which is encoded in the time evolution of their cross-correlators. This represents a direct fingerprint of the quantum quench and deeply affects the relaxation towards the steady state of the system. We have shown this in the specific case of spectral and transport properties of a fermionic 1D system subject to an interaction quench. In particular, we demonstrated that the entanglement dynamics induces a universal long-time decay $ \propto t^{-2} $ in the non-equilibrium spectral function, whose time-evolution is also affected by other non-universal power laws, with quench-dependent exponents. Interestingly, the universal character clearly emerges by considering charge and energy currents in a transport setup. In particular, fractionalization phenomena, peculiar of 1D interacting systems, can be envisioned to probe the presence of quench-induced entanglement and its relaxation. Among all, the transient dynamics of the energy fractionalization ratio represents a promising tool to observe these universal features. We expect our discussions to be independent of the precise form of the quench protocol, of the tunneling Hamiltonian or of the presence of a finite temperature. Moreover, our results can elucidate fundamental aspects of non-equilibrium physics settled by a quantum quench and can be tested with state-of-the-art implementation of cold atomic systems or solid state devices. \\ A. C. and F. M. G. contribute equally to this work.
4d63ba85e45c82a3b32a91b5456780f0aa2239de
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Quantification of left ventricle (LV) from cardiac imaging is among the most clinically important and most frequently demanded tasks for identification and diagnosis of cardiac disease~\cite{karamitsos2009role}, yet still a challenging task due to the high variability of cardiac structure across subjects and the complicated global/regional temporal dynamics. Full quantification, i.e., to simultaneously quantify all LV indices including two areas, six regional wall thicknesses (RWT), three LV dimension, and one phase (as shown in Fig.~\ref{fig_indices}), providing more detailed information for comprehensive cardiac function assessment, is even more challenging since the uncertain relatedness intra and inter each type of indices may hinder the learning procedure from better convergence and generalization. In this work, we propose a newly-designed deep multitask learning network FullLVNet for full quantification of LV respecting both intra- and inter-task relatedness. In clinical practice, obtaining reliable quantification is subjected to measuring on segmented myocardium, which is usually obtained by manually contouring the borders of myocardium~\cite{suinesiaputra2015quantification} or manual correction of contours~\cite{attili2010quantification,kawel2015normal} generated by LV segmentation algorithms~\cite{peng2016review}. However, manually contouring is time-consuming, of high inter-observer variability, and typically limited to the end diastolic (ED) and end systolic (ES) frames, which makes it insufficient for dynamic function analysis. LV segmentation algorithms, despite the recent advances, is still a difficult problem due to the lack of edge information and presence of shape variability. Most existing segmentation methods for cardiac MR images~\cite{peng2016review,petitjean2011review,ayed2012max} requires strong prior information and user interaction to obtain reliable results, which may prevent them from efficient clinical application. \begin{figure}[t] \centering \includegraphics[width=10cm]{fig/all_indices.pdf} \caption{Illustration of LV indices to be quantified for short-axis view cardiac image. (a) Cavity (blue) and myocardium (orange) areas. (b) directional dimensions of cavity (red arrows). (c) Regional wall thicknesses (red arrows). A: anterior; AS: anterospetal; IS: inferoseptal; I: inferior; IL: inferolateral; AL: anterolateral. (d) Phase (systole or diastole).} \label{fig_indices} \end{figure} In recent years, direct methods without segmentation have grown in popularity in cardiac volumes estimation~\cite{afshin2012global,afshin2014regional,wang2014direct,zhen2015direct,zhen2014direct,zhen2015multi,zhen2017direct}. Although these methods obtained effective performance by leveraging state-of-art machine learning techniques, they suffer from the following limitations. 1) Lack of powerful task-aware representation. The vulnerable hand-crafted or task-unaware features are not capable of capturing sufficient task-relevant cardiac structures. 2) Lack of temporal modeling. Independently handling each frame without assistance from neighbors can not guarantee the consistency and accuracy. 3) Not end-to-end learning. The separately learned representation and regression models cannot be optimal for each other. 4) Not full quantification. Only cardiac volume alone is not sufficient for comprehensive global, regional and dynamic function assessment. In this paper, we propose a newly-designed multitask learning network (FullLVNet), which is constituted by a specially tailored deep CNN for expressive feature embedding; two followed parallel RNN modules for temporal dynamic modeling; and four linear models for the final estimation. During the final estimation, FullLVNet is capable of improving the generalization by 1) modeling intra-task relatedness through group lasso regularization within each regression task; and 2) modeling inter-task relatedness with three phase-guided constraints that penalize violation of the temporal behavior of LV indices. After being trained with a two-step strategy, FullLVNet is capable of delivering accurate results for all the considered indices of cardiac LV. \section{Multitask learning for full quantification of cardiac LV} The proposed FullLVNet models full quantification of cardiac LV as a multitask learning problem. Three regression tasks $\{y_{area}^{s,f}, y_{dim}^{s,f}, y_{rwt}^{s,f}\}$ and one classification task $y_{phase}^{s,f}$ are simultaneously learned to predict frame-wise values of the above mentioned LV indices from cardiac MR sequences $\mathcal{X}=\{X^{s,f}\}$, where $s=1\cdots S$ indexes the subject and $f=1\cdots F$ indexes the frame. The objective of FullLVNet is: \begin{equation}\label{eq_objective} W_{optimal}=\min_{W}\frac{1}{S\times F}\sum_{s,f}\sum_{t}L_t(\hat{y}_t^{s,f}(X^{s,f}|W),y_t^{s,f})+\lambda \mathcal{R}(W) \end{equation} where $t\in \{area, dim, rwt, phase\}$ denotes a specific task, $\hat{y}_t$ is the estimated results for task $t$, $L_t$ is the loss function of task $t$ and $\mathcal{R}(W)$ denotes regularization of parameters in the network. \begin{figure}[h] \centering \includegraphics[width=10cm]{fig/network.pdf} \caption{Overview of FullLVNet, which combines a deep CNN network (details shown in the left) for feature embedding, two RNN modules for temporal dynamic modeling, and four linear models for final estimation. Intra- and inter-task relatedness are modeled in the final estimation to improve generalization.} \label{fig_network} \end{figure} \subsection{Architectures of FullLVNet} Fig.~\ref{fig_network} shows the overview of FullLVNet. A deep CNN is firstly designed to extract from cardiac images expressive and task-aware feature, which is then fed to the RNN modules for temporal dynamic modeling. Final estimations are given by four linear models with the output of RNN modules as input. To improve generalization of FullLVNet, both intra- and inter-task relatednesses are carefully modeled through group lasso and phase-guided constraints for the linear models. \textbf{CNN for deep feature embedding} To obtain expressive and task-aware features, we design a specially tailored deep CNN for cardiac images, as shown in the left of Fig.~\ref{fig_network}. Powerful representations can be obtained by transfer learning~\cite{shin2016deep} from well-known deep architectures in computer vision for applications with limited labeled data. However, transfer learning may incur 1) restriction of network architecture, resulting in incompatible or redundant model; and 2) restriction of input channel and dimension, leading to requirement of image resizing and channel expanding. We reduce the number of filters for each layer to avoid model redundancy. As for the kernel size of convolution and pooling, $5\times 5$, instead of the frequently used $3\times 3$, is deployed to introduce more shift invariance. Dropout and batch normalization are adopted to alleviate the training procedure. As can be seen in our experiments, our CNN is very effective for cardiac images even without transfer learning. As a feature embedding network, our CNN maps each cardiac image $X^{s,f}$ into a fixed-length low dimension vector $e^{s,f}=f_{cnn}(X^{s,f}|w_{cnn})\in \mathcal{R}^{100}$. \textbf{RNNs for temporal dynamic modeling} Accurate modeling of cardiac temporal dynamic assistants the quantification of current frame with information from neighbors. RNN, especially when LSTM units~\cite{graves2012supervised} are deployed, is specialized in temporal dynamic modeling and has been employed in cardiac image segmentation~\cite{poudel2016recurrent} and key frame recognition~\cite{kong2016recognizing} in cardiac sequences. In this work, two RNN modules, as shown by the green and yellow blocks in Fig.~\ref{fig_network}, are deployed for the regression tasks and the classification task. For the three regression tasks, the indices to be estimated are mainly related to the spatial structure of cardiac LV in each frame. For the classification task, the cardiac phase is mainly related to the structure difference between successive frames. Therefore, the two RNN modules are designed to capture these two kinds of dependencies. The outputs of RNN modules are $\{h_m^{s,1},,,,h_m^{s,F}\}=f_{rnn}([e^{s,1},...e^{s,F}]|w_{m}),m\in\{rnn1,rnn2\}$. \textbf{Final estimation} With the outputs of RNN modules, all the LV indices can be estimated with a linear regression/classification model: \begin{equation}\label{eq_linear_model} \begin{cases} \hat{y}_{t}^{s,f}=w_{t}h_{rnn1}^{s,f}+b_t, ~where ~t\in\{area, dim, rwt\} \\ p(\hat{y}_{t}^{s,f}=0)=\frac{1}{1+\exp(w_{t}h_{rnn2}^{s,f}+b_t)}, ~t=phase \end{cases} \end{equation} where $w_{t}$ and $b_t$ are the weight and bias term of the linear model for task $t$, $0$ and $1$ denote the two cardiac phase $Diastole$ and $Systole$, and $p(\hat{y}_{phase}^{s,f}=1)=1-p(\hat{y}_{phase}^{s,f}=0)$. For the loss function in~(\ref{eq_objective}), Euclidean distance and cross-entropy are employed for the regression tasks and the classification task, respectively. \begin{equation} L_{t} = \begin{cases} \frac{1}{2}\|\hat{y}_t^{s,f}-y_t^{s,f}\|_2^2, ~where ~t\in\{area, dim, rwt\}\\ -\log p(\hat{y}_{t}^{s,f}=y_{t}^{s,f}),~t=phase \end{cases} \end{equation} \subsection{Intra-task and inter-task relatedness} Significant correlations exist between the multiple outputs of each task and those of different tasks, and are referred as intra- and inter-task relatedness. Intra-task relatedness can be effectively modeled by the well-known group lasso regularization, while inter-task relatedness is modeled by three phase-guided constraints. Improved generalization can be achieved with both of them fully leveraged in our FullLVNet. \textbf{Intra-task relatedness based on group lasso} Group lasso, also known as L1/L2 regularization, can perfectly model relatedness within groups of outputs, i.e, the three regression tasks. It enforces common feature selection cross related outputs with the L2 norm, and encourages sparse selection of the most related features with the L1 norm for each task. In this way, the relevant features of different tasks can be well disentangled. To leverage this advantage, group lasso is applied to the weight parameters of the three regression models in~(\ref{eq_linear_model}). \begin{equation} \mathcal{R}_{intra}=\sum_t \sum_i\|w_t(i)\|_2, ~for ~t\in\{area, dim, rwt\} \end{equation} where $w_t(i)$ denotes the $i$th column of $w_t$. \textbf{Inter-task relatedness based on phase-guided constraints} Three phase-guided constraints are proposed to model inter-task relatedness, i.e, the cardiac phase and other LV indices. Cardiac phase indicates the temporal dynamics of LV myocardium in a cardiac cycle. Other LV indices change accordingly with cardiac phase: 1) cavity area and LV dimensions increase in the diastole phase and decrease in the systole phase; 2) myocardium area and RWT decrease in the diastole phase and increase in the systole phase. Effectively modeling such an intrinsic phase-guided relatedness would ensure that the estimated LV indices are consistent with the temporal dynamics of LV. To penalize violation of these inter-task relatednesses, three phase-guided constraints are applied to the predicted results of areas, dimensions and RWT. \begin{equation} \begin{split} \mathcal{R}_{inter}^{area}=\frac{1}{2S\times F}&\sum_{s,f}[\mathbbm{1}(y_{phase}^{s,f}=0)(\max(-z_{area}^{s,f,1},0)+\max(z_{area}^{s,f,2},0))\\ &+\mathbbm{1}(y_{phase}^{s,f}=1)(\max(z_{area}^{s,f,1},0)+\max(-z_{area}^{s,f,2},0))] \end{split} \end{equation} \begin{equation} \mathcal{R}_{inter}^{dim}=\frac{1}{S\times F}\sum_{s,f}[\mathbbm{1}(y_{phase}^{s,f}=0)\max(-\bar{z}_{dim}^{s,f},0)+ \mathbbm{1}(y_{phase}^{s,f}=1)\max(\bar{z}_{dim}^{s,f},0)] \end{equation} \begin{equation} \mathcal{R}_{inter}^{rwt}=\frac{1}{S\times F}\sum_{s,f}[\mathbbm{1}(y_{phase}^{s,f}=0)\max(\bar{z}_{rwt}^{s,f},0)+ \mathbbm{1}(y_{phase}^{s,f}=1)\max(-\bar{z}_{rwt}^{s,f},0)] \end{equation} where $\mathbbm{1}(\cdot)$ is the indicator function, $z_t^{s,f}=\hat{y}_t^{s,f}-\hat{y}_t^{s,f-1}, for~t\in\{area,dim,rwt\}$, $z_t^{s,f,i}$ denotes the $i$th output of $z_t$ and $\bar{z}_t$ denotes the average value of $z_t$ across its multiple outputs. Totally, our regularization term becomes \begin{equation} \mathcal{R}(W)=\lambda_1\mathcal{R}_{intra}+\lambda_2(\mathcal{R}_{inter}^{area}+\mathcal{R}_{inter}^{dim}+\mathcal{R}_{inter}^{rwt}) \end{equation} \section{Dataset and Configurations} Our FullLVNet is validated with short-axis cardiac MR images of 145 subjects. Temporal resolution is 20 frames per cardiac cycle, resulting in a total of 2900 images in the dataset. The pixel spacings range from 0.6836 mm/pixel to 2.0833 mm/pixel, with mode of 1.5625 mm/pixel. The ground truth values are computed from manually obtained contours of LV myocardium. Within each subject, frames are labeled as either Diastole phase or Systole phase, according to the obtained values of cavity area. In our experiments, two landmarks, i.e, junctions of the right ventricular wall with the left ventricular, are manually marked for each image to provide reference for ROI cropping and the LV myocardial segments division. The cropped images are resized to $80\times80$. The network is implemented by Caffe with SGD solver. Five-fold cross validation is employed for performance evaluation and comparison. Data augmentation is conducted by randomly cropping images of size $75\times 75$ from the resized image. \textbf{Two-step strategy training} We apply a two-step strategy for training our network to alleviate the difficulties caused by the different learning rate and loss function in multitask learning~\cite{zhang2010convex,zhang2014facial}. Firstly the CNN embedding, the first RNN module and the three regression models are learned together with no back propagation from the classification task, to obtain accuracy prediction for the regression tasks; with the obtained CNN embedding, the second RNN module and the linear classification model are then learned while the rest of the network are kept frozen. As shown in the experiments, such a strategy delivers excellent performance for all the considered tasks. \section{Results and Analysis} FullLVNet is extensively validated under different configurations in Table.~\ref{table_results}. From the last column, we can draw that FullLVNet successfully delivers accurate predictions for all the considered indices, with average Mean Absolute Error (MAE) of 1.41$\pm0.72mm$, 2.68$\pm1.64mm$, 190$\pm128mm^2$ for RWT, dimension, and areas. For reference, the maximums of these indices in our dataset are 24.4$mm$, 81.0$mm$, 4936$mm^2$. Error rate (1-accuracy) for phase identification is 10.4\%. Besides, the effectivenesses of intra- and inter-task relatedness are also demonstrated by the results in the third and fourth column: intra-task relatedness brings clearly improvements for all the tasks, while inter-task relatedness further brings moderate improvement. Compared to the recent direct multi-feature based method~\cite{zhen2015multi}, which we adapt to our full quantification task, FullLVNet shows remarkable advantages even without intra- and inter-task relatedness. \begin{table*}[t] \caption{Performance of FullLVNet under different configurations (e.g, intra/N means only intra-task relatedness is included) and its competitor for LV quantification. Mean Absolute Error (MAE) is used for the three regression tasks and prediction error rate is used for the phase identification task.} \label{table_results} \centering \begin{tabular}{l|c|ccc} \hline \multirow{2}{*}{Method} & Multi-features & \multicolumn{3}{c}{FullLVNet}\\ \cline{3-5} &\cite{zhen2015multi} &N/N&intra/N&intra/inter\\ \hline \multicolumn{5}{c}{RWT (mm)}\\ \hline IS&1.70$\pm$1.47&1.42$\pm$1.21&1.39$\pm$1.10&\textbf{1.32$\pm$1.09}\\ I&1.71$\pm$1.34&1.53$\pm$1.25&1.48$\pm$1.16&\textbf{1.38$\pm$1.10}\\ IL&1.97$\pm$1.54&1.74$\pm$1.43&1.61$\pm$1.29&\textbf{1.57$\pm$1.35}\\ AL&1.82$\pm$1.41&1.59$\pm$1.31&\textbf{1.53$\pm$1.06}&1.60$\pm$1.36\\ A&1.55$\pm$1.33&1.36$\pm$1.17&\textbf{1.32$\pm$1.06}&1.34$\pm$1.11\\ AS&1.68$\pm$1.43&1.43$\pm$1.24&1.37$\pm$1.10&\textbf{1.26$\pm$1.10}\\ \hline Average&1.73$\pm$0.97&1.51$\pm$0.81&1.45$\pm$0.69&\textbf{1.41$\pm$0.72}\\ \hline \multicolumn{5}{c}{Dimension (mm)}\\ \hline dim1&3.53$\pm$2.77&2.87$\pm$2.23&2.69$\pm$2.05&\textbf{2.62$\pm$2.09}\\ dim2&3.49$\pm$2.87&2.96$\pm$2.35&2.67$\pm$2.15&\textbf{2.64$\pm$2.12}\\ dim3&3.91$\pm$3.23&2.92$\pm$2.48&2.70$\pm$2.22&\textbf{2.77$\pm$2.22}\\ \hline Average&3.64$\pm$2.61&2.92$\pm$1.89&2.69$\pm$1.67&\textbf{2.68$\pm$1.64}\\ \hline \multicolumn{5}{c}{Area (mm$^2$)}\\ \hline cavity&231$\pm$193&205$\pm$182&182$\pm$152&\textbf{181$\pm$155}\\ myocardium&291$\pm$246&204$\pm$195&205$\pm$168&\textbf{199$\pm$174}\\ \hline Average&261$\pm$165&205$\pm$145&194$\pm$125&\textbf{190$\pm$128}\\ \hline \multicolumn{5}{c}{Phase (\%)}\\ \hline phase&22.2&13.0&11.4&\textbf{10.4}\\ \hline \end{tabular} \end{table*} \section{Conclusions} We propose a multitask learning network FullLVNet for full quantification of LV, which includes three regression tasks and one classification task. By taking advantages of expressive feature embeddings from deep CNN and effective dynamic temporal modeling from RNN, and leveraging intra- and inter-task relatedness with group lasso regularization and phase-guided constraints, FullLVNet is capable of delivering state-of-art accuracy for all the tasks considered. \bibliographystyle{splncs03}
6aab864894256c94dca86abd61ff03bcdf324997
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Supplemental Information} \subsection{BEC and quantum-depletion momentum distributions} Assuming a top-hat BEC wavefunction $\psi(z)$, of extension $L$, gives $\tilde{n}_\text{BEC} (k) \propto \sinc^2 \pc{kL/2}$. This is a good approximation at low $k$, but the unphysical sharp edges in real space give unphysical high-$k$ tails, $\propto 1/k^2$. In reality the wavefunction is rounded-off near the trap walls and the high-$k$ tails are exponentially suppressed. To take this into account, we write $\psi (z) \propto \tanh \pc{ \frac{L/2 - \md{z}}{\sqrt{2}\xi}}$~\cite{Pethick:2002}, for $\md{z} < L/2$, and numerically compute $\tilde{n}_\text{BEC} (k)$. Since quantum depletion (QD) is spread over a very wide range of momenta, finite-size effects are negligible, and we use the standard textbook prediction~\cite{Pethick:2002} for the three-dimensional QD distribution in an infinite system; after integration over two directions this gives \begin{equation} \tilde{n}_\text{QD} (k) \propto a \pc{1+ \xi^2 k^2 - \sqrt{\xi^2 k^2 \pc{\xi^2 k^2 +2}}} . \label{eq:nQD} \end{equation} The expression on the right hand side of Eq.~(\ref{eq:nQD}) is normalised to $\gamma \sqrt{na^3}$, with $\gamma \approx 1.5$, and we normalise the numerical BEC momentum distribution to $1- \gamma \sqrt{na^3}$. For intuitive visual presentation, in Fig.~\ref{Fig1} of the main paper and Fig.~\ref{Fig1S} we scale both distributions so that in absence of quantum depletion $\tilde{n}(0) = 1$. \subsection{Bragg-diffraction efficiency and choice of $\Omega$} For a Bragg pulse tuned in resonance with the $k=0$ atoms, the Doppler detuning for $k\neq 0$ is $\hbar k q/m$, so for the pulse duration $\tau = \pi/\Omega$ (an on-resonance Rabi $\pi$-pulse), the $k$-dependent diffracted fraction is \begin{equation} \nonumber p_\text{Bragg} (k) = \frac{\Omega^2}{\Omega^2 + \pc{\hbar q k/m}^2} \sin^2 \pr{ \sqrt{\Omega^2 + \pc{\hbar q k/m}^2} \frac{\pi}{2\Omega}} . \end{equation} For our $\Omega = 2\pi \times 1.8$~kHz, in Fig.~\ref{Fig1S} we indicate by the shadings the fractions of $\tilde{n}_{\rm BEC} (k)$ and $\tilde{n}_{\rm QD} (k)$ that are diffracted, for $\sqrt{na^3} = 0.04$ and our experimental values of $n$ and $L$. \begin{figure}[t!] \centering \includegraphics[width=\columnwidth]{Fig1_SI.pdf} \caption{\label{Fig1S} Momentum distributions and diffraction efficiency. Zero-temperature 1D momentum distributions of the BEC (left) and the QD (right), for $n=3.5 \times 10^{11} \text{cm}^{-3}$, $L=50~\mu$m, and $\sqrt{na^3} = 0.04$ (solid lines). Note the difference in the $x$-axes. The shadings indicate the fractions of the BEC and QD that are diffracted for a Bragg $\pi$-pulse with $\Omega = 2\pi \times 1.8$~kHz. Inset: zoom-in on the tail of $\tilde{n}_{\rm BEC} (k)$.} \end{figure} \begin{figure}[t!] \centering \includegraphics[width=\columnwidth]{Fig2_SI.pdf} \caption{\label{Fig2S} Choice of $\Omega$. We plot $\eta$ as a function of $\sqrt{na^3}$ for different values of $\Omega$ (solid lines); the dashed lines correspond to $\gamma =1.5$. In an ideal measurement, possible only for $L/\xi \rightarrow \infty$ (and $T=0$), one would observe $\eta(0) = 1$ and $\gamma=1.5$. In reality, for a non-infinite $L/\xi$, increasing $\Omega$ decreases the systematic effects on $\eta(0)$, but increases the systematic effects on the observed $\gamma$. Our $\Omega = 2\pi \times 1.8$~kHz offers a good compromise for our system parameters.} \end{figure} Both the imperfect diffraction of the BEC and the partial diffraction of the QD introduce (opposite) systematic effects on the expected experimentally observed $\gamma$. The two effects partially cancel, but the latter is larger, and for any nonzero $\Omega$ the expected observed $\gamma$ is below $1.5$. In Fig.~\ref{Fig2S} we plot the simulated $\pi$-pulse diffracted fraction $\eta$ versus $\sqrt{na^3}$, for different values of $\Omega$; in all cases the dashed lines correspond to $\gamma =1.5$. For our $\Omega = 2\pi \times 1.8$~kHz, most of the BEC is diffracted ($\eta(0) > 97\%$), and the apparent reduction of $\gamma$ is only $\approx 20\%$ (comparable to our experimental errors). For much smaller $\Omega$ the expected $\gamma$ approaches the ideal theoretical value, but $\eta (0)$ drops significantly. Conversely, for much larger $\Omega$ essentially all of the BEC is diffracted ($\eta(0) \rightarrow 1$), but the expected key experimental signal, the interaction tuning of $\eta$, significantly diminishes, because most of the QD is diffracted as well. While these effects can be accounted for numerically, we use $\Omega$ for which the systematic effects on both $\eta(0)$ and $\gamma$ are small in the first place, so that numerical analysis is not essential for the interpretation of the experiments. \subsection{Effects of nonzero temperature} To assess the effects of nonzero temperature, we start with the Bogoliubov dispersion relation \begin{equation} \varepsilon (k) = \sqrt{\frac{\hbar^2 k^2}{2m} \pc{\frac{\hbar^2 k^2}{2m} + 2 gn}} \, , \end{equation} where $g = (4\pi \hbar^2 /m) a$, and assume that the depletion of the condensate is small. For any given $a$ one can compute, as a function of $T$, the energy density \begin{equation} E(T) - E(0) = \frac{1}{(2\pi)^3} \int \varepsilon(k) f(k,T) \, d\textbf{k} \, , \end{equation} where $f(k,T) = [e^{\varepsilon(k)/(k_{\rm B} T)} -1]^{-1}$, the entropy density \begin{equation} S (T) = \int_0^T \frac{1}{T'} \frac{\partial E(T')}{\partial T'} d T' \, , \end{equation} and the thermal depletion \begin{equation} n_\text{ex} (T) = \frac{1}{(2\pi)^3} \int p(k) f(k, T) \, d\textbf{k} \, , \label{eq:thermalDpl} \end{equation} where $p(k) = \left[ gn + \hbar^2 k^2/(2m) \right] / \varepsilon (k)$ is the particle content of a collective excitation mode~\cite{Pethick:2002}. \begin{figure}[t!] \centering \includegraphics[width=\columnwidth]{Fig3_SI.pdf} \caption{\label{Fig3S} Adiabatic heating. (a) Entropy $S(T)$ for $a=0$ (dashed line), $200~a_0$ (blue) and $3000~a_0$ (orange), for $n=3.5 \times 10^{11} \text{cm}^{-3}$. The arrow represents an adiabatic increase of $a$, which increases $T$. (b) Adiabatic evolution of $T$ with $a$, for initial $a=200~a_0$ and various initial temperatures. (c) $\beta \equiv \partial \ln(S)/ \partial \ln(T)$ as a function of $k_{\rm B} T/(gn)$; see text. } \end{figure} In Fig.~\ref{Fig3S}(a), we plot $S(T)$ for $a=200~a_0$ and $3000~a_0$ (our experimental range); for reference we also show the $a=0$ result (dashed line). Qualitatively, for a larger $a$ the excitation energies $\varepsilon(k)$ are higher, so at the same $T$ there are less excitations and the entropy is lower. As indicated by the blue arrow, adiabatically increasing $a$ increases $T$. In Fig.~\ref{Fig3S}(b) we show how $T$ evolves for initial $a=200~a_0$ and various initial temperatures. \begin{figure}[b!] \centering \includegraphics[width=\columnwidth]{Fig4_SI.pdf} \caption{\label{Fig4S} Effects of the nonzero temperature on $\eta$. Here $\Omega = 2\pi \times 1.8$~kHz and the initial temperatures are, top to bottom, 0 (black), 3.5~nK (blue), 5~nK (green), and 7~nK (orange). Our experimental data (circles) are all modelled well by initial $T$ between 3.5 and 5~nK.} \end{figure} For intuition, it is instructive to consider the low-$T$, phonon-dominated regime, where the fractional adiabatic increase of $T$ is the largest, and one can analytically derive simple scalings. In this case $\varepsilon (k) = \hbar k c$, where $c = \sqrt{gn/m} \propto \sqrt{a}$ is the speed of sound, and $S \propto T^3/c^3$. Hence, for an adiabatic increase of $a$, we have $T\propto c \propto \sqrt{a}$. Intuitively, the energies of all the (already) thermally populated modes grow as $c \propto \sqrt{a}$, and hence so does $T$. The occupation numbers of the phonon modes, $f(k,T) = [e^{\hbar k c/(k_{\rm B} T)} -1]^{-1}$, do not change, but their particle content does. We have $p(k) = gn/(\hbar k c) \propto c/k$ and $n_{\rm ex} \propto T^2/c$, so keeping $T/c$ constant increases the thermal depletion according to $n_{\rm ex} \propto T \propto \sqrt{a}$. For higher initial $T$ the fractional adiabatic increase of temperature is smaller because the energies of the higher-$k$ modes ($k\gtrsim 1/\xi$) are less sensitive to the changes in $a$. In Fig.~\ref{Fig3S}(c) we plot $\beta \equiv \partial \ln(S)/ \partial \ln(T)$, which depends only on $k_{\rm B} T/(gn)$. For $k_{\rm B} T \ll gn$ and $k_{\rm B} T \gg gn$, respectively, $\beta$ approaches constant values of $3$ and $3/2$. This recovers two familiar results: for $k_{\rm B} T \ll gn$, the thermal excitations are phonons and $S \propto T^3$; in the opposite limit, assuming only particle-like excitations with a quadratic dispersion relation, $S \propto T^{3/2}$. Our experiments fall into the shaded region of the graph, so a numerical calculation is necessary. In Fig.~\ref{Fig4S} we show numerical simulations of $\eta$ that include both quantum and thermal depletion, for different initial temperatures (at $a=200~a_0$). As shown in the main paper, all our experimental data are modelled well by initial temperatures between 3.5 and 5~nK. \end{document}
27046558e9338786f73a93a22bf0e88e1632500c
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Process Control Systems (PCSs) are at the core of Critical Infrastructures (CIs), as they control, automate and monitor most of the processes that power modern societies. Power generation, transport, critical manufacturing, water treatment and fuel transport are some examples of CIs. As such, it is necessary to protect PCSs and related assets in order to ensure the correct functioning of modern societies. This necessity has been further revealed by the existence of security incidents directly related to PCSs where skilled attackers disturbed normal functioning of PCSs, affecting the surrounding environment, some of them concerning CIs. Examples of successful cyber-attacks involving PCSs with physical impact include Stuxnet~\cite{Langner2011Stuxnet:} and the German Steel Plant incident~\cite{Bundesamt2014Die}. Consequently, PCS security has been the object of considerable research attention, specially in the development of novel security mechanisms. Among these mechanisms, Anomaly Detection Systems (ADSs) have a prominent space. The predictable and static nature of PCSs make them suitable candidates for anomaly detection~\cite{MitchellSurvey}. However, when detecting a particular anomalous event in PCSs, the factors that cause it can be diverse. These factors can be classified in two large sets: process disturbances or malfunctioning, and attacks or intrusions. In this paper we analyze the limitation and possibilities of distinguishing process disturbances and intrusions by using Multivariate Statistical Process Control (MSPC) in a process agnostic manner. The rest of the paper is organized as follows: Section~\ref{mi:sec:related} presents related works in the literature. Section~\ref{mi:sec:mspc} introduces Multivariate Statistical Process Control. Section~\ref{mi:sec:approach} outlines our approach while Section~\ref{mi:sec:results} evaluates it experimentally. Finally, Sections~\ref{mi:sec:conclusions} and~\ref{mi:sec:future} extract some conclusions and draw some lines for further work, respectively. \section{Related Work} \label{mi:sec:related} Anomaly detection in PCSs and industrial environments in general has gathered wide attention from the scientific community. While most of the approaches leverage network level data to detect anomalies in PCSs (see survey~\cite{MitchellSurvey}), other proposals, such as ours, address this task by leveraging process and sensor-level data. When dealing with process level data, proposals can be further classified in two subgroups: (1) solutions that require a model of the monitored process to detect anomalies and (2) approaches where modelling the process is not necessary. Process model dependant contributions include the work of McEvoy and Wolthusen~\cite{McEvoy2011plant} and Svendsen and Wolthusen~\cite{Svendsen2009Using}. While effective to detect anomalies, these approaches require accurate modelling of the physical process. This requirement poses an important obstacle for implementing detection systems of this nature, especially in complex processes. More process-independent approaches on the other hand, include the work of Kiss et al.~\cite{kiss2015clustering} and Krotofil et al.~\cite{Krotofil2015Process}. Kiss et al.~\cite{kiss2015clustering} present an anomaly detection technique based on the Gaussian mixture model clustering of the sensor-level observations. Later, they use silhouette examinations to interpret the results. Nevertheless, they only consider attacks as possible factors for abnormal situations in the process, without considering process faults or disturbances. Therefore, process related anomalies could be mislabeled as attacks and vice versa. Krotofil et al.~\cite{Krotofil2015Process} propose a method to detect when attackers tamper with sensor signals. To this end, they use entropy to detect inconsistent sensor signals among a cluster of correlated signals. Although they consider scenarios with process disturbances, there is no direct comparison between tampered sensor signals and similar process disturbances. In this approach, we go beyond the state of the art by presenting a novel security anomaly detection and diagnosis technique for PCSs. Additionally, we also analyze the effect of process disturbances and its effect when detecting security anomalies. \section{Multivariate Statistical Process Control} \label{mi:sec:mspc} \begin{figure} \centering \includegraphics[width=.6\columnwidth]{media/mi_example_control_chart.pdf} \caption{Example of a control chart. Control limits are presented for 95\% (lower dashed line) and for a 99\% (upper dashed line) confidence levels} \label{mi:fig:example_control_chart} \end{figure} Figure~\ref{mi:fig:example_control_chart} shows an example of a control chart. Under normal process operating conditions, 99\% of all the points will fall under the upper control limit. In that case, we consider that the process is in a state of \textit{statistical control}. It is important not to confuse the term statistical control with other similar terms, such as automatic feedback control, as they refer to different concepts. Statistical control refers to the state of the process where only common causes of variation are present~\cite{MacGregor1995Statistical}. The existence of consistent observation series over the established control limit, is likely to be attributed to a new special cause. In the case of PCSs, this variation source may be attributed to attacks or process disturbances, i.e.\ an anomaly. By using tools such as Principal Component Analysis (PCA), MSPC provides an efficient methodology to monitor variable magnitude and relation to other variables. \subsection{PCA-based MSPC} Let us consider process historical data as an $\mathbf{X} = N\times M$ two-dimensional dataset, where $M$ variables are measured for $N$ observations. PCA transforms the original $M$-dimensional variable space into a new subspace where variance is maximal. It converts the original variables into a new set of uncorrelated variables (generally fewer in number), called Principal Components (PCs) or Latent Variables. For a mean-centered and auto-scaled\footnote{Normalized to zero mean and unit variance} $\mathbf{X}$ and $A$ principal components, PCA follows the next expression: \begin{equation} \mathbf{X} = \mathbf{T_A P^{t}_A} +\mathbf{E_A} \end{equation} \noindent where $\mathbf{T_A}$ is the $N \times A$ score matrix, that is, the original observations represented according to the new subspace; $\mathbf{P^{t}_A}$ is the $M \times A$ loading matrix, representing the linear combination of the original variables that form each of the PCs; finally, $\mathbf{E_A}$ is the $N \times M$ matrix of residuals. In PCA-based MSPC, both the scores and the residuals are monitored, each in a separate control chart~\cite{Camacho2015Multivariate}. On the one hand, to comprise the scores, the D-statistic or Hotelling's $T^2$~\cite{hotelling1947multivariate} is monitored. On the other hand, in the case of the residuals, the chosen statistic is the Q-statistic or $SPE$~\cite{jackson1979control}. $D$ and $Q$ statistics are computed for each of the observations in the calibration data, and control limits are set for each of the two charts. Later, these statistics are also computed for incoming data and plotted in the control chart. When an unexpected change occurs in one (or more) of the original measured $M$ variables, one (or both) of these statistics will go beyond control limits. Thus, a $M$-dimensional monitoring scenario is effectively converted into a two-dimensional one. In this work, we consider an event as anomalous when three consecutive observations surpass the 99\% confidence level control limit. Once an anomaly has been detected, we use oMEDA plots~\cite{camacho2011observation} to diagnose the anomaly causes by relating anomalous events to the original variables. In essence, oMEDA plots are bar plots where the highest or lowest values in a set of variables reflect their contribution to a group of observations. Therefore, when computed on a group of observations within an anomalous event, the most relevant variables related to that particular event will be the ones with the highest and lowest bars. \section{Proposed approach} \label{mi:sec:approach} \begin{figure} \centering \includegraphics[width=.5\columnwidth]{media/mi_control_loop.pdf} \caption{Example of a PCS and used attack model.} \label{mi:fig:example_pcs} \end{figure} Figure~\ref{mi:fig:example_pcs} shows an example of a PCS. At the core of the system resides a physical process, with a fixed number of sensors and actuators. These sensors and actuators are the input/output devices that controllers use to interact with the process. Controllers read process data from the sensors, and according to the control algorithm implemented in them, they decide what is the next step to be performed on the actuators. Once the actuators change, the process evolves and with it, the sensor reading. Then, sensor data is fed to the controllers again, thus repeating the steps. However, the communication between process controllers and sensor/actuators is often performed over insecure transmission lines, frequently using unencrypted, unauthenticated, legacy protocols. Thus, it is possible for an attacker to interact with the communication, performing Man-in-the-Middle (MitM) attacks. This can lead to situations where the data fed to the controller is not the real read by the sensors, or that the actuators receive data that was not sent as such by the controllers. In this work we use MSPC over a simulated industrial process, the Tennessee-Eastman~\cite{downs1993plang}, to detect anomalies and diagnose their cause distinguishing between natural (disturbances) and human induced (attacks) factors. \subsection{Tennessee-Eastman process} \label{mi:sec:te} The Tennessee-Eastman (TE) process is a well-known challenge process, modeled after a real chemical process. First presented by Downs and Vogel~\cite{downs1993plang}, it has been widely used by researchers to test different control strategies. Though initially designed as a process control challenge, the TE process has also become a prominent choice among security research works~\cite{McEvoy2011plant,Cardenas2011Attacks,Krotofil2015Process,kiss2015clustering}. In this work we use Ricker's~\cite{ricker1996decentralized} decentralized control strategy, along with the added randomness model by Krotofil et al.~\cite{Krotofil2015Process}. The TE model has 41 measured variables (XMEAS), 12 manipulated variables (XMV) and 20 process disturbances (IDV) implemented. For a full description of the variables and disturbances, refer to~\cite{downs1993plang}. The XMEAS are read by the controllers, and interact by setting values to the XMVs. Compared to the simplified Figure~\ref{mi:fig:example_pcs}, XMEAS variables correspond to the sensor readings and XMVs to the actuator settings. Process disturbances are unexpected and undesired changes in process conditions that can affect process normal operation. Out of the modelled disturbances, IDV(6) is one of the most difficult to handle. It models a loss of reactant in an input feed (Feed A). The input flux of feed A is measured by XMEAS(1), whereas XMV(3) is the manipulated that controls the valve of feed A. Therefore, it is to be expected that attacks on closing the valve XMV(3) and the existence of disturbance IDV(6), will affect similarly to XMEAS(1). Figure~\ref{mi:fig:a_feed} shows both situations. When monitoring XMEAS(1), there is almost no difference between IDV(6) and an integrity attack on XMV(3) where the attacker commands closing the valve controlling feed A, as the flow decreases abruptly in both cases. Both the disturbance and the attack occur at the tenth hour. After 17 hours and 43 minutes, the process shuts down in both cases as the stripper liquid level becomes too low to continue safe operation of the plant. \begin{figure}[!t] \centering \subfloat[IDV(6)]{\includegraphics[width=.48\columnwidth]{media/mi_a_feed_idv6.pdf}\label{mi:fig:a_feed_iv6}} \hfil \subfloat[Attack on XMV(3)]{\includegraphics[width=.48\columnwidth]{media/mi_a_feed_xmv3atk.pdf}\label{mi:fig:a_feed_xmv3atk}} \caption{Comparison of the evolution of XMEAS(1) under disturbance IDV(6) or an integrity attack on XMV(3).} \label{mi:fig:a_feed} \end{figure} Having a process disturbance and a potential attack on a process variable that react almost identically with the process provides a sound setup to test the performance of techniques that try to distinguish them. \subsection{Adversary modelling} The adversary and attack models considered in this scenario are the ones proposed by Krotofil et al.~\cite{Krotofil2015Process}. We consider that the adversary is able to read and manipulate network traffic, between controllers and the physical process as depicted in Figure~\ref{mi:fig:example_pcs}. Therefore, the attacker is capable of manipulating input data both at the controllers' (forged XMEAS data) and/or the physical process' (forged XMV data) end, performing an integrity attack. Following the model of Krotofil et al.~\cite{Krotofil2015Process}, we consider an attacked variable $Y'_i(t)$ at time $t$, $0\leq t\leq T$ as follows, where $T$ is the duration of the simulation and $T_a$ the arbitrary attack interval. An integrity attack is defined as follows: \begin{equation} Y'_i(t) = \begin{cases} Y_i(t), & \mbox{for } t \notin T_a \\ Y^{a}_i(t), & \mbox{for } t \in T_a \end{cases} \end{equation} \noindent where $Y_i^a(t)$ is the modified variable value injected by the attacker. Similarly, during DoS, the attacker effectively stops communication, and no communication reaches the actuator or the controller. Krotofil et al.~\cite{Krotofil2015Process} define as a DoS attack starting at $t_a$ as: \begin{equation} Y^a_i(t)= Y_i(t_a-1) \end{equation} \noindent where $Y_i^a$ is the last value received before the DoS attacks. \section{Experimental results} \label{mi:sec:results} In order to evaluate our approach, we conduct a set of experiments where the randomized TE model is run ten times per anomalous situation. The model we used for the set of experiments is the DVCP-TE model presented by Krotofil and Larsen~\cite{krotofil2015}, freely available on Github\footnote{\url{http://github.com/satejnik/DVCP-TE}}. The time length of each simulation is 72 hours, except in the cases where the process shut itself down due to safety constraints. For each simulation hour, variable data is recorded 2000 times, that is, every 1.75 seconds. Calibration data consists of 30 runs, and this data is used to build the MSPC model and establish the control limits of the $D$ and $Q$ statistics. All anomalies start at the 10th hour of simulation. For each of the anomalous situations, we calculate the Average Run Length (ARL), that refers to the lapsed time between the start of the anomalous event and its detection in the control charts. As previously stated, an event is flagged as anomalous when three consecutive observations surpass the 99\% control limit. Once an anomaly is flagged, oMEDA charts are computed for the set of the first observations that surpass control limits in each of the ten runs in either of the two control charts (monitoring $D$ and $Q$-statistic). For each anomalous event two plots are created, one with real process data (data the process receives and sends), and the other with controller level data. Both data sets will be identical in case of an attack free environment. But, in the case of attacks, both data sets will diverge. For the analysis of the process data, and plotting purposes, we used the MEDA toolbox~\cite{Camacho2015Multivariate}. We set four different scenarios: \textit{a)} Disturbance IDV(6), \textit{b)} Integrity attack on XMV(3), \textit{c)} Integrity attack on XMEAS(1), and \textit{d)} Denial of Service on XMV(3). Resultant oMEDA for controller level and process level variables are shown in Figures~\ref{mi:fig:cn_omedas} and~\ref{mi:fig:sn_omedas}, respectively. \begin{figure*}[!ht] \centering \subfloat[IDV(6)]{\includegraphics[width=.7\columnwidth]{media/omeda_idv6_cn.pdf}\label{mi:fig:omeda_idv6_controller}} \subfloat[Integrity attack on XMV(3)]{\includegraphics[width=.69\columnwidth]{media/omeda_xmv3_close_cn.pdf}\label{mi:fig:omeda_xmv3_close_controller}}\\ \subfloat[Integrity attack on XMEAS(1)]{\includegraphics[width=.7\columnwidth]{media/omeda_xmeas1_close_cn.pdf}\label{mi:fig:omeda_xmeas1_close_controller}} \subfloat[DoS attack on XMV(3)]{\includegraphics[width=.69\columnwidth]{media/omeda_xmeas1_dos_cn.pdf}\label{mi:fig:omeda_xmv3_dos_controller}} \caption{oMEDA plots of different anomalies from the controller point of view} \label{mi:fig:cn_omedas} \end{figure*} \begin{figure*}[!ht] \centering \subfloat[IDV(6)]{\includegraphics[width=.7\columnwidth]{media/omeda_idv6_sn.pdf}\label{mi:fig:omeda_idv6_process}} \subfloat[Integrity attack on XMV(3)]{\includegraphics[width=.7\columnwidth]{media/omeda_xmv3_close_sn.pdf}\label{mi:fig:omeda_xmv3_close_process}}\\ \subfloat[Integrity attack on XMEAS(1)]{\includegraphics[width=.7\columnwidth]{media/omeda_xmeas1_close_sn.pdf}\label{mi:fig:omeda_xmeas1_close_process}} \subfloat[DoS attack on XMV(3)]{\includegraphics[width=.7\columnwidth]{media/omeda_xmeas1_dos_sn.pdf}\label{mi:fig:omeda_xmv3_dos_process}} \caption{oMEDA plots of different anomalies from the process point of view} \label{mi:fig:sn_omedas} \end{figure*} Figures~\ref{mi:fig:omeda_xmv3_close_controller} and~\ref{mi:fig:omeda_xmv3_close_process} show the oMEDA charts for the case of where the attacker performs and attack and closes the valve of feed A. In this case, from the controllers point of view, the anomaly is similar to the one with IDV(6). It is when we look at process-level data that we see that the real concerned variable is not XMEAS(1). Rather, the attacker is manipulating XMV(3) to perform the attack. Figures~\ref{mi:fig:omeda_xmeas1_close_controller} and~\ref{mi:fig:omeda_xmeas1_close_process} shows the oMEDA plots of an scenario where the attacker manipulates the XMEAS(1) variable and sets it to zero. Therefore, the controller receives the information that there is no flow in Feed A. That is why the XMEAS(1) value from the controller point of view is lower than usual, because the attacker has set it so. As the control algorithm tries to tackle the situation, it opens XMV(3) more, and thus flowing more reactant A to the process. From the process point of view, that is the reason XMV(3) and XMEAS(1) have higher values than usual. oMEDA plots for a DoS attack on XMV(3) are shown in Figures~\ref{mi:fig:omeda_xmv3_dos_controller} and~\ref{mi:fig:omeda_xmv3_dos_process}. In this scenario, the process keeps receiving a constant value, previous to the attack. Neither of the oMEDA plots show a variable, let alone XMV(3) that stands out clearly among others. It is worth noting that the ARL, on the other cases almost immediate, in DoS attacks is significantly higher. In this case, DoS detection takes almost an hour. \subsection{Discussion} Our approach detects all anomalous situations of disturbances and attacks. However, when diagnosing an anomaly, controller-based readings --on witch traditional MSPC has relied on-- are not enough to do so correctly. Both integrity attacks and the process disturbance are diagnosed in a very similar way, in a manner that it is not feasible to distinguish what caused the anomaly. To address this matter, we have extended the MSPC model and measure both process and controller level variables. Having this two level input makes possible monitoring a wide range of process variables. Moreover, when anomalies occur, it is possible to distinguish the origin of the anomaly. When considering DoS attacks, the ARL is significantly longer than with integrity attacks or process disturbances and the diagnosis is not as clear as in the other scenarios. \section{Conclusions} \label{mi:sec:conclusions} We have presented a process-independent approach to detect and distinguish process disturbances from related attacks. Unlike previous approaches, it is not a process-dependant approach and it is able distinguish between disturbances and attacks. Our methodology is based on MSPC for anomaly detection and oMEDA plots for anomaly diagnosis. We have used the popular Tennessee-Eastman process to experimentally evaluate our approach. Distinguishing process disturbances and low level attacks in PCSs is a complex task, especially if all controller's I/O are to be considered compromised. We extended the traditional MSPC model to monitor both controller and process level variables, to efficiently monitor PCSs. Often, PCSs assign measured variables to the manipulated ones, so this approach is feasible in these environments. This scenario, would also complicate the work of an attacker, as it would need to forge both the target manipulated variable and the associated measured one to avoid detection. When analyzing process disturbances or integrity attacks, the oMEDA plots clearly show the implicated variables. In the case of DoS, detection time is significantly longer and the diagnosis with oMEDA is not related to the attacked variable. \section{Future work} \label{mi:sec:future} To overcome current anomaly diagnosis limitations, it is necessary to add more information to the MSPC model. In the case of PCSs, a promising source of additional information is the one created at the network level (packets, flows, logs etc.). MSPC-like methodologies have already been used in regular IT networked environments for security monitoring~\cite{Camacho2016pca}. We are confident that adding network-level variables to the ones of the process will ease anomaly diagnosis (e.g.\ by detecting increased traffic in the case of network DoS attacks) and will also shorten the ARL required to detect anomalies, as while the process might be slow to surpass control limits due to slow dynamics, network variables show more immediate information. \section*{Acknowledgments} Research in this paper is partially supported by the Basque Government's Elkartek program under grant number KK-2015/0000080, the Provincial Council of Gipuzkoa's ``Red guipuzcoana de Ciencia, Tecnolog\'ia e Innovaci\'on'' program through grant 56/15 and the Spanish Government-MINECO (Ministerio de Econom\'ia y Competitividad) and FEDER funds, through project TIN2014-60346-R. \bibliographystyle{IEEEtran}
9780218618c0952c0fb8b300fa52a4610ce19158
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{\@startsection {section}{1}{\z@}{-3.5ex plus -1ex minus -.2ex}{2.3ex plus .2ex}{\normalsize\bf}} \def\subsection{\@startsection{subsection}{2}{\z@}{-3.25ex plus -1ex minus -.2ex}{1.5ex plus .2ex}{\normalsize\bf}} \def\thebibliography#1{\section*{References\markboth {REFERENCES}{REFERENCES}}\list {[\arabic{enumi}]}{\settowidth\labelwidth{[#1]}\leftmargin\labelwidth \advance\leftmargin\labelsep \usecounter{enumi}} \def\hskip .11em plus .33em minus -.07em{\hskip .11em plus .33em minus -.07em} \sloppy \sfcode`\.=1000\relax} \let\endthebibliography=\endlist \catcode `\@=12 \makeatletter \def\lower\feyn@maxis \hbox to 0pt{\hss$\circ$\hss}{\lower\feyn@maxis \hbox to 0pt{\hss$\circ$\hss}} \makeatother \let\\\cr \begin{document} \maketitle \begin{abstract} {\small The spectrum of masses of the colorless states of the DW (De Donder-Weyl) Hamiltonian operator of quantum SU(2) Yang-Mills field theory on $\mathbb{R}^D$ obtained via the precanonical quantization is shown to be purely discrete and bounded from below. The scale of the mass gap is estimated to be of the order of magnitude of the scale of the ultra-violet parameter $\varkappa$ introduced by precanonical quantization on dimensional grounds. } \bigskip \noindent {\it Keywords:} {\small Quantum Yang-Mills theory; De~Donder--Weyl formalism; precanonical quantization; Clifford analysis; Schr\"odinger operators; Airy function; discrete spectrum; eigenvalues; mass gap. } \end{abstract} \vspace*{-142mm} \hbox to 5.8truein Int.~J.~Geom.~Meth.~Mod.~Phys. {\bf 14} (2017) 1750123 \hfil \hbox to 1 truecm{ \hss \normalsize arXiv:1706.01766 [hep-th]} \vspace*{-4mm} } \hbox to 5.8truein{\hspace*{-4pt}\hrulefill} \vspace*{135mm} \newcommand{\begin{equation}}{\begin{equation}} \newcommand{\end{equation}}{\end{equation}} \newcommand{\begin{eqnarray}}{\begin{eqnarray}} \newcommand{\end{eqnarray}}{\end{eqnarray}} \newcommand{\nonumber}{\nonumber} \newcommand{\frac{1}{2}}{\frac{1}{2}} \newcommand{\tilde{X}}{\tilde{X}} \newcommand{\uind}[2]{^{#1_1 \, ... \, #1_{#2}} } \newcommand{\lind}[2]{_{#1_1 \, ... \, #1_{#2}} } \newcommand{\com}[2]{[#1,#2]_{-}} \newcommand{\acom}[2]{[#1,#2]_{+}} \newcommand{\compm}[2]{[#1,#2]_{\pm}} \newcommand{\lie}[1]{\pounds_{#1}} \newcommand{\circ}{\circ} \newcommand{\sgn}[1]{(-1)^{#1}} \newcommand{\lbr}[2]{ [ \hspace*{-1.5pt} [ #1 , #2 ] \hspace*{-1.5pt} ] } \newcommand{\lbrpm}[2]{ [ \hspace*{-1.5pt} [ #1 , #2 ] \hspace*{-1.5pt} ]_{\pm} } \newcommand{\lbrp}[2]{ [ \hspace*{-1.5pt} [ #1 , #2 ] \hspace*{-1.5pt} ]_+ } \newcommand{\lbrm}[2]{ [ \hspace*{-1.5pt} [ #1 , #2 ] \hspace*{-1.5pt} ]_- } \newcommand{\pbr}[2]{ \{ \hspace*{-2.2pt} [ #1 , #2\hspace*{1.4 pt} ] \hspace*{-2.3pt} \} } \newcommand{\nbr}[2]{ [ \hspace*{-1.5pt} [ #1 , #2 \hspace*{0.pt} ] \hspace*{-1.3pt} ] } \newcommand{\wedge}{\wedge} \newcommand{\nbrpq}[2]{\nbr{\xxi{#1}{1}}{\xxi{#2}{2}}} \newcommand{\lieni}[2]{$\pounds$${}_{\stackrel{#1}{X}_{#2}}$ } \newcommand{\rbox}[2]{\raisebox{#1}{#2}} \newcommand{\xx}[1]{\raisebox{1pt}{$\stackrel{#1}{X}$}} \newcommand{\xxi}[2]{\raisebox{1pt}{$\stackrel{#1}{X}$$_{#2}$}} \newcommand{\ff}[1]{\raisebox{1pt}{$\stackrel{#1}{F}$}} \newcommand{\dd}[1]{\raisebox{1pt}{$\stackrel{#1}{D}$}} \newcommand{\partial}{\partial} \newcommand{\Omega}{\Omega} \newcommand{\omega}{\omega} \newcommand{\epsilon}{\epsilon} \newcommand{\sigma}{\sigma} \newcommand{\bigwedge^*}{\bigwedge^*} \newcommand{\inn}{\hspace*{2pt}\raisebox{-1pt}{\rule{6pt}{.3pt}\hspace* {0pt}\rule{.3pt}{8pt}\hspace*{3pt}}} \newcommand{Schr\"{o}dinger\ }{Schr\"{o}dinger\ } \newcommand{\boldmath}{\boldmath} \newcommand{\vol}{\omega \newcommand{\dvol}[1]{\partial_{#1}\inn \vol} \newcommand{\mbox{\bf d}}{\mbox{\bf d}} \newcommand{\mbox{\bm $\der$}}{\mbox{\boldmath $\partial$}} \newcommand{\mbox{\bm $I$}}{\mbox{\boldmath $I$}} \newcommand{\be}{\beta} \newcommand{\ga}{\gamma} \newcommand{\de}{\delta} \newcommand{\Ga}{\Gamma} \newcommand{\gamma^\mu}{\gamma^\mu} \newcommand{\gamma^\nu}{\gamma^\nu} \newcommand{\ka}{\varkappa} \newcommand{\lambda}{\lambda} \newcommand{\hbar \kappa}{\hbar \kappa} \newcommand{\alpha}{\alpha} \newcommand{\bigtriangleup}{\bigtriangleup} \newcommand{\overline{\psi}}{\overline{\psi}} \newcommand{\overline{\Psi}}{\overline{\Psi}} \newcommand{\overline{\Phi}}{\overline{\Phi}} \newcommand{\stackrel{\leftrightarrow}{\der}}{\stackrel{\leftrightarrow}{\partial}} \newcommand{\what}[1]{\widehat{#1}} \newcommand{{\bf x}}{{\bf x}} \newcommand{{\bf k}}{{\bf k}} \newcommand{{\bf q}}{{\bf q}} \newcommand{\omk}{\omega_{\bf k}} \newcommand{\ell}{\ell} \newcommand{\zb}{\overline{z}} \newcommand{\bar \delta}{\bar \delta} \newcommand{\stackrel{\raisebox{-7pt}{\tiny$\,*$}}{\gamma}}{\stackrel{\raisebox{-7pt}{\tiny$\,*$}}{\gamma}} \newcommand{\mbox{\sf d}}{\mbox{\sf d}} \newcommand{\BPsi}{\mathbf{\Psi}} \newcommand{\mathbf{\Phi}}{\mathbf{\Phi}} \newcommand{\BH}{{\bf H}} \newcommand{\BS}{{\bf S}} \newcommand{\BN}{{\bf N}} \newcommand{\mathrm{d}}{\mathrm{d}} \newcommand{\mathrm{i}}{\mathrm{i}} \newcommand{\mathrm{Tr}} %{\mathfs{Tr}}{\mathrm{Tr}} \newcommand{\mathbbl{e}} %{\mathsf{Exp}} %{\mathbbl{e}}{\mathbbl{e}} \newcommand{\Ai}{\mathtt{A\hspace{-1pt}i}} \newcommand{\mathtt{B\hspace{-1pt}i}}{\mathtt{B\hspace{-1pt}i}} \newcommand{\dslash}{d \hspace{-0.7ex}\rule[1.3ex]{0.8ex}{.06ex}} \newcommand{\kslash}{k \hspace{-1.0ex}\rule[1.3ex]{0.8ex}{.06ex}} \section{Introduction} In this paper, we study the spectrum of the DW (De Donder-Weyl \cite{dw,kastrup}) Hamiltonian operator which was obtained within the precanonical quantization of pure YM theory \cite{my-ym2003,my-ehrenfest}: \begin{equation} \label{dwhop} \what{H} = \frac{1}{2} \hbar^2\varkappa^2 \frac{\partial^2}{\partial A_a^\mu\partial A^a_\mu } - \frac{1}{2}\mathrm{i} g\hbar\varkappa C^a{}_{bc}A^b_\mu A^c_\nu \gamma^\nu \frac{\partial}{\partial A^a_\mu } \; . \end{equation} Here and in what follows, $A_a^\mu$ are YM gauge potentials, $\gamma^\mu$ are Dirac matrices, $C^{a}{}_{bc}$ are the structure constants of the gauge group, $g$ is the gauge coupling constant, and $\ka$ is an ultraviolet parameter of dimension $\mathtt{length}^{-(n-1)}$ in $n$ space-time dimensions, which is introduced by precanonical quantization (when the differential forms corresponding to dynamical variables are represented by Clifford-algebra-valued operators \cite{my-quant}). In what follows, we also denote $\frac{\partial}{\partial A^a_\mu }$ as ${\partial}_{A^a_\mu }$ and $\frac{\partial}{\partial x^\mu }$ as $\partial_\mu$. Let us recall that the importance of the DW Hamiltonian operator within the precanonical quantization of fields is that the evolution of Clifford-algebra-valued precanonical wave functions $\Psi(A,x)$ on the bundle of field variables $A$ over space-time (whose coordinates are $x^\mu$) is controlled by the Dirac-like equation \cite{my-quant} \begin{equation} \label{schreq} \mathrm{i}\hbar\ka\gamma^\mu\partial_\mu \Psi = \what{H}\Psi \,. \end{equation} This equation appears as a generalization of the Schr\"odinger equation to field theory when all space-time variables are being treated on an equal footing. In this formulation, the only entities which propagate are different modes of precanonical wave function on the total space of field variables and space-time variables. Correspondingly, the masses of propagating modes of (the precanonical wave function of) quantum fields are given by the spectrum of $\frac{1}{\ka}\what{H}$. Note that in the classical limit (\ref{schreq}) is consistent with the classical field equations: in \cite{my-ehrenfest}, we have shown that the classical YM field equations arise from precanonical formulation as the equations satisfied by the expectation values of the corresponding field operators defined by precanonical quantization. The expectation values are calculated using the scalar product \begin{equation} \label{sp} \langle \Psi|\Psi\rangle = \mathrm{Tr}} %{\mathfs{Tr} \int\! [\mathrm{d} A] \overline{\Psi} \Psi , \end{equation} where $[\mathrm{d} A]:=\prod_{\mu,a} \mathrm{d} A^a_\mu$ and $\overline{\Psi}:=\gamma^0\Psi^\dagger\gamma^0$. The derivation of this generalization of the Ehrenfest theorem requires that $\what{H}$ is pseudo-Hermitian with respect to (\ref{sp}): $\overline{\what{H}} = \what{H}$ (cf. \cite{mostafa}). A relation between the precanonical field quantization and the canonical quantization in the functional Schr\"odin\-ger representation \cite{hatfield} was established in \cite{my-schrod} and extended to quantum YM fields in \cite{my-ym2016}. In \cite{my-schrod}, it was argued that the standard QFT in the functional Schr\"odin\-ger representation can be derived from precanonical formulation in the limiting case of an infinitely large ultra-violet scale $\varkappa$. In this limiting case, the Schr\"odinger wave functional of a field configuration $y=y({\bf x})$ at a moment of time $t$ is expressed as a product integral \cite{prodint} of precanonical wave functions restricted to this field configuration. The canonical functional derivative Schr\"odin\-ger equation can be derived from (\ref{schreq}) by means of the space+time splitting $x^\mu \rightarrow (t, {\bf x})$ and restriction to the surface representing the abovementioned field configuration. This result is consistent with the fact that the standard formulation of QFT leads to the meaningful results only upon regularization and renormalization. Precanonical quantization with its inbuilt ultraviolet scale $\ka$ appears as an ``already regularized" QFT because the divergent integrals in the usual formulations are replaced by expressions containing $\ka$ in the precanonical formulation \cite{my-tobe}. However, unlike the nonlocal theories or theories on noncommutative, discrete or fractal space-times, or theories which attempt to take into account the effects of quantum gravity, LQG or string theories, in precanonical quantization, the finite expressions are obtained without manually modifying the relativistic space-time at small distances in order to regularize the infinities. The quantum-gravitational geometry of space-time has been discussed within the precanonical quantization of Einstein gravity in \cite{my-qgr,my-metric}. Our interest in the study of the spectrum of (\ref{dwhop}) originates from the observation \cite{my-quant} that the spectrum of the DW Hamiltonian of a free scalar field is that of the harmonic oscillator in the field space: $\ka m (N+1/2)$, where $N \!\in\! \mathbb{Z_+}$ is a non-negative integer. When perturbed, this system radiates excitations corresponding to the only allowed transitions between the nearby levels with $\Delta N = \pm 1$, that corresponds to the excitations of mass $m$, which we usually interpret as the free massive quantum scalar particles. In the case of free massless fields, the spectrum of the DW Hamiltonian is continuous and the corresponding propagating excitations are massless. Hence, the discreteness or continuity of the spectrum of (\ref{dwhop}) will tell us whether the propagating excitations of quantum pure YM field are massive or massless. Let us recall that precanonical quantization of fields \cite{my-quant} is the result of quantization of the Poisson-Gerstenhaber (PG) brackets found in \cite{my-pbr} within the DW Hamiltonian theory \cite{dw,kastrup}. Those brackets are defined on differential forms which represent the dynamical variables or observables of the theory. Their generalization to singular DW Hamiltonian theories is discussed in \cite{my-dirac}. The Clifford-Dirac algebra appears as the result of quantization of bi-graded PG brackets of forms \cite{my-quant,geom-q}. The Dirac-like precanonical analogue of the Schr\"odinger equation in (\ref{schreq}) is a quantum counterpart of the classical expression of the DW Hamiltonian equations in terms of the PG brackets, where the bracket with the DW Hamiltonian function $H$ is related to the operation of the exterior differential of forms \cite{my-pbr}, whose quantum version is the Dirac operator \cite{my-quant,geom-q}. \section{Elements of precanonical quantum YM on $\mathbb{R}^\mathrm{D}$} \newcommand{\mathbf{A}}{\mathbf{A}} \newcommand{\mathbf{B}}{\mathbf{B}} \newcommand{\mathbf{C}}{\mathbf{C}} \newcommand{\mathbf{D}}{\mathbf{D}} \newcommand{\mathbf{X}}{\mathbf{X}} \newcommand{\mathbf{Y}}{\mathbf{Y}} \newcommand{\mathbf{F}}{\mathbf{F}} \newcommand{\gamma\hspace{-6.6pt}\gamma\hspace{-7.1pt}\gamma }{\boldsymbol\gamma} In this paper, we consider a Euclidean theory over $\mathbb{R}^\mathrm{D}$. The DW Hamiltonian operator is given by \begin{equation} \label{dwh-eigenv} \frac1\varkappa \what{H} = - \frac{1}{2} \hbar^2\varkappa \partial^2_ {A^a_i A^a_i} - \frac{1}{2}\mathrm{i} g\hbar C^a{}_{bc}A^b_i A^c_j \gamma^j \partial_{A^a_i } , \end{equation} where $\gamma^i$, $i=1,...,D$, are anti-Hermitian and $\gamma^i\gamma^j+\gamma^j\gamma^i = - \delta^{ij}$. This operator acts on the space of Clifford-valued wave functions\footnote{For the relevant mathematics consult e.g. \cite{hestenes,pavsic,habetha}.} \begin{equation} \Psi (A) = \psi(A)+\psi_i(A)\gamma^i+\psi_{i_1i_2}(A)\gamma^{i_1i_2}+...+ \psi_{i_1i_2...i_D}(A)\gamma^{i_1i_2...i_D} \,. \end{equation} It is Hermitian on the space of those functions equipped with the scalar product \begin{equation} \label{scpr1} \left< \Phi,\Psi \right> = \int\![\mathrm{d} A]\ [ \Phi^{*{\sf r}} \Psi ]_0 , \end{equation} where ${}*$ is the complex conjugation of the components of $\Phi$, ${}^{\sf r}$ is the reversal anti-automorphism on the Clifford algebra such that, e.g., $(\gamma^i\gamma^j)^{\sf r}= \gamma^j\gamma^i$, $[...]_0$ denotes the scalar part of the Clifford number under the square brackets, and $[\mathrm{d} A] :=\prod_{i a} \mathrm{d} A_i^a$. This product is not positive definite, however, because \begin{equation} \Psi^{*{\sf r}} = \psi^*(A)+\psi^*_i\gamma^i - \psi^*_{i_1i_2}(A)\gamma^{i_1i_2}+...+ (-1)^{D(D-1)/2} \psi^*_{i_1i_2...i_D}(A)\gamma^{i_1i_2...i_D} \,. \end{equation} The positive definite scalar product is given by \begin{equation} \label{scpr2} \left<\!\left<\Phi,\Psi \right>\!\right> = \int\![\mathrm{d} A]\ [\Phi^{*{\sf r}{\sf a}} \Psi ]_0 \,, \end{equation} where ${}^{\sf a}$ is the main Clifford automorphism: $\gamma^i{}^{\sf a} = - \gamma^i$. $\what{H}$ is pseudo-Hermitian with respect to (\ref{scpr2}) in the sense that $\left<\!\left<\Phi, \right.\right. \what{H}\!\left.\left.\Psi \right>\!\right> = \left<\!\left<\right.\right.\!\what{H}{}^{\sf a}\Phi,\left.\left. \Psi \right>\!\right>$. The Hermitian conjugate matrix $\Psi^\dagger = \Psi^{*{\sf r}{\sf a}}$, so that the integrand in (\ref{scpr2}) is just the Frobenius inner product of matrices. Note that, in pseudo-Euclidean space-times, the integrand in (\ref{scpr1}) coincides with $[\beta\Phi^\dagger\beta\Psi]_0=:[\overline{\Phi}\Psi]_0$ used in our previous papers. \section Spectrum of DW Hamiltonian of SU(2) YM} We are interested in the eigenvalue problem for the DW Hamiltonian operator devided by $\ka$: \begin{equation} \label{dwhmu} \frac{1}{\ka}\what{H}\Psi = \mu\Psi . \end{equation} In the case of SU(2) gauge group, the structure constants $C^a{}_{bc}$ are the Levi-Civita symbol $\epsilon_{abc}$ and $A^a_i$ is a triplet of vector fields $\mathbf{A}, \mathbf{B}, \mathbf{C}$ with the components $A_i,B_i,C_i$, $i=1,...,D$. In this notation, the operator in Eq. (\ref{dwh-eigenv}) takes the form \begin{equation} \label{dwh3} \frac{1}{\ka}\hat{H}= -\frac{\hbar^2\ka}{2} \big(\partial_{\mathbf{A}\bA} + \partial_{\mathbf{B}\bB} + \partial_{\mathbf{C}\bC}\big) + \frac{g\hbar}{2} \left( \slashed \mathbf{A} \hat{L}_{\mathbf{B}\mathbf{C}} + \slashed \mathbf{B} \hat{L}_{\mathbf{C}\mathbf{A}} + \slashed \mathbf{C} \hat{L}_{\mathbf{A}\mathbf{B}} \right) \,, \end{equation} where $\partial_{\mathbf{A}\bA} := \sum_i \partial_{A_iA_i}$, $\slashed \mathbf{A}:= A_i\gamma^i$ and $\hat{L}_{\mathbf{A}\mathbf{B}} := \mathrm{i}( \mathbf{A}\cdot\partial_\mathbf{B} - \mathbf{B}\cdot \partial_\mathbf{A}) = \sum_i \mathrm{i} (A_i\partial_{B_i} - B_i\partial_{A_i})$. Let us notice the permutation symmetry between $\mathbf{A}$, $\mathbf{B}$ and $\mathbf{C}$ which will allow us to simplify the problem. In order to analyze the spectrum of (\ref{dwh3}), let us rewrite it in the form \begin{align} \label{est00} \frac{1}{\ka}\what{H} = &-\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA} + \frac{\mathrm{i} g\hbar}{2}\Big( \big( \slashed \mathbf{B} \mathbf{C} - \slashed \mathbf{C} \mathbf{B} \big)\cdot \partial_\mathbf{A} + \mathbf{A}\cdot\big (\slashed \mathbf{C}\partial_{\mathbf{B}} - \slashed \mathbf{B}\partial_{\mathbf{C}}\big) \Big) + \frac{g\hbar}{2} \slashed \mathbf{A} \hat{L}_{\mathbf{B}\mathbf{C}} \\ &-\frac{\hbar^2\ka}{2} \big(\partial_{\mathbf{B}\bB} + \partial_{\mathbf{C}\bC}\big) =: \what{G}_\mathbf{A} -\frac{\hbar^2\ka}{2} \big(\partial_{\mathbf{B}\bB} + \partial_{\mathbf{C}\bC}\big) \,. \nonumber \end{align} Here, the permutation symmetry between $\mathbf{A}$, $\mathbf{B}$ and $\mathbf{C}$ is not manifest anymore. In fact, the arguments below can be presented in a manifestly permutation symmetric way by considering $\frac{1}{\ka}\what{H}$ in the form \begin{equation} \label{h3} \frac13 \left( \what{G}_\mathbf{A} +\what{G}_\mathbf{B} + \what{G}_\mathbf{C} - \hbar^2\ka\big(\partial_{\mathbf{A}\bA} + \partial_{\mathbf{B}\bB} + \partial_{\mathbf{C}\bC} \big) \right) \,, \end{equation} where $\what{G}_\mathbf{B}$ and $\what{G}_\mathbf{C}$ are obtained from $\what{G}_\mathbf{A}$ by cyclic permutation of $\mathbf{A}, \mathbf{B}, \mathbf{C}$. However, it would make the formulae more cumbersome and the presentation lengthier without adding to its essence. Thus, we proceed by concentrating on the operator $\what{G}_\mathbf{A}$ which has absorbed all the terms with $\mathbf{A}$ and $\partial_\mathbf{A}$ in (\ref{est00}). At first we note that $\hat{L}_{\mathbf{B}\mathbf{C}} = \sum_i \mathrm{i} (B_i\partial_{C_i} - C_i\partial_{B_i})$ is similar to the angular momentum operator $\hat{L}_{z}$ in quantum mechanics. Therefore, the eigenvalues of $\hat{L}_{\mathbf{B}\mathbf{C}}$ are integers \ {m} := \sum_i m_i = m_1 + m_2+...+m_D \in \mathbb{Z}$ with the admissible values of each $m_i$ being limited by the quantum numbers ${l}_i$ of the operators $\what{L}_{A_iB_i}^2 + \what{L}_{A_iC_i}^2 + \what{L}_{B_iC_i}^2$ for the corresponding value of $i$ (no summation over $i$ here): $|m_i|\leq l_i$. Similarly, the eigenvalues of $\hat{L}_{ij}:=\mathrm{i} (B_i\partial_{C_j}- C_i\partial_{B_j})$ are integers $m_{ij} \in \mathbb Z$ whose absolute values are restricted by the quantum numbers $l_{ij}$ of the operators $\hat{L}_{ij}^2$. Because $[\hat{L}_{\mathbf{B}\mathbf{C}}, \hat{L}_{ij}] =0$, we can chose the basis $|m,m_{ij}\rangle$ in which both operators are diagonal. Then the operator in the first line of (\ref{est00}) takes the form \begin{equation} \label{est01} \what{G}_\mathbf{A}:= -\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA} + \frac{i g\hbar}{2} \big( \slashed \mathbf{B} \mathbf{C} - \slashed \mathbf{C} \mathbf{B} \big)\cdot \partial_\mathbf{A} + \frac{g\hbar}{2} \big( {m}\slashed \mathbf{A} + m_{ij} A_i\gamma^j \big) \,. \end{equation} Let us estimate the spectrum of $\what{G}_\mathbf{A}$ when $\mathbf{B}$ and $\mathbf{C}$ are treated as external parameters. By denoting $\widetilde{m}_{ij}:= {m} \delta_{ij} + m_{ij}$ and $\mathbf{D}^2 := \mathbf{B}^2\mathbf{C}^2 - (\mathbf{B}\cdot\mathbf{C})^2$ we rewrite (\ref{est01}) in the form \begin{equation} \label{est02a} \what{G}_\mathbf{A} = \frac{\hbar^2\ka}{2}\left( \mathrm{i}\partial_{A_i} + \frac{g}{2\hbar\ka}\gamma^j(B_jC_i-C_jB_i)\right)^2 + \frac{\,\,g^2}{4 \ka}\mathbf{D}^2 + \frac{g\hbar}{2}\gamma^i \widetilde{m}_{ij} A_j \,, \end{equation} which resembles the magnetic Schr\"odinger operator in $A$-space with the Clifford-algebra-valued analogs of electric and magnetic potentials in that space. The ``magnetic potential" term $\mathcal{A}_i:=\frac{g}{2\hbar\ka}\gamma^j(B_jC_i-C_jB_i)$ is constant in $A$-space: $\partial_\mathbf{A}\mathcal{A} =0$, hence it can be expected to contribute only a phase factor to the solution and does not contribute to the eigenvalues of $\what{G}_\mathbf{A}$. The ``electric potential" term contains the linear term in $A_i$ and the constant term $\frac{\,\,g^2}{4\ka}\mathbf{D}^2$ (in the sense that $\partial_\mathbf{A}\mathbf{D}^2 =0$) which just shifts the eigenvalues. At first, let us consider the case when all quantum numbers $\widetilde{m}_{ij} = 0$. In order to find the magnetic phase factor $U$, let us set $\Psi (A) = U(A;B,C) \Phi(A)$, so that all the parametric dependence of the eigenstates of $\what{G}_\mathbf{A}$ of $\mathbf{B}$ and $\mathbf{C}$ is absorbed in the phase factor $U$. Obviously, the eigenvalue problem \begin{align} \label{036} \begin{split} \left( -\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA} + \frac{i g\hbar}{2} \big( \slashed \mathbf{B} \mathbf{C} - \slashed \mathbf{C} \mathbf{B} \big)\cdot \partial_\mathbf{A} \right)\Psi = \chi \Psi \end{split} \end{align} leads to the equations \begin{align} -{\hbar^2\ka} \partial_\mathbf{A} U + \frac{i g\hbar}{2} \big( \slashed \mathbf{B} \mathbf{C} - \slashed \mathbf{C} \mathbf{B} \big) U &= 0 \label{037}\\ -\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA} U + \frac{i g\hbar}{2} \big( \slashed \mathbf{B} \mathbf{C} - \slashed \mathbf{C} \mathbf{B} \big)\cdot \partial_\mathbf{A} U &= \xi U \label{038}\\ -\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA} \Phi = (\chi -\xi) \Phi \,. \label{039} \end{align} From (\ref{037}) it follows \begin{equation} -\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA} U + \frac{g^2}{4\ka} \mathbf{D}^2 U = 0 . \end{equation} By substituting (\ref{037}) in (\ref{038}), we obtain \begin{equation} -\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA} U + \frac{g^2}{2\ka} \mathbf{D}^2 U = \xi U . \end{equation} Therefore, $\xi = \frac{g^2}{4\ka} \mathbf{D}^2$ and eq. (\ref{036}) for $\Psi$ is equivalent to the following equations for $\Phi(A)$ \begin{equation} \label{0312} -\frac{\hbar^2\ka}{2}\partial_{\mathbf{A}\bA}\Phi + \frac{g^2}{4\ka} \mathbf{D}^2 \Phi = \chi \Phi \end{equation} and the phase factor $U$ \begin{equation} \label{0313} \gamma^i\partial_{A_i} U = - \frac{\mathrm{i} g}{2\hbar\ka} \gamma^{ij}(B_iC_j-B_jC_i) U . \end{equation} The latter is obtained by contracting (\ref{037}), which is not an integrable equation, with $\gamma^i$. The solutions of (\ref{0313}) which satisfy the condition $U(A\!=\!0)=1$ can be viewed as a hypercomplex generalizations of the exponential function (different from those considered in Clifford analysis (c.f. \cite{habetha,sommen81,malonek})). From (\ref{0312}) we conclude that $\chi \ge \frac{g^2}{4\ka}\mathbf{D}^2$. Hence, for the states of (\ref{est02a}) corresponding to the lowest quantum numbers $\tilde{m}_{ij}=0$, we can estimate the lower bound of the eigenvalues of $\what{G}_\mathbf{A}$: \begin{equation} \label{estG1} \what{G}_\mathbf{A} \geq \frac{\,\,g^2}{4 \ka}\mathbf{D}^2 \,. \end{equation} This estimation is suitable for the eigenvalues of $\what{H}$ corresponding to the``colorless" states (i.e. those invariant with respect to the internal SU(2) rotations). The states with non-vanishing quantum numbers $m$ and/or $m_{ij}$ correspond to the ``colored" states. Let us consider the influence of the last term in (\ref{est02a}) on the estimation (\ref{estG1}). To this end, we need to study the eigenvalue problem of $\what{G}_\mathbf{A}$ in more detail. \newcommand{\bt}{\mathbf{t}} \newcommand{\mathbf{m}}{\mathbf{m}} \newcommand{\mathbf{p}}{\mathbf{p}} \newcommand{\bc}{\mathbf{c}} \newcommand{\uj}{\underline{j}} \newcommand{\ui}{\underline{i}} \newcommand{\uk}{\underline{k}} We use the fact that the second term in (\ref{est02a}) leads to the phase factor $U$ in the wave function, which transforms (\ref{036}) to (\ref{0312}). Let us omit in (\ref{est02a}) the unnecessary coefficients and the additive term $\mathbf{D}^2$, and consider the eigenvalue problem \begin{equation} \label{eig0} \left( - \partial_{\mathbf{A}\bA} + g \gamma^i\widetilde{m}_{ij}A_j \right)\Phi(\mathbf{A})=\lambda'\Phi (\mathbf{A}) \, \end{equation} for arbitrary fixed values of $\widetilde{m}_{ij}=m\delta_{ij}+m_{[ij]}$. The estimation (\ref{estG1}) will hold also for the ``colored" states if $\lambda'\geq 0$ for any $\widetilde{m}_{ij}$. To check if this is the case, let us first consider a special case when $\widetilde{m}_{ij}$ has only one independent non-vanishing component $m_{12}$, which can be either positive or negative integer. Then (\ref{eig0}) reads \begin{equation} \label{eig12} \left( - \sum_{k\neq 1,2}\partial_{A_kA_k} - \partial_{A_1A_1} - \partial_{A_2A_2} + gm_{12}(\gamma^1A_2 -\gamma^2A_1) \right) \Phi = \lambda'\Phi \,. \end{equation} By separating the variables with $k\neq 1,2$ and $k = 1,2$, we obtain a two-dimensional eigenvalue problem \begin{equation} \label{eig12aa} \left( - \partial_{A_1A_1} - \partial_{A_2A_2} + gm_{12}(\gamma^1 A_2 -\gamma^2A_1)\right) \Phi(A) = \lambda''\Phi(A) , \end{equation} which can be seen as a two-dimensional Clifford-algebraic generalization of the Airy equation [22, 24] for the Clifford-valued wave function \begin{equation} \Phi (A)= \phi(A) + \phi_i(A)\gamma^i. \end{equation} Using the notation $\Delta_{12}:=\partial_{A_1A_1} + \partial_{A_2A_2}$, let us write (\ref{eig12aa}) in the component form \begin{align} \label{eig12a} \begin{split} -\Delta_{12}\phi - gm_{12}(A_2\phi_1-A_1\phi_2) &=\lambda''\phi \\ -\Delta_{12}\phi_1 + gm_{12}A_2\phi &= \lambda''\phi_1 \\ -\Delta_{12}\phi_2 - gm_{12}A_1\phi &= \lambda''\phi_2 \\ A_1\phi_1 + A_2\phi_2&= 0 \\ A_i\phi_k &= 0 \quad \mathrm{for}\; k\neq 1,2 . \end{split} \end{align} The solutions are $\phi_1 = \frac{\pm A_2}{|A|}\phi$, $\phi_2 = \frac{\mp A_1}{|A|}\phi$ and $\phi_k = 0$ for $k\neq 1,2,$ where $|A|:=\sqrt{A_1^2+A_2^2}$, and the non-vanishing components of $\Phi$ obey \begin{align} \label{eig12f} -\Delta_{12}\phi\, \mp\, gm_{12}|A| \phi\, &=\lambda'' \phi \\ -\Delta_{12}\phi_i \pm gm_{12}|A| \phi_i &=\lambda'' \phi_i, \quad i=1,2. \end{align} This system has a discrete positive spectrum both for positive and negative values of $m_{12}$. For example, with the upper choice of the sign, the eigenfunctions $ \Phi(u)$ have a vanishing scalar part $\phi$ for $m_{12}>0$ or vanishing vector components $\phi_{1,2}$ for $m_{12}<0$. In both cases, the separation of angular and radial variables in the two-dimensional Laplacian $\Delta_{12}$ leads to the radial equation for the lowest (vanishing) quantum number of the orbital angular momentum corresponding to the rotations in $(A_1,A_2)$-plane: \begin{equation} \left(-\partial_{\rho\rho} - \frac{1}{\rho}\partial_\rho + g |m_{12}|\rho \right)\phi (\rho)=\lambda'' \phi(\rho), \end{equation} where $\rho := |A| \geq 0$. The linear growth of the potential term ensures that the spectrum is discrete with the eigenvalues corresponding to the boundary condition $\partial_A\left<\Phi^\dagger\Phi\right>=0$ at $|A|=0$. Hence, for any value of $m_{12}$ the spectrum of (\ref{eig12aa}) is positive and discrete. Correspondingly, the spectrum of (\ref{eig12}) is positive and bounded from below by the lowest eigenvalue of (\ref{eig12aa}): $\lambda' = \lambda'' + (p_k)^2$, where the last term $(p_k)^2>0$ is the continuous spectrum of $- \sum_{k\neq 1,2}\partial_{A_kA_k}$. \newcommand{\mathsf{rank}}{\mathsf{rank}} Similarly, for arbitrary $\widetilde{m}_{ij}$, we obtain from (\ref{eig0}) \begin{align} \label{eig12b} \begin{split} - \partial_{\mathbf{A}\bA}\phi - g \widetilde{m}_{ij}A_j\phi_i &=\lambda''\phi \\ - \partial_{\mathbf{A}\bA}\phi_i + g \widetilde{m}_{ij}A_j\phi&=\lambda''\phi_i \\ \widetilde{m}_{[ij}A_j\phi_{k]}&=0. \end{split} \end{align} The last equation is solved by $\phi_i = \pm \frac{\widetilde{m}_{ij}A_j}{|\widetilde{m}A|} \phi$, where $|\widetilde{m}A| := \sqrt{\widetilde{m}_{ij}A_j\widetilde{m}_{ik}A_k}$. Then (\ref{eig12b}) yields \begin{align} \label{eig12cd} - \partial_{\mathbf{A}\bA}\phi\, & \mp g |\widetilde{m}A|\phi\ =\lambda''\phi ,\\ - \partial_{\mathbf{A}\bA}\phi_i &\pm g |\widetilde{m}A|\phi_i =\lambda''\phi_i . \end{align} The positive discrete spectrum is obtained either for purely scalar wave functions $\Phi = \phi$ or purely vector ones $\Phi = \phi_i\gamma^i$ for the lower or upper choice of the signs, respectively. The eigensolutions correspond to the boundary conditions $\partial_\mathbf{A} \left<\Phi^\dagger\Phi\right>=0$ at $|\widetilde{m}A|=0$. If $\mathsf{rank}(\widetilde{m}_{ij}) <D$, the spectrum has the form $\lambda'' = \lambda' + p^2$, where $\lambda'$ are purely discrete and $p^2$ is the continuous norm squared of a vector in the Euclidean $(D- \mathsf{rank}(\widetilde{m}))$-dimensional space. \newcommand{\mathbf{N}}{\mathbf{N}} \newtheorem{lma}{Lemma} Therefore, it is shown that \begin{lma} For any non-vanishing values of quantum numbers $m$ and $m_{ij}$ the spectrum of (\ref{eig0}) is discrete and bounded from below. \end{lma} Note that this Lemma is the necessary condition for the validity of the estimation (\ref{estG1}) for the ``colored" states with $\widetilde{m}_{ij} \neq 0$. The sufficient condition has to take into account the non-commutativity of the Clifford-algebra-valued potential term $g\gamma^i\widetilde{m}_{ij}A_j$ with the phase factor $U$ which is a solution of (\ref{0313}). It requires an analysis of a generalization of (\ref{eig0}) with the potential term $g U \gamma^i\widetilde{m}_{ij}A_j U^{-1}$ which will parametrically depend on $\mathbf{B}$ and $\mathbf{C}$. As our main interest here is the spectrum of the ``colorless" states of $\what{H}$ with vanishing $\widetilde{m}_{ij}$, we leave this part of the problem beyond the scope of the paper. Now, using this result in eq. (\ref{est00}), we can write the following inequality for the operator $\frac{1}{\ka}\what{H}$, which is valid at least for the colorless states: \begin{equation} \label{est02} \frac{1}{\ka}\what{H}\geq -\frac{\hbar^2\ka}{2} \big(\partial_{\mathbf{B}\bB} +\partial_{\mathbf{C}\bC}\big) + \frac{ g^2}{4\ka} \big(\mathbf{B}^2\mathbf{C}^2 - (\mathbf{B}\cdot\mathbf{C})^2 \big) \,. \end{equation} The spectrum of the operator in the r.h.s. of (\ref{est02}) is purely discrete and bounded from below, as it was already proven e.g. in sect. 7 of \cite{simon83} using the Fefferman-Phong theorem. Then the inequality (\ref{est02}) proves the main assertion of this paper: \newtheorem{thm}{Theorem} \begin{thm} The spectrum of colorless states of the DW Hamiltonian operator of quantum SU(2) Yang-Mills field is purely discrete and bounded from below. \end{thm} An immediate consequence of the discreteness of the spectrum of colorless states of the DW Hamiltonian operator is the nonvanishing gap between the ground state and the lowest colorless excited state. It means that the first propagating colorless excited mode of quantum YM field is massive. \medskip It is interesting to consider the eigenvalue problem of the operator in the r.h.s. of (\ref{est02}) in more detail. In order to estimate its spectrum, let us simplify the problem by approximating the potential term $\mathbf{B}^2\mathbf{C}^2 - (\mathbf{B}\cdot\mathbf{C})^2 = \mathbf{B}^2\mathbf{C}^2 \sin^2 \theta$, where $\theta$ is the angle between $\mathbf{B}$ and $\mathbf{C}$, by its average over $\theta\in[0,2\pi]$: \begin{equation} \frac{1}{2\pi}\int_0^{2\pi} \!\mathrm{d} \theta\, \mathbf{B}^2\mathbf{C}^2 \sin^2 \theta = \frac{1}{2} \mathbf{B}^2\mathbf{C}^2 \,. \nonumber \end{equation} Then the estimation in (\ref{est02}) is replaced by an approximate inequality \begin{equation} \label{est02ap} \frac{1}{\ka}\what{H} \gtrsim -\frac{\hbar^2\ka}{2} \big(\partial_{\mathbf{B}\bB} +\partial_{\mathbf{C}\bC}\big) + \frac{ g^2}{8\ka} \mathbf{B}^2\mathbf{C}^2 \,. \end{equation} By employing the argument by B. Simon in sect. 2 of \cite{simon83} and using the exactly known ground state of isotropic harmonic oscillator in $D$-dimensions, we further obtain \begin{equation} \label{est4} \frac{1}{\ka}\what{H} \gtrsim -\frac{\hbar^2\ka}{2} \partial_{\mathbf{B}\mathbf{B}} + \frac{Dg\hbar }{4} |\mathbf{B}| \,. \end{equation} By going to the spherical coordinates in $\mathbf{B}$-space and neglecting the knowingly positive contribution of the square of the orbital angular momentum operator in $\mathbf{B}$-space, we obtain a further approximate estimation \begin{equation} \label{estR} \frac{1}{\ka}\what{H} \gtrsim - \frac{\hbar^2\ka}{2} \left(\partial_{rr} + \frac{D-1}{r}\partial_r \right) + \frac{Dg\hbar }{4} r =: \what{R} \,, \end{equation} where $r$ denotes $|\mathbf{B}|$. The eigenvalue problem $\what{R} f = \mu f$ with $r\in \mathbb{R}_+ =[0,\infty)$ leads to the solutions which interpolate between the Bessel function $J_{\frac{D}{2}-1}(\sqrt{\mu}r)/{r^{\frac{D}{2}-1}} $ at $r\rightarrow 0$ and the Airy function $\mathrm{Ai}(a (r - b)) $ with $a = \left( \frac{Dg}{2\hbar\ka}\right)^{1/3}$ and $b=\frac{4\mu}{Dg\hbar} $ at $r\rightarrow \infty$. The spectrum is discrete and positive, and it follows from the condition $\partial_r f^2=0$ at $r=0$: $\mu_K = f(K,D) \left( \frac{g^2D^2\hbar^4\ka}{32}\right)^{1/3}$, where the coefficients $f(K,D)$ labeled by $K\in \mathbb{Z}_+$ are given by the roots of $f(r)$ and its derivatives (similarly to the one dimensional $|x|$ problem in quantum mechanics, see \cite{bouncer,airy-book,hohlfeld}). At $D=3$, the spectral problem for the operator in the r.h.s. of (\ref{estR}) is quasi-exactly solvable \cite{ushveridze,turkish}. Namely, an exact solution can be obtained for the lowest eigenstates corresponding to the vanishing orbital angular momentum quantum number in $\mathbf{B}$-space. This fact allows us to estimate the lower bound of $\frac{1}{\ka}\what{H} $ in the physically relevant case of $D=3$ which can be related to the YM theory in $(3+1)$-dimensional pseudoeuclidean space-time in the temporal gauge $A^a_0 =0$ (c.f. \cite{my-ym2003}). In this case, \begin{equation} \frac{1}{\ka}\what{H} \gtrsim \what{R} = - \frac{\hbar^2\ka}{2} \left(\partial_{rr} + \frac{2}{r}\partial_r \right) + \frac{3}{4}g\hbar r \,. \end{equation} The solutions of the eigenvalue problem $\what{R} f = \mu f$ (up to a normalization factor $\mathcal{N}$) are \begin{equation} f(r) = \mathcal{N} r^{-1}\mathtt{Ai} \left( \gamma r - \delta\right) \,, \end{equation} where \begin{equation} \gamma = \left(\frac{3 g }{2\hbar\ka}\right)^{1/3}, \quad \delta = \mu \left(\frac{32}{9 g^2\hbar^4\ka} \right)^{1/3} \,. \end{equation} Note that the wave functions $f(r)$ are normalized to a delta function on $r\in [0,+\infty)$ with the integration measure $\, \sim\! r^2\mathrm{d} r$. Again, there are two families of eigenvalues due to the boundary conditions $f(r)=0$ and $f'(r)=0$ at $r=0$, which require the admissible values of $\delta$ to be roots of the Airy function $\mathtt{Ai}$ and its derivative. Hence, the spectrum of $\what{R}$ is discrete and bounded from below, and the eigenvalues are labeled by the non-negative integers $K\in\mathbb{Z}_+$ \begin{align} \label{est3d} \begin{split} &\mu_K = \left(\frac{9 g^2\hbar^4\ka}{32} \right)^{1/3} |{\mathsf{ai}'_{K/2+1}}| \quad \; \; \mathrm{for\,even\,} K, \\ & \mu_K = \left(\frac{9g^2\hbar^4\ka}{32} \right)^{1/3} |{\mathsf{ai}_{(K+1)/2}}| \quad \mathrm{for\,odd\,} K, \end{split} \end{align} where $\mathsf{ai}_M$ and $\mathsf{ai}'_M$ denote the $M$-th root of the Airy function $\mathsf{Ai}$ and its derivative. Then the approximate estimation $\frac{1}{\ka}\what{H} \gtrsim \what{R}$ proves Theorem 1 independently from the result by B. Simon quoted above (though still using the insights from his paper \cite{simon83}). Moreover, from (\ref{est3d}) we obtain an estimation for the ground state of the DW Hamiltonian operator at $D=3$: \begin{equation} \label{322} \left< \frac{1}{\ka}\what{H} \right>_0 \gtrsim \mu_0 = \left(\frac{9g^2\hbar^4\ka}{32} \right)^{1/3} |{\mathsf{ai}'_1}| \end{equation} and the gap between the first excited state and the ground state: \begin{equation} \label{323} \Delta\mu \approx \mu_1-\mu_0 = (|{\mathsf{ai}_1}|-|{\mathsf{ai}'_1}|) \left(\frac{9g^2\hbar^4\ka}{32} \right)^{1/3} \approx \mathtt{0.86} \left({g^2\hbar^4\ka} \right)^{1/3} \,. \end{equation} Note that, according to our conventions in (\ref{dwhop}), the gauge coupling constant $g$ in $3+1$ dimensions (i.e. the bare constant present in the Lagrangian) is given in the units of $1/\sqrt{\hbar}$, hence it is dimensionless in the units with $\hbar=1$. Correspondingly, the dimensionality of the r.h.s of (\ref{323}) is that of a mass. Eq. (\ref{323}) tells us that the scale of the ultra-violet parameter $\ka$ introduced in precanonical quantization is connected with the scale of the first massive excitation of quantum pure YM theory. Interestingly, the ground state of $\what{H}$ in (\ref{dwhop}) is independent of the ordering of the multiplicative operators $A$ and the differential operators $\partial_A$ because of the specific structure of the interaction term in the DW Hamiltonian operator and the antisymmetry of the structure constants. Let us also note that a comparison of the coefficient $\frac{Dg\hbar}{4}$ in front of the $|\mathbf{B}|$ term in (\ref{est4}) with the coefficient $\frac{g\hbar}{2}\widetilde{m}$ in front of the linear term in (\ref{est02a}) indicates that at $D>2$ it is not excluded that there can be colored mass excitations with nonvanishing quantum numbers $\widetilde{m}_{ij}$ which are lying below the estimated mass gap (\ref{323}) for the colorless excitations with $\widetilde{m}_{ij}=0$. \section{Conclusion} The approach of precanonical quantization leads to the description of quantum pure Yang-Mills theory in terms of the Clifford-algebra-valued precanonical wave function on the space of Yang-Mills field variables $A^a_\mu$ and space-time coordinates $x^\mu$. Hence, the quantum YM field is understood as a section in the Clifford bundle over the bundle of gauge field components over space-time. This contrasts with the usual description of quantum fields in terms of the Schr\"odinger wave functionals or operator-valued distributions, or operator algebras. The precanonical wave function satisfies the covariant analogue of the Schr\"odinger equation defined on the aforementioned bundle, eq. (\ref{schreq}), which is a Dirac-like PDE on this bundle, with the mass term replaced by the DW Hamiltonian operator. Note that, unlike the quantization based on the canonical Hamiltonian formalism, this approach treats all space-time dimensions on an equal footing. Moreover, the construction of precanonical quantum field theory of YM fields is intrinsically nonperturbative. We have demonstrated elsewhere \cite{my-ehrenfest} that this formulation is also consistent with a generalized version of the Ehrenfest theorem, i.e. the classical field equations are reproduced as the equations satisfied by the expectation values of precanonical operators \cite{my-ehrenfest}. Moreover, the standard quantum YM theory in the functional Schr\"odinger representation can be derived from our precanonical formulation in the limiting case of an infinite value of the ultraviolet parameter $\ka$ \cite{my-ym2016} (see also \cite{my-schrod}). Thus the standard QFT, which requires a UV regularization, appears as a limiting case of the precanonical formulation which has the UV scale $\ka$ built in {\em ab initio}. The appearance of the DW Hamiltonian operator in place of the mass term in the Dirac-like precanonical Schr\"odinger equation (\ref{schreq}) indicates that its spectrum has to do with the spectrum of propagating excitations of the field, which one usually calls particles. This has motivated our interest in the spectrum of the DW Hamiltonian operator of pure YM theory. The discreteness of the spectrum, which we have proven for the collorless states, indicates that the propagating excitations in quantum YM theory are massive. Our consideration has lead to the estimation of the ground state of the DW Hamiltonian operator and the gap between the ground state and the first colorless excited state. Both expressions are\ $\sim\!g^{2/3}\ka^{1/3}$ in three spatial dimensions. This relates the scale of $\ka$, up to a coefficient given by the bare gauge coupling $g$ in the Lagrangian, to the scale of the mass gap of the quantum nonabelian gauge theory under consideration. Recently, a rough estimation of the scale of $\ka$ was obtained by us by a completely independent consideration based on the precanonical quantization of gravity \cite{my-qgr}. There, $\ka$ appears in the ordering-dependent dimensionless combination with $\hbar$, Newton's $G$ and the cosmological constant $\Lambda$. A preliminary consideration has shown that the value of $\ka$ consistent with the observable values of the constants of nature is roughly at the subnuclear scale. An order of magnitude coincidence of this estimation with the above estimation of the mass gap in $SU(2)$ quantum gauge theory indicates, albeit preliminarily, that $\ka$ is a fundamental scale rather than a kind of renormalization scale to be removed from the final results. Note that in spite of this indication to the fundamental scale at such a low energy, its existence in our formalism does not contradict the current experimental evidence that the relativistic space-time holds at least till the $TeV$ energies, because the scale $\ka$ has been introduced in precanonical quantization without a manual modification of the relativistic space-time at small distances. \medskip \section*{Acknowlegdements} I thank Marek Czachor (Gda\'nsk) for his critical comments which have stimulated me to improve the arguments in an earlier version of the paper. I also thank Eckhard Hitzer (Tokyo) for a useful remark regarding the Clifford Analysis. This paper would not see the light of day without the hospitality of the School of Physics and Astronomy of the University of St Andrews and 24/7 availability of its facilities for research, which I gratefully appreciate. {\footnotesize
0b27fc6371e6c92f6699b0f34a900a037983ee87
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }
\section{Introduction} Developing a new drug to the market is very costly and usually takes too much time \cite{dimasi2001new,chen2015drug}. Therefore, in order to save time and cost, scientists have tried to identify new uses of existing drugs, known as drug repositioning. Moreover, predicting these interactions between drugs and targets is one of the most active domains in drug research since they can help in the drug discovery \cite{hopkins2009drug,wishart2006drugbank,duran2017pioneering}, drug side-effect \cite{lounkine2012large,pauwels2011predicting} and drug repositioning \cite{cheng2012prediction,dudley2011exploiting,swamidass2011mining,moriaud2011identify}. Currently, the known interactions between drugs and target proteins are very limited \cite{dobson2004chemical,kanehisa2006genomics}, while it is believed that any single drug can interact with multiple targets \cite{chong2007new,macdonald2006identifying,xie2012novel,nascimento2016multiple}. However, laboratory experiments of biochemical verification on drug-target interactions are extremely expensive, laborious and time-consuming \cite{whitebread2005keynote,haggarty2003multidimensional,kuruvilla2002dissecting} since there are too many possible interactions to check. Thanks to the increasing capability to collect, store and process large-scale chemical and protein data, \textit{in silico} prediction of the interactions between drugs and target proteins becomes an effective and efficient tool for discovering the new uses of existing drugs. The prediction results provide helpful evidences to select potential candidates of drug-target interactions for further biochemical verification, which can reduce the costs and risks of failed drug development \cite{liu2016neighborhood,ashburn2004drug}. There are two major approaches in \textit{in silico} prediction, including docking simulation and machine learning \cite{ding2013similarity}. Docking simulation is a common method in biology, but it has two major limitations. Firstly, this method requires three-dimensional structures of targets to compute the binding of each drug candidate \cite{halperin2002principles,rarey1996fast,shoichet1992molecular}, but such kind of information is usually not available \cite{ballesteros2001g,klabunde2002drug}. Secondly, it is very time-consuming. Therefore, in the last decade, many efforts have been made to solve the DTI prediction problem by machine learning approaches \cite{ding2013similarity,yamanishi2008prediction,bleakley2009supervised}. Most known machine learning methods \cite{nagamine2007statistical,nagamine2009integrating,yabuuchi2011analysis} treat DTI prediction as a binary classification prediction in which the drug-target interactions are regarded as instances and the characteristics of the drugs and target proteins are considered as features. To train the classifier, machine learning methods require label data, e.g., positive samples of truly existing interactions and negative samples of noninteractive pairs. Normally, the positive samples are available, but the negative samples are not known. Whenever extra characteristic information about the drugs and targets are not available and only a portion of interactions between drugs and targets are known, similarity-based methods are suitable to solve this problem. However, there are also some limitations of the similarity-based methods. Firstly, similarity-based methods are not applicable for new drugs or targets that do not have any interactions at all since the methods cannot compute their similarities with the others. Secondly, although similarity-based methods are simple, sometimes they do not perform well \cite{pech2017link} since common neighbor and Jaccard indices, Cannistraci resource allocation (CRA) \cite{daminelli2015common} and Cannistraci Jaccard index (CJC) \cite{daminelli2015common} utilize only local information of networks. Katz index also performs unsatisfactorily (will show later) since the large decay factor will bring redundant information \cite{zhou2009accurate}, while the small decay factor makes Katz index close to common neighbor index or local path index \cite{zhou2009predicting,lu2009similarity}. To overcome the limitations of machine learning methods and similarity-based methods, we propose a matrix-based method, namely low-rank matrix projection (LMP). LMP does not require negative samples. When the extra characteristic information of drugs and target proteins are not available, LMP utilizes only the known interactions. On the other hand, if the extra information is available, LMP can also take such information into consideration and remarkably improve the performances. LMP has been shown to perform better than similarity-based methods on the five renown datasets (e.g., MATADOR, enzyme, ion channel, GPCR and nuclear receptor). By embedding extra information of drugs and targets, LMP has been shown to outperform many baseline methods that also use extra information. Finally, LMP can effectively predict the potential interactions of new drugs or targets that do not have any known interactions at all. The proposed method can help selecting the most likely existing interactions for further chemical verifications in case only interaction information is known or only some of characteristic information is available. In a word, LMP can reduce cost and failure in drug development, and thus advance drug discoveries. \begin{figure*}[ht!] \centering \includegraphics[width=0.95\textwidth]{framework.eps} \caption{The illustration of the proposed method. Firstly, the known drug-target interactions are utilized to construct the adjacency matrix $\bf A$. Secondly, $\bf A$ is decomposed into a low-rank matrix ${\bf X}^*$ and a sparse matrix ${\bf E}^*$, which can be used to depict the hidden pattern and the noise in the original data. Finally, the score matrix is computed by projecting the adjacency matrix onto a lower-dimensional space via the low-rank matrix ${\bf X}^*$.} \label{fig_framework} \end{figure*} \section{Methods} \subsection{Notations} In this work, various matrices and their similarity matrices are computed by the proposed method based on the characteristic information of the biological data. We denote them as follows: \begin{itemize} \item $\mathbf{A}$: the adjacency matrix denoted the known interactions between drugs and proteins and its entries are defined as in Eq. (\ref{eq_adj_mat}). \item $\mathbf{X}_{D}^*$: the low-rank similarity matrix computed based on drug information in $\mathbf{A}$, i.e., similar drugs interact with similar targets. \item $\mathbf{X}_{T}^*$: the low-rank similarity matrix computed based on target information of $\mathbf{A}^T$ (transpose of $\mathbf{A}$), i.e., similar targets is interacted by similar drugs. \item $\mathbf{Z}_{AD}$: the score matrix obtained from the projection of $\mathbf{A}$ onto $\mathbf{X}_{D}^*$. \item $\mathbf{Z}_{AT}$: the score matrix obtained from the projection of $\mathbf{A}$ onto $\mathbf{X}_{T}^*$. \item $\mathbf{Z}_A$: the score matrix computed by combining $\mathbf{Z}_{AD}$ and $\mathbf{Z}_{AT}$. \item $\mathbf{S}_D$: the similarity matrix of drug compound computed by SIMCOMP \cite{hattori2003development} from the chemical structures of drugs which are obtained from KEGG LIGAND \cite{kanehisa2006genomics}. \item $\mathbf{X}_{SD}^*$: the low-rank similarity matrix computed by the proposed method on $\mathbf{S}_D$. \item $\mathbf{Z}_{D}$: the score matrix obtained by projecting $\mathbf{A}$ on $\mathbf{X}_{SD}^*$. \item $\mathbf{S}_T$: the similarity matrix of protein sequences computed by a normalized Smith-Waterman score \cite{smith1981identification} from GEGG GENES \cite{kanehisa2006genomics}. \item $\mathbf{X}_{ST}^*$: the low-rank similarity matrix computed by the proposed method on $\mathbf{S}_T$. \item $\mathbf{Z}_{T}$: the score matrix obtained by projecting $\mathbf{A}$ on $\mathbf{X}_{ST}^*$. \item $\mathbf{Z}_{ADT}$: the score matrix computed by combining $\mathbf{Z}_{A}$, $\mathbf{Z}_{D}$ and $\mathbf{Z}_{T}$. \end{itemize} \subsection{Datasets} In this work, we implement the proposed method as well as similarity-based methods on five benchmark and renown datasets namely MATADOR \cite{gunther2007supertarget}, enzyme \cite{yamanishi2008prediction}, ion channel \cite{yamanishi2008prediction}, G-protein-coupled receptors (GPCR) \cite{yamanishi2008prediction}, and nuclear receptors \cite{yamanishi2008prediction}. The manually annotated target and drug online resource (MATADOR) (May 2017) dataset is a free online dataset of chemical and target protein interactions. There are 13 columns in the dataset, however, we utilize only two columns, including Chemical ID and Protein ID, to construct the adjacency matrix. MATADOR dataset has no characteristic information about the drugs and targets. Enzyme, ion channel, GPCR, and nuclear receptors (May 2017) are the drug-target interaction networks for human beings. The statistics of the five datasets are presented in table \ref{table_stat}. \begin{table} \caption{ The statistics of the five datasets.} \begin{tabular}{p{3.5cm} p{2.7cm} p{2.7cm} p{2.5cm} p{2.5cm}} \hline \\ [-5.5ex] Dataset & Drug & Target & Interaction & Sparsity of $\mathbf{A}$ \\ \hline \\ [-5.5ex] MATADOR & 801 & 2901 & 15843 & 0.007 \\ enzyme & 445 & 664 & 2926 & 0.010 \\ ion channel & 210 & 204 & 1476 & 0.034 \\ GPCR & 223 & 95 & 635 & 0.030 \\ nuclear receptors & 54 & 26 & 90 & 0.061 \\ [0.5ex] \hline \\ \end{tabular} \label{table_stat} \end{table} \subsection{Low-Rank Matrix Projection} In the real-world problems, many data that are lying on the high-dimensional space and full of noise normally contain hidden features which can be seen after they are projected onto the lower dimensional space and simultaneously the noise are subtracted from them \cite{vidal2011tutorial}. Low-rank matrix has been shown to be a powerful and suitable tool to capture the patterns in high dimensional-space and noisy data \cite{wright2009robust,lin2010augmented,peng2012rasl}. Therefore, it is deserved to be investigated to solve DTI problem. In this section we assume that only known interactions between drugs and targets are available so we aim at learning the low-rank matrix from this interaction information. First of all, we construct the adjacency matrices of the drug-target interactions in the five datasets. Mathematically, the adjacency matrix is defined as \begin{equation} \mathbf{A}_{ij}= \left\{ \begin{array}{l l l} 1, \ \ \ \textrm{if drug } i \textrm{ interacts with target } j \\ 0, \ \ \ \textrm{otherwise} \end{array}\right. . \label{eq_adj_mat} \end{equation} Then we obtain $\mathbf{A}\in\mathbb{R}^{m\times n}$, where $m$ is the number of drugs and $n$ is the number of target proteins. The real data are normally far from perfect, meaning that a portion of the drug-target interactions in the real data may be incorrect or redundant, and also some other drug-target interactions may be missing from the observed data. Therefore, the adjacency matrix $\mathbf{A}$ can be decomposed into two parts. The first part is a linear combination of $\mathbf{A}$ with the low-rank matrix, which is essentially a projection from the noisy data $\bf A$ into a more refined or informative and lower-dimensional space. The second part can be considered as the noise or the outliers, which is strained off from the original data $\bf A$ and represented by a sparse matrix with most entries being zeros. The method seeks the lowest-rank matrix among all the candidates which is further utilized to construct the score matrix that estimates the likelihoods of the potential interactions. \begin{table} \begin{threeparttable} \centering \small{ \caption{The illustration of the Inexact ALM algorithm} \begin{tabular}{p{1.1cm} p{1.3cm} p{10.0cm}} \hline \\ [-5.5ex] \multicolumn{3}{l}{\textbf{Algorithm 1}: Solving problem of Eq. (\ref{eq_unconstraint_lrr}) by Inexact ALM } \\ \hline \\ [-5.5ex] \multicolumn{3}{l}{\textbf{Input:} Given a dataset $\mathbf{A}$ parameters $\alpha$} \\ \multicolumn{3}{l}{\textbf{Output:} $\mathbf{X}^*$ and $\mathbf{E}^*$} \\ [0.8ex] \multicolumn{3}{l}{\textbf{Initialize:} $\mathbf{X}=0, \mathbf{E}=0, \mathbf{Y}_1=0, \mathbf{Y}_2=0, \mu=10^{-4}$, $\max_{\mu}=10^{10}, \rho=1.1, \epsilon=10^{-8}$} \\ \multicolumn{3}{l}{\textbf{while} not converged do}\\ & 1. & fix the other and update $\mathbf{J}$ by \\ & & $\mathbf{J} = \arg \min \frac{1}{\mu}||\mathbf{J}||_* +\frac{1}{2}||\mathbf{J-(X+Y}_2/\mu)||_F^2$ \\ & 2. & fix the other and update $\mathbf{X}$ by \\ & & \multicolumn{1}{l}{ \ $\mathbf{X} = (\mathbf{I}+\mathbf{A}^T\mathbf{A})^{-1}$ $\left(\mathbf{A}^T\mathbf{A}-\mathbf{A}^T\mathbf{E}+\mathbf{J}+(\mathbf{A}^T\mathbf{Y}_1-\mathbf{Y}_2)/\mu\right)$} \\ & 3. & fix the other and update $\mathbf{E}$ by\\ & \multicolumn{2}{l}{$\mathbf{E} = \arg \min \frac{\alpha}{\mu}||\mathbf{E}||_{2,1} + \frac{1}{2}||\mathbf{E-(A-AX+Y}_1/\mu)||_F^2$}\\ & 4. & update the multiplier\\ & & $\mathbf{Y}_1 = \mathbf{Y}_1 + \mu(\mathbf{A-AX-E})$ \\ & & $\mathbf{Y}_2 = \mathbf{Y}_2 + \mu(\mathbf{X-J})$ \\ & 5. & update parameter $\mu$ by \\ & & $\mu = min(\rho \mu,\max_{\mu})$ \\ & 6. & check the convergence condition \\ & & \ \ \ $||\mathbf{A-AX-E}||_{\infty} < \epsilon $ and $||\mathbf{X-J}||_{\infty} < \epsilon $\\ \multicolumn{3}{l}{\textbf{end while}}\\[0.3ex] \hline \end{tabular} } \label{table:algoLRR} \begin{tablenotes} \small \item \small{The setting of the hyperparameters follows the implementation of \cite{lin2010augmented}: } Since as stated in the literature, they are the optimal ones. \end{tablenotes} \end{threeparttable} \end{table} Firstly, we decompose $\mathbf{A}$ as follows, \begin{equation} \mathbf{A=AX+E}. \label{eq_decom} \end{equation} Obviously, there are infinite solutions of Eq. (\ref{eq_decom}). However, since we wish $\mathbf{X}$ to be low-rank, where rank of a matrix is the maximum number of linearly independent column (or row) vectors in the matrix, and $\mathbf{E}$ to be sparse, we can enforce the nuclear norm or trace norm on $\mathbf{X}$ and sparse norm on $\mathbf{E}$. Mathematically, Eq. (\ref{eq_decom}) can be thus relaxed as \begin{equation} \min_{\mathbf{X,E}} ||\mathbf{X}||_*+\alpha||\mathbf{E}||_{2,1} \ \ \ \mathrm{s.t.} \ \ \ \mathbf{A = AX+E}, \label{eq_lrr} \end{equation} where $||\mathbf{A}||_*=\sum_i{\sigma_i}$ (i.e., $\sigma_i$ is the singular values of $\mathbf{A}$), $||\mathbf{E}||_{2,1}=\sum_{j=1}^n\sqrt{\sum_{i=1}^m(\mathbf{E}_{ij})^2}$ is the noise regularization strategy and $\alpha$ is a positive free parameter taking a role to balance the weights of low-rank matrix and sparse matrix. Minimizing the trace norm of a matrix well favors the lower-rank matrix, meanwhile the sparse norm is capable of identifying noise and outliers. Eq. (\ref{eq_lrr}) can also be regarded as a generalization of the robust PCA \cite{liu2013robust,liu2010robust} because if the matrix $\mathbf{A}$ in $\mathbf{AX}$ in the right side of Eq. (\ref{eq_lrr}) is set as identity matrix, then the model is degenerated to the robust PCA. Eq. (\ref{eq_lrr}) can be rewritten into an equivalent problem as, \begin{equation} \min_{\mathbf{X,E,J}}||\mathbf{J}||_*+\alpha||\mathbf{E}||_{2,1} \ \ \ \mathrm{s.t.} \ \ \ \mathbf{A = AX + E, X=J}. \label{eq_alm_equivalent} \end{equation} Eq. (\ref{eq_alm_equivalent}) is the constraint and convex optimization problem which can be solved by many off-the-self methods, e.g., iterative method (IT) \cite{cai2010singular}, accelerated proximal gradient (APG) \cite{wright2009robust}, dual approach \cite{lin2009fast}, and augmented Lagrange multiplier (ALM) \cite{lin2010augmented}. In this work, we employ Inexact ALM method by firstly converting Eq. (\ref{eq_alm_equivalent}) to an unconstraint problem, then minimize this problem by utilizing augmented Lagrange function such that \begin{equation} \begin{split} &\mathcal{L}= ||\mathbf{J}||_*+\alpha||\mathbf{E}||_{2,1}+\mathrm{tr} \left(\mathbf{Y}_1^T\left(\mathbf{A-AX-E}\right)\right) + \\ &\mathrm{tr}\left(\mathbf{Y}_2^T\left(\mathbf{X-J}\right)\right)+\frac{\mu}{2}\left(||\mathbf{A-AX-E}||_F^2+||\mathbf{X-J}||_F^2\right), \end{split} \label{eq_unconstraint_lrr} \end{equation} where $\mu \ge 0$ is a penalty parameter and $\mathrm{tr(.)}$ is the trace norm. The Eq. (\ref{eq_unconstraint_lrr}) is unconstraint and can be solved by minimizing with respect to $\mathbf{J,X}$ and $\mathbf{E}$, respectively, by fixing the other variables and then updating the Lagrange multipliers $\mathbf{Y}_1,\mathbf{Y}_2$. The detailed illustration of how to solve Eq. (\ref{eq_unconstraint_lrr}) is shown in table \ref{table:algoLRR}. We denote the solution of Eq. (\ref{eq_unconstraint_lrr}) as $\mathbf{X}_T^*$, if $\mathbf{A}_{ij}$ represents the interaction drug $i$ and protein $j$, then $\mathbf{X}_T^* \in \mathbb{R}^{n\times n}$. It can be considered as a similarity matrix that describes similarity between proteins. While if $\mathbf{A}_{ij}$ represents the interactions between protein $i$ and drug $j$ (as the transposition of the adjacency matrix in Eq. (\ref{eq_decom})), then the solution of Eq. (\ref{eq_unconstraint_lrr}) is denoted as $\mathbf{X}_D^*\in\mathbb{R}^{m\times m}$ which describes similarity between drugs. After obtaining these two similarity matrices, we project the adjacency matrix $\mathbf{A}$ onto these lower dimensional spaces, respectively, as \begin{equation} \mathbf{Z}_{AD}=\mathbf{A}^T\mathbf{X}^*_D \ \ \textrm{and} \ \ \mathbf{Z}_{AT}=\mathbf{A}\mathbf{X}^*_T. \label{eq_similarity} \end{equation} Finally, we combine the two similarity matrices as \begin{equation} \mathbf{Z}_A=\frac{\mathbf{Z}^T_{AD}+{\mathbf{Z}_{AT}}}{2}. \label{eq_similarity_com} \end{equation} After obtaining $\mathbf{Z}_A$, we remove the known interactions by setting the entries of $\mathbf{Z}_A$ corresponding to nonzero entries in $\mathbf{A}$ to zeros and sort the remaining scores in descending order. The drugs-target pairs with highest scores are the most likely unknown interacting pairs. The full process of the proposed method is illustrated in Fig. \ref{fig_framework}. The algorithm 1 illustrates the detailed procedure of the proposed method LMP. \begin{table} \caption{The illustration of the LMP algorithm} \begin{tabular}{p{2.1cm} p{1.1cm} p{12.0cm}} \hline \\[-5.5ex] \multicolumn{3}{l}{\textbf{Algorithm 2}: The algorithm of the proposed method} \\ \hline \\[-5.5ex] \multicolumn{3}{l}{\textbf{Input:} Given an adjacency matrix $\mathbf{A}$} \\ & 1. & compute the low-rank similarity matrix $\mathbf{X}^*$ and \\ & & sparse noise $\mathbf{E}^*$ of Eq. (\ref{eq_unconstraint_lrr}) by using Algorithm 1\\ & 2. & compute the similarity matrices $\mathbf{Z}_{AD}$ and $\mathbf{Z}_{AT}$ by Eq. (\ref{eq_similarity}) \\ & 3. & combine the two similarity matrices as in Eq. (\ref{eq_similarity_com})\\ & 4. & sort the scores in $\mathbf{Z}_A$ in descending order\\ \multicolumn{3}{l}{\textbf{Output:} The highest scores are the most potential interactions} \\[0.3ex] \hline \end{tabular} \label{table_LMP} \end{table} \subsection{Working with Heterogeneous Data} Using only interaction dataset and ignoring the extra characteristic information of the drugs and targets is throwing away the important information. In this subsection, we show how the proposed method is capable of utilizing this characteristic information. Based on the hypothesis that similar drugs interact with similar targets and vice versus, we can utilize the two kinds of characteristic information, namely drug similarity and target similarity to infer the potential interactions. Drug similarity $\mathbf{S}_D$ was computed by using SIMCOMP \cite{hattori2003development} from the chemical structures of drugs which are obtained from KEGG LIGAND \cite{kanehisa2006genomics}. On the other hand, target similarity $\mathbf{S}_T$ is computed by using a normalized Smith-Waterman score \cite{smith1981identification} from GEGG GENES \cite{kanehisa2006genomics}. These two datasets are available online \cite{yamanishi2008prediction}. Directly using these two similarity datasets makes the proposed method perform unsatisfactorily since there exist some noise inside these two datasets. Therefore, we compute the new similarity matrices which are low-rank from these two similarity matrices by the proposed method, then projecting the adjacency matrix onto these lower-dimensional spaces. There are two main properties of this low-rank matrix learning from the characteristic information. Firstly, as discussed above the noise are subtracted. Moreover, the interaction information is projected on the lower-dimensional feature space which is more informative. The low-rank similarity matrices of the characteristic information $\mathbf{S}_D$ and $\mathbf{S}_T$ can be computed as shown in Eq. (\ref{eq_lrr}) by replacing the adjacency matrix $\mathbf{A}$ with $\mathbf{S}_D$ and $\mathbf{S}_T$, respectively. After obtaining the low-rank similarity matrices of the drug and target denoted as $\mathbf{X}^*_{SD}$ and $\mathbf{X}^*_{ST}$, we project the adjacency matrix $\mathbf{A}$ onto them as shown in Eq. (\ref{eq_similarity}) and we call them the score matrices denoted as $\mathbf{Z}_D$ and $\mathbf{Z}_T$, respectively. Finally, we combine all these three score matrices which are $\mathbf{Z}_A$, $\mathbf{Z}_D$ and $\mathbf{Z}_T$ as \begin{equation} \mathbf{Z}_{ADT} = \gamma_1\mathbf{Z}_{A} +\gamma_2 \mathbf{Z}^T_{D} + \gamma_3\mathbf{Z}_{T}, \end{equation} where $\gamma_1$, $\gamma_2$ and $\gamma_3$ are the weighting parameters and are set to 0.5, 0.25 and 0.25, respectively. Since the known interactions are experimentally verified, the similarity matrix obtained from this information plays more important role than the other two similarity matrices. The algorithm of the proposed method is illustrated in table \ref{table_LMP}. \subsection{Predicting the New Drugs and Targets} In case that there are new drugs or targets which do not have any known interactions at all, the proposed method can also be simply extended to predict their interactions. However, we need to use the characteristic information about the new drugs or new targets. On one hand, once we are given a drug with characteristic information, we wish to predict which target proteins that this drug interactions with. On the other hand, we aim at predicting the new drugs based on the known protein target by using the characteristic information of the target proteins. Consider predicting new targets, first of all, one needs to compute the low-rank similarity matrix of the given drug with others based on their characteristic information, i.e., computing $\mathbf{X}^*_{SD}$. With the assumption that similar drugs interact with similar targets, we can predict the potential interactions based on this similarity matrix, i.e., projecting $\mathbf{A}$ onto $\mathbf{X}^*_{SD}$. Similarly, when a new target is given with its biological information, one can compute the low-rank similarity matrix, i.e., $\mathbf{X}^*_{ST}$, of that protein with the others. The potentially interacted drugs with this protein are those that interact with proteins that are most similar to the given protein. \begin{table*}[ht!] \centering \small{ \caption{ The interaction predicted results measured by AUC and AUPR by 5$\times$10-fold cross validation for LMP and the benchmark methods. In the first parts only the known interactions are utilized, while in the second parts characteristic information is also employed. The best performed results are emphasized in bold.} \begin{tabular}{p{2.0cm} p{0.7cm} p{0.9cm} p{0.7cm} p{0.9cm} p{0.7cm} p{0.9cm} p{0.7cm} p{0.9cm} p{0.7cm} p{1.2cm} p{0.7cm} p{1cm}} \hline \\ [-5.5ex] Dataset & \multicolumn{2}{c}{MATADOR} & \multicolumn{2}{c}{NR} & \multicolumn{2}{c}{GPCR}& \multicolumn{2}{c}{ion channel} & \multicolumn{2}{c}{enzyme} & \multicolumn{2}{c}{Average} \\ [0.5ex] \hline \\ [-5.5ex] Metric & AUC & AUPR & AUC & AUPR & AUC & AUPR & AUC & AUPR & AUC & AUPR & AUC & AUPR \\ [0.5ex] \hline \\ [-5.5ex] CN & 0.930 & 0.603 & 0.688 & 0.249 & 0.826 & 0.491 & 0.915 & 0.724 & 0.910 & 0.678 & 0.854 & 0.549 \\ Katz & 0.894 & 0.393 & 0.679 & 0.263 & 0.800 & 0.479 & 0.893 & 0.707 & 0.869 & 0.644 & 0.827 & 0.497 \\ Jaccard & 0.933 & 0.612 & 0.686 & 0.249 & 0.828 & 0.531 & 0.920 & 0.680 & 0.911 & 0.704 & 0.856 & 0.555 \\ CJC & 0.930 & 0.609 & 0.693 & 0.265 & 0.828 & 0.531 & 0.914 & 0.731 & 0.910 & 0.673 & 0.855 & 0.562 \\ CRA & 0.937 & 0.714 & 0.696 & \textbf{0.289} & 0.833 & 0.565 & 0.923 & 0.737 & \textbf{0.912} & 0.752 & 0.860 & 0.612 \\ LMP-$\mathbf{Z}_A$ & \textbf{0.946} & \textbf{0.796} & \textbf{0.702} & 0.276 & \textbf{0.853} & \textbf{0.601} & \textbf{0.941} & \textbf{0.846} & 0.900 & \textbf{0.766} & \textbf{0.868} & \textbf{0.657} \\ [0.5ex] \hline \\ [-4.8ex] BLM & -- & -- & 0.694 & 0.204 & 0.884 & 0.464 & 0.918 & 0.591 & 0.928 & 0.496 & 0.856 & 0.439 \\ LapRLS & -- & -- & 0.855 & 0.539 & 0.941 & 0.640 & 0.969 & 0.804 & 0.962 & 0.826 & 0.932 & 0.702 \\ NetLapRLS & -- & -- & 0.859 & \textbf{0.563} & 0.946 & 0.703 & 0.977 & 0.898 & 0.968 & \textbf{0.874} & 0.938 & \textbf{0.760} \\ LMP-$\mathbf{Z}_{ADT}$ & -- & -- & \textbf{0.863} & 0.513 & \textbf{0.950} & \textbf{0.706} & \textbf{0.979} & \textbf{0.900} & \textbf{0.973} & \textbf{0.875} & \textbf{0.941} & 0.747 \\ [0.5ex] \hline \end{tabular} \label{table_pre} } \end{table*} \subsection{Evaluation and Experimental Settings} We adopt a cross validation technique and two popular metrics to test the proposed method as well as previous benchmarks. We apply the 10-fold cross validation \cite{ding2013similarity,lu2017link}, which divides the total known interactions between the chemicals and proteins into 10 sets with approximately the same size, and then utilize 9 sets as training data and keep the remaining set as testing data. We repeat it for ten times where each set has one chance to be the testing set. In the simulation, we independently run the 10-fold cross validation for five times and report average values accordingly. We consider the two popular metrics, including the area under the receiver operating characteristic (ROC) curve (AUC) and the area under precision and recall curve (AUPR), to evaluate the performances of the proposed method and the benchmarks. ROC is the diagnostic ability of a binary classifier with regarding to different thresholds \cite{hanley1982meaning}, while AUC curve displays true positive rate (sensitivity) versus false positive rate (1-specificity) at different values of thresholds. The sensitivity is the percentage of the test samples with ranks higher than a given threshold, whereas, specificity is the percentage the test samples that fall below the threshold. When there are many fewer positive elements in the testing data comparing to the total number in testing data, AUC may give overoptimistic results of the algorithms \cite{bleakley2009supervised,davis2006relationship,lu2012recommender,lobo2008auc}. Therefore, utilizing only AUC may mislead our conclusion. In such case, AUPR can give better evaluation, especially in biological significance. The simulations are conducted within three manners, e.g., drug-target pairs, new drugs, and new targets. In the first manner, we divide the total known interactions into 10-folds with approximately the same size. On the other hand, in the second manner we divide the total drugs into 10-folds. For the last manner, all the targets are divided into 10-folds. In each simulation, we use 9 sets as training data and keep the remaining as testing data. \subsection{Baseline Methods} First, we compare LMP with the similarity-based methods, e.g., common neighbor index (CN), Katz index and Jaccard index, Cannistraci resource allocation (CRA) \cite{daminelli2015common} and Cannistraci Jaccard index (CJC) \cite{daminelli2015common}. In this comparison, we use only the known interactions of drug and targets. The methods that utilize both interaction information and characteristic information normally outperform the methods that utilize only the known interactions. However, they cannot work with the dataset that do not have characteristic information such as MATADOR. We further compare LMP with bipartite local learning model (BLM) \cite{bleakley2009supervised}, Laplacian regularized least squares (LapRLS) and Net Laplacian regularized least squares (NetLapRLS) \cite{xia2010semi} which utilizes both the known interaction information and characteristic information about the drugs and targets. The first group of methods can only predict the interactions between drugs and targets, meanwhile the second group can predict the new drugs given targets or predict the new targets given drugs by using their characteristic information. \begin{table*}[t!] \centering \caption{ The drug and target predicted results measured by AUC and AUPR by 5$\times$10-fold cross validation for LMP and the benchmark methods. The best performed results are emphasized in bold.} \begin{tabular}{p{2.2cm} p{0.7cm} p{0.9cm} p{0.7cm} p{0.9cm} p{0.7cm} p{0.9cm} p{0.7cm} p{1.2cm} p{0.7cm} p{1cm}} \hline \\ [-5.5ex] Dataset & \multicolumn{2}{c}{nuclear receptors} & \multicolumn{2}{c}{GPCR}& \multicolumn{2}{c}{ion channel} & \multicolumn{2}{c}{enzyme} & \multicolumn{2}{c}{Average} \\ [0.5ex] \hline \\ [-5.5ex] Metric & AUC & AUPR & AUC & AUPR & AUC & AUPR & AUC & AUPR & AUC & AUPR \\ [0.5ex] \hline \\ [-5.5ex] BLM & 0.693 & 0.194 & 0.829 & 0.210 & 0.770 & 0.167 & 0.781 & 0.092 & 0.768 & 0.166 \\ LapRLS & 0.820 & \textbf{0.482} & 0.845 & 0.397 & \textbf{0.796} & \textbf{0.366} & {0.800} & 0.368 & 0.815 & \textbf{0.403} \\ NetLapRLS & 0.819 & 0.418 & 0.834 & 0.397 & 0.783 & 0.343 & 0.791 & 0.298 & 0.807 & 0.364 \\ LMP-$\mathbf{Z}_{T}$ & \textbf{0.831} & 0.384 & \textbf{0.854} & \textbf{0.399} & 0.778 & 0.353 & \textbf{0.824} & \textbf{0.392} & \textbf{0.822} & 0.382 \\ [0.5ex] \hline \\ [-5.5ex] BLM & 0.458 & 0.325 & 0.627 & 0.367 & 0.881 & 0.641 & 0.843 & 0.611 & 0.702 & 0.486 \\ LapRLS & 0.563 & 0.432 & 0.788 & 0.508 & 0.920 & 0.778 & 0.914 & 0.792 & 0.796 & \textbf{0.628} \\ NetLapRLS & 0.561 & \textbf{0.433} & 0.787 & 0.503 & 0.916 & 0.762 & 0.909 & 0.787 & 0.793 & 0.621 \\ LMP-$\mathbf{Z}_{D}$ & \textbf{0.688} & 0.293 & \textbf{0.847} & \textbf{0.583} & \textbf{0.938} & \textbf{0.790} & \textbf{0.928} & \textbf{0.803} & \textbf{0.850} & 0.617 \\ [0.5ex] \hline \end{tabular} \label{table_preTarget} \end{table*} \begin{figure*}[t!] \centering \includegraphics[width=0.95\textwidth]{aupr_alpha.eps} \caption{The AUPR of the proposed method on the four datasets. Panel A illustrates the predicted results on the new drugs, while panel B displays the predicted results on the new targets.} \label{fig_auprAlpha} \end{figure*} \subsection{Parameter Settings} In the proposed method, there is a free parameter $\alpha$ that balances the weights of low-rank matrix and sparse matrix as shown in Eq. (\ref{eq_lrr}). When $\alpha$ is set too large, the sparse norm will compress most of the entries of matrix $\mathbf{E}$ to zeros, while if $\alpha$ is very small, most of the entries of $\mathbf{E}$ will be small but not zeros. In this work, we obtain the optimal value of the parameter $\alpha$ by manually and empirically tuning it and check the accuracy according to each value of $\alpha$. Predicting the interactions based on only the known interaction, we perform the grid search for $\alpha$ in which one dimension is corresponding to drug similarity and another one is corresponding to target similarity. Based on the empirical simulation, $\alpha$ for predicting the interactions based on only known interactions falls between [0.1,0.25]. When characteristic information is embedded, one needs to tune $\alpha$ according to this information, e.g., the parameter $\alpha$ falls between [0.1,2]. Moreover, there is only one $\alpha$ in each case, eg., predicting the new drugs or targets. We visualize the sensitivity of $\alpha$ corresponding to the predicted results, i.e., AUPR, on the new drugs and targets, in Fig. \ref{fig_auprAlpha}. \section{Results} We report the performances of the proposed method and the others that use only the known interaction information in the first part of table \ref{table_pre}, meanwhile for the performances of the methods that use together interaction information and characteristic information are shown in the second part of the same table. Consider the first group of the methods. LMP outperforms the other methods on three datasets including MATADOR, GPCR, and ion channel in terms of AUC and AUPR. In term of AUPR, LMP outperforms the others in enzyme, while LMP outperforms only Katz index in enzyme in term of AUC. It is worth noting that for the small matrix or network such as nuclear receptor, the predicted results from all the methods are not stable and they are approximately the same. When the characteristic information of the drugs and targets are employed, the performances of the LMP remarkably improved as shown in the second part of table \ref{table_pre}. Since the characteristic information of the drugs and targets in MATADOR is not available, we either cannot obtain the results of this dataset. LMP outperforms the others on nuclear receptor and GPCR in term of AUC, while NetLapRLS is the best in term of AUPR on nuclear receptor. LMP perform better than the others measured by AUPR in GPCR and ion channel. LMP outperforms the others in term of AUC, while NetLapRLS produces the highest AUPR on enzyme. The predicted results on the new drugs and target proteins are illustrated in table \ref{table_preTarget} in the first and second part, respectively. All the methods produce competitive results in predicting the new drugs, while LMP outperform the others in term of AUC and AUPR on GPCR, ion channel and enzyme in predicting new targets. \section{Conclusion and discussion} In this work, we have proposed a matrix-based method, namely low-rank matrix projection (LMP), to solve the DTI prediction problem. It has been shown that LMP overcomes the drawbacks of the machine learning and similarity-based methods. On one hand, LMP can work on datasets that have only known interaction information between the drugs and targets such as MATADOR. On the other hand, LMP can integrate the information about the characteristics of the drugs and targets to improve the predicted results. Moreover, the proposed method can also effectively deal with the new drugs and targets that do not have any known interaction at all by utilizing only some characteristic information of the drugs or targets. In LMP, the low-rank matrix plays a very important role in making the data homogenous, meanwhile the sparse matrix captures the noise or outliers in the data. By decomposing the original data into a clean (a linear combination of low-rank matrix and the adjacency matrix) and noise (sparse matrix) parts, we can obtain a clean data to predict the interactions between drugs and target proteins. The disadvantage of LMP is that we need to empirically tune $\alpha$ and check the accuracy corresponding to each value of $\alpha$. Until now, designing the effective method to estimate the optimal value of this parameter is still an open question. Moreover, LMP may not perform well with small matrix, e.g., nuclear receptor, since the information is very limited for matrix decomposition. LMP is an alternative, effective and efficient \textit{in silico} tool for predicting the drug-target interactions. It can help drug development and drug reposition. In this paper, LMP aims at learning the low-rank similarity matrices from the known drug-target interaction information and similarity matrices of the drugs and targets. We believe that the proposed method can also be applied to learn other high-dimensional biological data such as drug compound, chemical structures, and so on, and we leave these problems to the future work.
8bf87ef715581e72d686d37cdd3fb93745ae1abd
{ "file_path": "/home/ubuntu/dolma-v1_7/arxiv-0000.json.gz" }